diff --git a/third_party/DeDoDe/.gitignore b/third_party/DeDoDe/.gitignore new file mode 100644 index 0000000000000000000000000000000000000000..1fe8687c1f1bf845e44ed213c42c5d08a89b11f3 --- /dev/null +++ b/third_party/DeDoDe/.gitignore @@ -0,0 +1,162 @@ +# Byte-compiled / optimized / DLL files +__pycache__/ +*.py[cod] +*$py.class + +# C extensions +*.so + +# Distribution / packaging +.Python +build/ +develop-eggs/ +dist/ +downloads/ +eggs/ +.eggs/ +lib/ +lib64/ +parts/ +sdist/ +var/ +wheels/ +share/python-wheels/ +*.egg-info/ +.installed.cfg +*.egg +MANIFEST + +# PyInstaller +# Usually these files are written by a python script from a template +# before PyInstaller builds the exe, so as to inject date/other infos into it. +*.manifest +*.spec + +# Installer logs +pip-log.txt +pip-delete-this-directory.txt + +# Unit test / coverage reports +htmlcov/ +.tox/ +.nox/ +.coverage +.coverage.* +.cache +nosetests.xml +coverage.xml +*.cover +*.py,cover +.hypothesis/ +.pytest_cache/ +cover/ + +# Translations +*.mo +*.pot + +# Django stuff: +*.log +local_settings.py +db.sqlite3 +db.sqlite3-journal + +# Flask stuff: +instance/ +.webassets-cache + +# Scrapy stuff: +.scrapy + +# Sphinx documentation +docs/_build/ + +# PyBuilder +.pybuilder/ +target/ + +# Jupyter Notebook +.ipynb_checkpoints + +# IPython +profile_default/ +ipython_config.py + +# pyenv +# For a library or package, you might want to ignore these files since the code is +# intended to run in multiple environments; otherwise, check them in: +# .python-version + +# pipenv +# According to pypa/pipenv#598, it is recommended to include Pipfile.lock in version control. +# However, in case of collaboration, if having platform-specific dependencies or dependencies +# having no cross-platform support, pipenv may install dependencies that don't work, or not +# install all needed dependencies. +#Pipfile.lock + +# poetry +# Similar to Pipfile.lock, it is generally recommended to include poetry.lock in version control. +# This is especially recommended for binary packages to ensure reproducibility, and is more +# commonly ignored for libraries. +# https://python-poetry.org/docs/basic-usage/#commit-your-poetrylock-file-to-version-control +#poetry.lock + +# pdm +# Similar to Pipfile.lock, it is generally recommended to include pdm.lock in version control. +#pdm.lock +# pdm stores project-wide configurations in .pdm.toml, but it is recommended to not include it +# in version control. +# https://pdm.fming.dev/#use-with-ide +.pdm.toml + +# PEP 582; used by e.g. github.com/David-OConnor/pyflow and github.com/pdm-project/pdm +__pypackages__/ + +# Celery stuff +celerybeat-schedule +celerybeat.pid + +# SageMath parsed files +*.sage.py + +# Environments +.env +.venv +env/ +venv/ +ENV/ +env.bak/ +venv.bak/ + +# Spyder project settings +.spyderproject +.spyproject + +# Rope project settings +.ropeproject + +# mkdocs documentation +/site + +# mypy +.mypy_cache/ +.dmypy.json +dmypy.json + +# Pyre type checker +.pyre/ + +# pytype static type analyzer +.pytype/ + +# Cython debug symbols +cython_debug/ + +# PyCharm +# JetBrains specific template is maintained in a separate JetBrains.gitignore that can +# be found at https://github.com/github/gitignore/blob/main/Global/JetBrains.gitignore +# and can be added to the global gitignore or merged into this file. For a more nuclear +# option (not recommended) you can uncomment the following to ignore the entire idea folder. +#.idea/ + +.vscode* \ No newline at end of file diff --git a/third_party/DeDoDe/DeDoDe/__init__.py b/third_party/DeDoDe/DeDoDe/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..c00abd633fd3df598d74a8c0bb2db0343906be72 --- /dev/null +++ b/third_party/DeDoDe/DeDoDe/__init__.py @@ -0,0 +1 @@ +from .model_zoo import dedode_detector_B, dedode_detector_L, dedode_descriptor_B diff --git a/third_party/DeDoDe/DeDoDe/benchmarks/__init__.py b/third_party/DeDoDe/DeDoDe/benchmarks/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..52113027f2e7ddc144453df9f012f84d3b4ba95b --- /dev/null +++ b/third_party/DeDoDe/DeDoDe/benchmarks/__init__.py @@ -0,0 +1,3 @@ +from .num_inliers import NumInliersBenchmark +from .mega_pose_est import MegaDepthPoseEstimationBenchmark +from .mega_pose_est_mnn import MegaDepthPoseMNNBenchmark \ No newline at end of file diff --git a/third_party/DeDoDe/DeDoDe/benchmarks/mega_pose_est.py b/third_party/DeDoDe/DeDoDe/benchmarks/mega_pose_est.py new file mode 100644 index 0000000000000000000000000000000000000000..2104284b54d5fe339d6f12d9ae14dcdd3c0fb564 --- /dev/null +++ b/third_party/DeDoDe/DeDoDe/benchmarks/mega_pose_est.py @@ -0,0 +1,114 @@ +import numpy as np +import torch +from DeDoDe.utils import * +from PIL import Image +from tqdm import tqdm +import torch.nn.functional as F + +class MegaDepthPoseEstimationBenchmark: + def __init__(self, data_root="data/megadepth", scene_names = None) -> None: + if scene_names is None: + self.scene_names = [ + "0015_0.1_0.3.npz", + "0015_0.3_0.5.npz", + "0022_0.1_0.3.npz", + "0022_0.3_0.5.npz", + "0022_0.5_0.7.npz", + ] + else: + self.scene_names = scene_names + self.scenes = [ + np.load(f"{data_root}/{scene}", allow_pickle=True) + for scene in self.scene_names + ] + self.data_root = data_root + + def benchmark(self, keypoint_model, matching_model, model_name = None, resolution = None, scale_intrinsics = True, calibrated = True): + H,W = matching_model.get_output_resolution() + with torch.no_grad(): + data_root = self.data_root + tot_e_t, tot_e_R, tot_e_pose = [], [], [] + thresholds = [5, 10, 20] + for scene_ind in range(len(self.scenes)): + import os + scene_name = os.path.splitext(self.scene_names[scene_ind])[0] + scene = self.scenes[scene_ind] + pairs = scene["pair_infos"] + intrinsics = scene["intrinsics"] + poses = scene["poses"] + im_paths = scene["image_paths"] + pair_inds = range(len(pairs)) + for pairind in tqdm(pair_inds): + idx1, idx2 = pairs[pairind][0] + K1 = intrinsics[idx1].copy() + T1 = poses[idx1].copy() + R1, t1 = T1[:3, :3], T1[:3, 3] + K2 = intrinsics[idx2].copy() + T2 = poses[idx2].copy() + R2, t2 = T2[:3, :3], T2[:3, 3] + R, t = compute_relative_pose(R1, t1, R2, t2) + T1_to_2 = np.concatenate((R,t[:,None]), axis=-1) + im_A_path = f"{data_root}/{im_paths[idx1]}" + im_B_path = f"{data_root}/{im_paths[idx2]}" + + keypoints_A = keypoint_model.detect_from_path(im_A_path, num_keypoints = 20_000)["keypoints"][0] + keypoints_B = keypoint_model.detect_from_path(im_B_path, num_keypoints = 20_000)["keypoints"][0] + warp, certainty = matching_model.match(im_A_path, im_B_path) + matches = matching_model.match_keypoints(keypoints_A, keypoints_B, warp, certainty, return_tuple = False) + im_A = Image.open(im_A_path) + w1, h1 = im_A.size + im_B = Image.open(im_B_path) + w2, h2 = im_B.size + if scale_intrinsics: + scale1 = 1200 / max(w1, h1) + scale2 = 1200 / max(w2, h2) + w1, h1 = scale1 * w1, scale1 * h1 + w2, h2 = scale2 * w2, scale2 * h2 + K1, K2 = K1.copy(), K2.copy() + K1[:2] = K1[:2] * scale1 + K2[:2] = K2[:2] * scale2 + kpts1, kpts2 = matching_model.to_pixel_coordinates(matches, h1, w1, h2, w2) + for _ in range(1): + shuffling = np.random.permutation(np.arange(len(kpts1))) + kpts1 = kpts1[shuffling] + kpts2 = kpts2[shuffling] + try: + threshold = 0.5 + if calibrated: + norm_threshold = threshold / (np.mean(np.abs(K1[:2, :2])) + np.mean(np.abs(K2[:2, :2]))) + R_est, t_est, mask = estimate_pose( + kpts1.cpu().numpy(), + kpts2.cpu().numpy(), + K1, + K2, + norm_threshold, + conf=0.99999, + ) + T1_to_2_est = np.concatenate((R_est, t_est), axis=-1) # + e_t, e_R = compute_pose_error(T1_to_2_est, R, t) + e_pose = max(e_t, e_R) + except Exception as e: + print(repr(e)) + e_t, e_R = 90, 90 + e_pose = max(e_t, e_R) + tot_e_t.append(e_t) + tot_e_R.append(e_R) + tot_e_pose.append(e_pose) + tot_e_pose = np.array(tot_e_pose) + auc = pose_auc(tot_e_pose, thresholds) + acc_5 = (tot_e_pose < 5).mean() + acc_10 = (tot_e_pose < 10).mean() + acc_15 = (tot_e_pose < 15).mean() + acc_20 = (tot_e_pose < 20).mean() + map_5 = acc_5 + map_10 = np.mean([acc_5, acc_10]) + map_20 = np.mean([acc_5, acc_10, acc_15, acc_20]) + print(f"{model_name} auc: {auc}") + return { + "auc_5": auc[0], + "auc_10": auc[1], + "auc_20": auc[2], + "map_5": map_5, + "map_10": map_10, + "map_20": map_20, + } \ No newline at end of file diff --git a/third_party/DeDoDe/DeDoDe/benchmarks/mega_pose_est_mnn.py b/third_party/DeDoDe/DeDoDe/benchmarks/mega_pose_est_mnn.py new file mode 100644 index 0000000000000000000000000000000000000000..15f4cdea05c601173fab765b92d5379e8f0bb349 --- /dev/null +++ b/third_party/DeDoDe/DeDoDe/benchmarks/mega_pose_est_mnn.py @@ -0,0 +1,119 @@ +import numpy as np +import torch +from DeDoDe.utils import * +from PIL import Image +from tqdm import tqdm +import torch.nn.functional as F + +class MegaDepthPoseMNNBenchmark: + def __init__(self, data_root="data/megadepth", scene_names = None) -> None: + if scene_names is None: + self.scene_names = [ + "0015_0.1_0.3.npz", + "0015_0.3_0.5.npz", + "0022_0.1_0.3.npz", + "0022_0.3_0.5.npz", + "0022_0.5_0.7.npz", + ] + else: + self.scene_names = scene_names + self.scenes = [ + np.load(f"{data_root}/{scene}", allow_pickle=True) + for scene in self.scene_names + ] + self.data_root = data_root + + def benchmark(self, detector_model, descriptor_model, matcher_model, model_name = None, resolution = None, scale_intrinsics = True, calibrated = True): + with torch.no_grad(): + data_root = self.data_root + tot_e_t, tot_e_R, tot_e_pose = [], [], [] + thresholds = [5, 10, 20] + for scene_ind in range(len(self.scenes)): + import os + scene_name = os.path.splitext(self.scene_names[scene_ind])[0] + scene = self.scenes[scene_ind] + pairs = scene["pair_infos"] + intrinsics = scene["intrinsics"] + poses = scene["poses"] + im_paths = scene["image_paths"] + pair_inds = range(len(pairs)) + for pairind in tqdm(pair_inds): + idx1, idx2 = pairs[pairind][0] + K1 = intrinsics[idx1].copy() + T1 = poses[idx1].copy() + R1, t1 = T1[:3, :3], T1[:3, 3] + K2 = intrinsics[idx2].copy() + T2 = poses[idx2].copy() + R2, t2 = T2[:3, :3], T2[:3, 3] + R, t = compute_relative_pose(R1, t1, R2, t2) + T1_to_2 = np.concatenate((R,t[:,None]), axis=-1) + im_A_path = f"{data_root}/{im_paths[idx1]}" + im_B_path = f"{data_root}/{im_paths[idx2]}" + detections_A = detector_model.detect_from_path(im_A_path) + keypoints_A, P_A = detections_A["keypoints"], detections_A["confidence"] + detections_B = detector_model.detect_from_path(im_B_path) + keypoints_B, P_B = detections_B["keypoints"], detections_B["confidence"] + description_A = descriptor_model.describe_keypoints_from_path(im_A_path, keypoints_A)["descriptions"] + description_B = descriptor_model.describe_keypoints_from_path(im_B_path, keypoints_B)["descriptions"] + matches_A, matches_B, batch_ids = matcher_model.match(keypoints_A, description_A, + keypoints_B, description_B, + P_A = P_A, P_B = P_B, + normalize = True, inv_temp=20, threshold = 0.01) + + im_A = Image.open(im_A_path) + w1, h1 = im_A.size + im_B = Image.open(im_B_path) + w2, h2 = im_B.size + if scale_intrinsics: + scale1 = 1200 / max(w1, h1) + scale2 = 1200 / max(w2, h2) + w1, h1 = scale1 * w1, scale1 * h1 + w2, h2 = scale2 * w2, scale2 * h2 + K1, K2 = K1.copy(), K2.copy() + K1[:2] = K1[:2] * scale1 + K2[:2] = K2[:2] * scale2 + kpts1, kpts2 = matcher_model.to_pixel_coords(matches_A, matches_B, h1, w1, h2, w2) + for _ in range(1): + shuffling = np.random.permutation(np.arange(len(kpts1))) + kpts1 = kpts1[shuffling] + kpts2 = kpts2[shuffling] + try: + threshold = 0.5 + if calibrated: + norm_threshold = threshold / (np.mean(np.abs(K1[:2, :2])) + np.mean(np.abs(K2[:2, :2]))) + R_est, t_est, mask = estimate_pose( + kpts1.cpu().numpy(), + kpts2.cpu().numpy(), + K1, + K2, + norm_threshold, + conf=0.99999, + ) + T1_to_2_est = np.concatenate((R_est, t_est), axis=-1) # + e_t, e_R = compute_pose_error(T1_to_2_est, R, t) + e_pose = max(e_t, e_R) + except Exception as e: + print(repr(e)) + e_t, e_R = 90, 90 + e_pose = max(e_t, e_R) + tot_e_t.append(e_t) + tot_e_R.append(e_R) + tot_e_pose.append(e_pose) + tot_e_pose = np.array(tot_e_pose) + auc = pose_auc(tot_e_pose, thresholds) + acc_5 = (tot_e_pose < 5).mean() + acc_10 = (tot_e_pose < 10).mean() + acc_15 = (tot_e_pose < 15).mean() + acc_20 = (tot_e_pose < 20).mean() + map_5 = acc_5 + map_10 = np.mean([acc_5, acc_10]) + map_20 = np.mean([acc_5, acc_10, acc_15, acc_20]) + print(f"{model_name} auc: {auc}") + return { + "auc_5": auc[0], + "auc_10": auc[1], + "auc_20": auc[2], + "map_5": map_5, + "map_10": map_10, + "map_20": map_20, + } \ No newline at end of file diff --git a/third_party/DeDoDe/DeDoDe/benchmarks/num_inliers.py b/third_party/DeDoDe/DeDoDe/benchmarks/num_inliers.py new file mode 100644 index 0000000000000000000000000000000000000000..24be32b2bc54f1d650836e5ab2f540e80fd3d5c0 --- /dev/null +++ b/third_party/DeDoDe/DeDoDe/benchmarks/num_inliers.py @@ -0,0 +1,76 @@ +import torch +import torch.nn as nn +from DeDoDe.utils import * +import DeDoDe + +class NumInliersBenchmark(nn.Module): + + def __init__(self, dataset, num_samples = 1000, batch_size = 8, num_keypoints = 10_000, device = "cuda") -> None: + super().__init__() + sampler = torch.utils.data.WeightedRandomSampler( + torch.ones(len(dataset)), replacement=False, num_samples=num_samples + ) + dataloader = torch.utils.data.DataLoader( + dataset, batch_size=batch_size, num_workers=batch_size, sampler=sampler + ) + self.dataloader = dataloader + self.tracked_metrics = {} + self.batch_size = batch_size + self.N = len(dataloader) + self.num_keypoints = num_keypoints + + def compute_batch_metrics(self, outputs, batch, device = "cuda"): + kpts_A, kpts_B = outputs["keypoints_A"], outputs["keypoints_B"] + B, K, H, W = batch["im_A"].shape + gt_warp_A_to_B, valid_mask_A_to_B = get_gt_warp( + batch["im_A_depth"], + batch["im_B_depth"], + batch["T_1to2"], + batch["K1"], + batch["K2"], + H=H, + W=W, + ) + kpts_A_to_B = F.grid_sample(gt_warp_A_to_B[...,2:].float().permute(0,3,1,2), kpts_A[...,None,:], + align_corners=False, mode = 'bilinear')[...,0].mT + legit_A_to_B = F.grid_sample(valid_mask_A_to_B.reshape(B,1,H,W), kpts_A[...,None,:], + align_corners=False, mode = 'bilinear')[...,0,:,0] + dists = (torch.cdist(kpts_A_to_B, kpts_B).min(dim=-1).values[legit_A_to_B > 0.]).float() + if legit_A_to_B.sum() == 0: + return + percent_inliers_at_1 = (dists < 0.02).float().mean() + percent_inliers_at_05 = (dists < 0.01).float().mean() + percent_inliers_at_025 = (dists < 0.005).float().mean() + percent_inliers_at_01 = (dists < 0.002).float().mean() + percent_inliers_at_005 = (dists < 0.001).float().mean() + + inlier_bins = torch.linspace(0, 0.002, steps = 100, device = device)[None] + inlier_counts = (dists[...,None] < inlier_bins).float().mean(dim=0) + self.tracked_metrics["inlier_counts"] = self.tracked_metrics.get("inlier_counts", 0) + 1/self.N * inlier_counts + self.tracked_metrics["percent_inliers_at_1"] = self.tracked_metrics.get("percent_inliers_at_1", 0) + 1/self.N * percent_inliers_at_1 + self.tracked_metrics["percent_inliers_at_05"] = self.tracked_metrics.get("percent_inliers_at_05", 0) + 1/self.N * percent_inliers_at_05 + self.tracked_metrics["percent_inliers_at_025"] = self.tracked_metrics.get("percent_inliers_at_025", 0) + 1/self.N * percent_inliers_at_025 + self.tracked_metrics["percent_inliers_at_01"] = self.tracked_metrics.get("percent_inliers_at_01", 0) + 1/self.N * percent_inliers_at_01 + self.tracked_metrics["percent_inliers_at_005"] = self.tracked_metrics.get("percent_inliers_at_005", 0) + 1/self.N * percent_inliers_at_005 + + def benchmark(self, detector): + self.tracked_metrics = {} + from tqdm import tqdm + print("Evaluating percent inliers...") + for idx, batch in tqdm(enumerate(self.dataloader), mininterval = 10.): + batch = to_cuda(batch) + outputs = detector.detect(batch, num_keypoints = self.num_keypoints) + keypoints_A, keypoints_B = outputs["keypoints"][:self.batch_size], outputs["keypoints"][self.batch_size:] + if isinstance(outputs["keypoints"], (tuple, list)): + keypoints_A, keypoints_B = torch.stack(keypoints_A), torch.stack(keypoints_B) + outputs = {"keypoints_A": keypoints_A, "keypoints_B": keypoints_B} + self.compute_batch_metrics(outputs, batch) + import matplotlib.pyplot as plt + plt.plot(torch.linspace(0, 0.002, steps = 100), self.tracked_metrics["inlier_counts"].cpu()) + import numpy as np + x = np.linspace(0,0.002, 100) + sigma = 0.52 * 2 / 512 + F = 1 - np.exp(-x**2 / (2*sigma**2)) + plt.plot(x, F) + plt.savefig("vis/inlier_counts") + [print(name, metric.item() * self.N / (idx+1)) for name, metric in self.tracked_metrics.items() if "percent" in name] \ No newline at end of file diff --git a/third_party/DeDoDe/DeDoDe/checkpoint.py b/third_party/DeDoDe/DeDoDe/checkpoint.py new file mode 100644 index 0000000000000000000000000000000000000000..07d6f80ae09acf5702475504a8e8d61f40c21cd3 --- /dev/null +++ b/third_party/DeDoDe/DeDoDe/checkpoint.py @@ -0,0 +1,59 @@ +import os +import torch +from torch.nn.parallel.data_parallel import DataParallel +from torch.nn.parallel.distributed import DistributedDataParallel +import gc + +import DeDoDe + +class CheckPoint: + def __init__(self, dir=None, name="tmp"): + self.name = name + self.dir = dir + os.makedirs(self.dir, exist_ok=True) + + def save( + self, + model, + optimizer, + lr_scheduler, + n, + ): + if DeDoDe.RANK == 0: + assert model is not None + if isinstance(model, (DataParallel, DistributedDataParallel)): + model = model.module + states = { + "model": model.state_dict(), + "n": n, + "optimizer": optimizer.state_dict(), + "lr_scheduler": lr_scheduler.state_dict(), + } + torch.save(states, self.dir + self.name + f"_latest.pth") + print(f"Saved states {list(states.keys())}, at step {n}") + + def load( + self, + model, + optimizer, + lr_scheduler, + n, + ): + if os.path.exists(self.dir + self.name + f"_latest.pth") and DeDoDe.RANK == 0: + states = torch.load(self.dir + self.name + f"_latest.pth") + if "model" in states: + model.load_state_dict(states["model"]) + if "n" in states: + n = states["n"] if states["n"] else n + if "optimizer" in states: + try: + optimizer.load_state_dict(states["optimizer"]) + except Exception as e: + print(f"Failed to load states for optimizer, with error {e}") + if "lr_scheduler" in states: + lr_scheduler.load_state_dict(states["lr_scheduler"]) + print(f"Loaded states {list(states.keys())}, at step {n}") + del states + gc.collect() + torch.cuda.empty_cache() + return model, optimizer, lr_scheduler, n \ No newline at end of file diff --git a/third_party/DeDoDe/DeDoDe/datasets/__init__.py b/third_party/DeDoDe/DeDoDe/datasets/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/third_party/DeDoDe/DeDoDe/datasets/megadepth.py b/third_party/DeDoDe/DeDoDe/datasets/megadepth.py new file mode 100644 index 0000000000000000000000000000000000000000..7de9d9a8e270fb74a6591944878c0e5e70ddf650 --- /dev/null +++ b/third_party/DeDoDe/DeDoDe/datasets/megadepth.py @@ -0,0 +1,269 @@ +import os +from PIL import Image +import h5py +import numpy as np +import torch +import torchvision.transforms.functional as tvf +from tqdm import tqdm + +from DeDoDe.utils import get_depth_tuple_transform_ops, get_tuple_transform_ops +import DeDoDe +from DeDoDe.utils import * + +class MegadepthScene: + def __init__( + self, + data_root, + scene_info, + ht=512, + wt=512, + min_overlap=0.0, + max_overlap=1.0, + shake_t=0, + scene_info_detections=None, + scene_info_detections3D=None, + normalize=True, + max_num_pairs = 100_000, + scene_name = None, + use_horizontal_flip_aug = False, + grayscale = False, + clahe = False, + ) -> None: + self.data_root = data_root + self.scene_name = os.path.splitext(scene_name)[0]+f"_{min_overlap}_{max_overlap}" + self.image_paths = scene_info["image_paths"] + self.depth_paths = scene_info["depth_paths"] + self.intrinsics = scene_info["intrinsics"] + self.poses = scene_info["poses"] + self.pairs = scene_info["pairs"] + self.overlaps = scene_info["overlaps"] + threshold = (self.overlaps > min_overlap) & (self.overlaps < max_overlap) + self.pairs = self.pairs[threshold] + self.overlaps = self.overlaps[threshold] + self.detections = scene_info_detections + self.tracks3D = scene_info_detections3D + if len(self.pairs) > max_num_pairs: + pairinds = np.random.choice( + np.arange(0, len(self.pairs)), max_num_pairs, replace=False + ) + self.pairs = self.pairs[pairinds] + self.overlaps = self.overlaps[pairinds] + self.im_transform_ops = get_tuple_transform_ops( + resize=(ht, wt), normalize=normalize, clahe = clahe, + ) + self.depth_transform_ops = get_depth_tuple_transform_ops( + resize=(ht, wt), normalize=False + ) + self.wt, self.ht = wt, ht + self.shake_t = shake_t + self.use_horizontal_flip_aug = use_horizontal_flip_aug + self.grayscale = grayscale + + def load_im(self, im_B, crop=None): + im = Image.open(im_B) + return im + + def horizontal_flip(self, im_A, im_B, depth_A, depth_B, K_A, K_B): + im_A = im_A.flip(-1) + im_B = im_B.flip(-1) + depth_A, depth_B = depth_A.flip(-1), depth_B.flip(-1) + flip_mat = torch.tensor([[-1, 0, self.wt],[0,1,0],[0,0,1.]]).to(K_A.device) + K_A = flip_mat@K_A + K_B = flip_mat@K_B + + return im_A, im_B, depth_A, depth_B, K_A, K_B + + def load_depth(self, depth_ref, crop=None): + depth = np.array(h5py.File(depth_ref, "r")["depth"]) + return torch.from_numpy(depth) + + def __len__(self): + return len(self.pairs) + + def scale_intrinsic(self, K, wi, hi): + sx, sy = self.wt / wi, self.ht / hi + sK = torch.tensor([[sx, 0, 0], [0, sy, 0], [0, 0, 1]]) + return sK @ K + + def scale_detections(self, detections, wi, hi): + sx, sy = self.wt / wi, self.ht / hi + return detections * torch.tensor([[sx,sy]]) + + def rand_shake(self, *things): + t = np.random.choice(range(-self.shake_t, self.shake_t + 1), size=(2)) + return [ + tvf.affine(thing, angle=0.0, translate=list(t), scale=1.0, shear=[0.0, 0.0]) + for thing in things + ], t + + def tracks_to_detections(self, tracks3D, pose, intrinsics, H, W): + tracks3D = tracks3D.double() + intrinsics = intrinsics.double() + bearing_vectors = pose[...,:3,:3] @ tracks3D.mT + pose[...,:3,3:] + hom_pixel_coords = (intrinsics @ bearing_vectors).mT + pixel_coords = hom_pixel_coords[...,:2] / (hom_pixel_coords[...,2:]+1e-12) + legit_detections = (pixel_coords > 0).prod(dim = -1) * (pixel_coords[...,0] < W - 1) * (pixel_coords[...,1] < H - 1) * (tracks3D != 0).prod(dim=-1) + return pixel_coords.float(), legit_detections.bool() + + def __getitem__(self, pair_idx): + try: + # read intrinsics of original size + idx1, idx2 = self.pairs[pair_idx] + K1 = torch.tensor(self.intrinsics[idx1].copy(), dtype=torch.float).reshape(3, 3) + K2 = torch.tensor(self.intrinsics[idx2].copy(), dtype=torch.float).reshape(3, 3) + + # read and compute relative poses + T1 = self.poses[idx1] + T2 = self.poses[idx2] + T_1to2 = torch.tensor(np.matmul(T2, np.linalg.inv(T1)), dtype=torch.float)[ + :4, :4 + ] # (4, 4) + + # Load positive pair data + im_A, im_B = self.image_paths[idx1], self.image_paths[idx2] + depth1, depth2 = self.depth_paths[idx1], self.depth_paths[idx2] + im_A_ref = os.path.join(self.data_root, im_A) + im_B_ref = os.path.join(self.data_root, im_B) + depth_A_ref = os.path.join(self.data_root, depth1) + depth_B_ref = os.path.join(self.data_root, depth2) + # return torch.randn((1000,1000)) + im_A = self.load_im(im_A_ref) + im_B = self.load_im(im_B_ref) + depth_A = self.load_depth(depth_A_ref) + depth_B = self.load_depth(depth_B_ref) + + # Recompute camera intrinsic matrix due to the resize + W_A, H_A = im_A.width, im_A.height + W_B, H_B = im_B.width, im_B.height + + detections2D_A = self.detections[idx1] + detections2D_B = self.detections[idx2] + + K = 10000 + tracks3D_A = torch.zeros(K,3) + tracks3D_B = torch.zeros(K,3) + tracks3D_A[:len(detections2D_A)] = torch.tensor(self.tracks3D[detections2D_A[:K,-1].astype(np.int32)]) + tracks3D_B[:len(detections2D_B)] = torch.tensor(self.tracks3D[detections2D_B[:K,-1].astype(np.int32)]) + + #projs_A, _ = self.tracks_to_detections(tracks3D_A, T1, K1, W_A, H_A) + #tracks3D_B = torch.zeros(K,2) + + K1 = self.scale_intrinsic(K1, W_A, H_A) + K2 = self.scale_intrinsic(K2, W_B, H_B) + + # Process images + im_A, im_B = self.im_transform_ops((im_A, im_B)) + depth_A, depth_B = self.depth_transform_ops( + (depth_A[None, None], depth_B[None, None]) + ) + [im_A, depth_A], t_A = self.rand_shake(im_A, depth_A) + [im_B, depth_B], t_B = self.rand_shake(im_B, depth_B) + + detections_A = -torch.ones(K,2) + detections_B = -torch.ones(K,2) + detections_A[:len(self.detections[idx1])] = self.scale_detections(torch.tensor(detections2D_A[:K,:2]), W_A, H_A) + t_A + detections_B[:len(self.detections[idx2])] = self.scale_detections(torch.tensor(detections2D_B[:K,:2]), W_B, H_B) + t_B + + + K1[:2, 2] += t_A + K2[:2, 2] += t_B + + if self.use_horizontal_flip_aug: + if np.random.rand() > 0.5: + im_A, im_B, depth_A, depth_B, K1, K2 = self.horizontal_flip(im_A, im_B, depth_A, depth_B, K1, K2) + detections_A[:,0] = W-detections_A + detections_B[:,0] = W-detections_B + + if DeDoDe.DEBUG_MODE: + tensor_to_pil(im_A[0], unnormalize=True).save( + f"vis/im_A.jpg") + tensor_to_pil(im_B[0], unnormalize=True).save( + f"vis/im_B.jpg") + if self.grayscale: + im_A = im_A.mean(dim=-3,keepdim=True) + im_B = im_B.mean(dim=-3,keepdim=True) + data_dict = { + "im_A": im_A, + "im_A_identifier": self.image_paths[idx1].split("/")[-1].split(".jpg")[0], + "im_B": im_B, + "im_B_identifier": self.image_paths[idx2].split("/")[-1].split(".jpg")[0], + "im_A_depth": depth_A[0, 0], + "im_B_depth": depth_B[0, 0], + "pose_A": T1, + "pose_B": T2, + "detections_A": detections_A, + "detections_B": detections_B, + "tracks3D_A": tracks3D_A, + "tracks3D_B": tracks3D_B, + "K1": K1, + "K2": K2, + "T_1to2": T_1to2, + "im_A_path": im_A_ref, + "im_B_path": im_B_ref, + } + except Exception as e: + print(e) + print(f"Failed to load image pair {self.pairs[pair_idx]}") + print("Loading a random pair in scene instead") + rand_ind = np.random.choice(range(len(self))) + return self[rand_ind] + return data_dict + + +class MegadepthBuilder: + def __init__(self, data_root="data/megadepth", loftr_ignore=True, imc21_ignore = True) -> None: + self.data_root = data_root + self.scene_info_root = os.path.join(data_root, "prep_scene_info") + self.all_scenes = os.listdir(self.scene_info_root) + self.test_scenes = ["0017.npy", "0004.npy", "0048.npy", "0013.npy"] + # LoFTR did the D2-net preprocessing differently than we did and got more ignore scenes, can optionially ignore those + self.loftr_ignore_scenes = set(['0121.npy', '0133.npy', '0168.npy', '0178.npy', '0229.npy', '0349.npy', '0412.npy', '0430.npy', '0443.npy', '1001.npy', '5014.npy', '5015.npy', '5016.npy']) + self.imc21_scenes = set(['0008.npy', '0019.npy', '0021.npy', '0024.npy', '0025.npy', '0032.npy', '0063.npy', '1589.npy']) + self.test_scenes_loftr = ["0015.npy", "0022.npy"] + self.loftr_ignore = loftr_ignore + self.imc21_ignore = imc21_ignore + + def build_scenes(self, split="train", min_overlap=0.0, scene_names = None, **kwargs): + if split == "train": + scene_names = set(self.all_scenes) - set(self.test_scenes) + elif split == "train_loftr": + scene_names = set(self.all_scenes) - set(self.test_scenes_loftr) + elif split == "test": + scene_names = self.test_scenes + elif split == "test_loftr": + scene_names = self.test_scenes_loftr + elif split == "custom": + scene_names = scene_names + else: + raise ValueError(f"Split {split} not available") + scenes = [] + for scene_name in tqdm(scene_names): + if self.loftr_ignore and scene_name in self.loftr_ignore_scenes: + continue + if self.imc21_ignore and scene_name in self.imc21_scenes: + continue + if ".npy" not in scene_name: + continue + scene_info = np.load( + os.path.join(self.scene_info_root, scene_name), allow_pickle=True + ).item() + scene_info_detections = np.load( + os.path.join(self.scene_info_root, "detections", f"detections_{scene_name}"), allow_pickle=True + ).item() + scene_info_detections3D = np.load( + os.path.join(self.scene_info_root, "detections3D", f"detections3D_{scene_name}"), allow_pickle=True + ) + + scenes.append( + MegadepthScene( + self.data_root, scene_info, scene_info_detections = scene_info_detections, scene_info_detections3D = scene_info_detections3D, min_overlap=min_overlap,scene_name = scene_name, **kwargs + ) + ) + return scenes + + def weight_scenes(self, concat_dataset, alpha=0.5): + ns = [] + for d in concat_dataset.datasets: + ns.append(len(d)) + ws = torch.cat([torch.ones(n) / n**alpha for n in ns]) + return ws diff --git a/third_party/DeDoDe/DeDoDe/decoder.py b/third_party/DeDoDe/DeDoDe/decoder.py new file mode 100644 index 0000000000000000000000000000000000000000..4e1b58fcc588e6ee12c591b5f446829a914bc611 --- /dev/null +++ b/third_party/DeDoDe/DeDoDe/decoder.py @@ -0,0 +1,90 @@ +import torch +import torch.nn as nn +import torchvision.models as tvm + + +class Decoder(nn.Module): + def __init__(self, layers, *args, super_resolution = False, num_prototypes = 1, **kwargs) -> None: + super().__init__(*args, **kwargs) + self.layers = layers + self.scales = self.layers.keys() + self.super_resolution = super_resolution + self.num_prototypes = num_prototypes + def forward(self, features, context = None, scale = None): + if context is not None: + features = torch.cat((features, context), dim = 1) + stuff = self.layers[scale](features) + logits, context = stuff[:,:self.num_prototypes], stuff[:,self.num_prototypes:] + return logits, context + +class ConvRefiner(nn.Module): + def __init__( + self, + in_dim=6, + hidden_dim=16, + out_dim=2, + dw=True, + kernel_size=5, + hidden_blocks=5, + amp = True, + residual = False, + amp_dtype = torch.float16, + ): + super().__init__() + self.block1 = self.create_block( + in_dim, hidden_dim, dw=False, kernel_size=1, + ) + self.hidden_blocks = nn.Sequential( + *[ + self.create_block( + hidden_dim, + hidden_dim, + dw=dw, + kernel_size=kernel_size, + ) + for hb in range(hidden_blocks) + ] + ) + self.hidden_blocks = self.hidden_blocks + self.out_conv = nn.Conv2d(hidden_dim, out_dim, 1, 1, 0) + self.amp = amp + self.amp_dtype = amp_dtype + self.residual = residual + + def create_block( + self, + in_dim, + out_dim, + dw=True, + kernel_size=5, + bias = True, + norm_type = nn.BatchNorm2d, + ): + num_groups = 1 if not dw else in_dim + if dw: + assert ( + out_dim % in_dim == 0 + ), "outdim must be divisible by indim for depthwise" + conv1 = nn.Conv2d( + in_dim, + out_dim, + kernel_size=kernel_size, + stride=1, + padding=kernel_size // 2, + groups=num_groups, + bias=bias, + ) + norm = norm_type(out_dim) if norm_type is nn.BatchNorm2d else norm_type(num_channels = out_dim) + relu = nn.ReLU(inplace=True) + conv2 = nn.Conv2d(out_dim, out_dim, 1, 1, 0) + return nn.Sequential(conv1, norm, relu, conv2) + + def forward(self, feats): + b,c,hs,ws = feats.shape + with torch.autocast("cuda", enabled=self.amp, dtype = self.amp_dtype): + x0 = self.block1(feats) + x = self.hidden_blocks(x0) + if self.residual: + x = (x + x0)/1.4 + x = self.out_conv(x) + return x diff --git a/third_party/DeDoDe/DeDoDe/descriptors/__init__.py b/third_party/DeDoDe/DeDoDe/descriptors/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/third_party/DeDoDe/DeDoDe/descriptors/dedode_descriptor.py b/third_party/DeDoDe/DeDoDe/descriptors/dedode_descriptor.py new file mode 100644 index 0000000000000000000000000000000000000000..6d949a1b8ed2a58140af49e8167eda4e4099d022 --- /dev/null +++ b/third_party/DeDoDe/DeDoDe/descriptors/dedode_descriptor.py @@ -0,0 +1,49 @@ +import torch +from PIL import Image +import torch.nn as nn +import torchvision.models as tvm +import torch.nn.functional as F +import numpy as np + +class DeDoDeDescriptor(nn.Module): + def __init__(self, encoder, decoder, *args, **kwargs) -> None: + super().__init__(*args, **kwargs) + self.encoder = encoder + self.decoder = decoder + import torchvision.transforms as transforms + self.normalizer = transforms.Normalize(mean=[0.485, 0.456, 0.406], std=[0.229, 0.224, 0.225]) + + def forward( + self, + batch, + ): + if "im_A" in batch: + images = torch.cat((batch["im_A"], batch["im_B"])) + else: + images = batch["image"] + features, sizes = self.encoder(images) + descriptor = 0 + context = None + scales = self.decoder.scales + for idx, (feature_map, scale) in enumerate(zip(reversed(features), scales)): + delta_descriptor, context = self.decoder(feature_map, scale = scale, context = context) + descriptor = descriptor + delta_descriptor + if idx < len(scales) - 1: + size = sizes[-(idx+2)] + descriptor = F.interpolate(descriptor, size = size, mode = "bilinear", align_corners = False) + context = F.interpolate(context, size = size, mode = "bilinear", align_corners = False) + return {"description_grid" : descriptor} + + @torch.inference_mode() + def describe_keypoints(self, batch, keypoints): + self.train(False) + description_grid = self.forward(batch)["description_grid"] + described_keypoints = F.grid_sample(description_grid.float(), keypoints[:,None], mode = "bilinear", align_corners = False)[:,:,0].mT + return {"descriptions": described_keypoints} + + def read_image(self, im_path, H = 560, W = 560): + return self.normalizer(torch.from_numpy(np.array(Image.open(im_path).resize((W,H)))/255.).permute(2,0,1)).cuda().float()[None] + + def describe_keypoints_from_path(self, im_path, keypoints, H = 768, W = 768): + batch = {"image": self.read_image(im_path, H = H, W = W)} + return self.describe_keypoints(batch, keypoints) \ No newline at end of file diff --git a/third_party/DeDoDe/DeDoDe/descriptors/descriptor_loss.py b/third_party/DeDoDe/DeDoDe/descriptors/descriptor_loss.py new file mode 100644 index 0000000000000000000000000000000000000000..494d39ca124941e7a9f870b427c9d1317c01dafc --- /dev/null +++ b/third_party/DeDoDe/DeDoDe/descriptors/descriptor_loss.py @@ -0,0 +1,75 @@ +import torch +import torch.nn as nn +import math +import torch.nn.functional as F + +from DeDoDe.utils import * +import DeDoDe + +class DescriptorLoss(nn.Module): + + def __init__(self, detector, num_keypoints = 5000, normalize_descriptions = False, inv_temp = 1, device = "cuda") -> None: + super().__init__() + self.detector = detector + self.tracked_metrics = {} + self.num_keypoints = num_keypoints + self.normalize_descriptions = normalize_descriptions + self.inv_temp = inv_temp + + def warp_from_depth(self, batch, kpts_A, kpts_B): + mask_A_to_B, kpts_A_to_B = warp_kpts(kpts_A, + batch["im_A_depth"], + batch["im_B_depth"], + batch["T_1to2"], + batch["K1"], + batch["K2"],) + mask_B_to_A, kpts_B_to_A = warp_kpts(kpts_B, + batch["im_B_depth"], + batch["im_A_depth"], + batch["T_1to2"].inverse(), + batch["K2"], + batch["K1"],) + return (mask_A_to_B, kpts_A_to_B), (mask_B_to_A, kpts_B_to_A) + + def warp_from_homog(self, batch, kpts_A, kpts_B): + kpts_A_to_B = homog_transform(batch["Homog_A_to_B"], kpts_A) + kpts_B_to_A = homog_transform(batch["Homog_A_to_B"].inverse(), kpts_B) + return (None, kpts_A_to_B), (None, kpts_B_to_A) + + def supervised_loss(self, outputs, batch): + kpts_A, kpts_B = self.detector.detect(batch, num_keypoints = self.num_keypoints)['keypoints'].clone().chunk(2) + desc_grid_A, desc_grid_B = outputs["description_grid"].chunk(2) + desc_A = F.grid_sample(desc_grid_A.float(), kpts_A[:,None], mode = "bilinear", align_corners = False)[:,:,0].mT + desc_B = F.grid_sample(desc_grid_B.float(), kpts_B[:,None], mode = "bilinear", align_corners = False)[:,:,0].mT + if "im_A_depth" in batch: + (mask_A_to_B, kpts_A_to_B), (mask_B_to_A, kpts_B_to_A) = self.warp_from_depth(batch, kpts_A, kpts_B) + elif "Homog_A_to_B" in batch: + (mask_A_to_B, kpts_A_to_B), (mask_B_to_A, kpts_B_to_A) = self.warp_from_homog(batch, kpts_A, kpts_B) + + with torch.no_grad(): + D_B = torch.cdist(kpts_A_to_B, kpts_B) + D_A = torch.cdist(kpts_A, kpts_B_to_A) + inds = torch.nonzero((D_B == D_B.min(dim=-1, keepdim = True).values) + * (D_A == D_A.min(dim=-2, keepdim = True).values) + * (D_B < 0.01) + * (D_A < 0.01)) + + logP_A_B = dual_log_softmax_matcher(desc_A, desc_B, + normalize = self.normalize_descriptions, + inv_temperature = self.inv_temp) + neg_log_likelihood = -logP_A_B[inds[:,0], inds[:,1], inds[:,2]].mean() + if False: + import matplotlib.pyplot as plt + inds0 = inds[inds[:,0] == 0] + mnn_A = kpts_A[0,inds0[:,1]].detach().cpu() + mnn_B = kpts_B[0,inds0[:,2]].detach().cpu() + plt.scatter(mnn_A[:,0], -mnn_A[:,1], s = 0.5) + plt.savefig("vis/mnn_A.jpg") + self.tracked_metrics["neg_log_likelihood"] = (0.99 * self.tracked_metrics.get("neg_log_likelihood", neg_log_likelihood.detach().item()) + 0.01 * neg_log_likelihood.detach().item()) + if np.random.rand() > 0.99: + print(self.tracked_metrics["neg_log_likelihood"]) + return neg_log_likelihood + + def forward(self, outputs, batch): + losses = self.supervised_loss(outputs, batch) + return losses \ No newline at end of file diff --git a/third_party/DeDoDe/DeDoDe/detectors/__init__.py b/third_party/DeDoDe/DeDoDe/detectors/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/third_party/DeDoDe/DeDoDe/detectors/dedode_detector.py b/third_party/DeDoDe/DeDoDe/detectors/dedode_detector.py new file mode 100644 index 0000000000000000000000000000000000000000..a482d6ddfb8d44de4d00e815b3002f523700390e --- /dev/null +++ b/third_party/DeDoDe/DeDoDe/detectors/dedode_detector.py @@ -0,0 +1,75 @@ +import torch +from PIL import Image +import torch.nn as nn +import torchvision.models as tvm +import torch.nn.functional as F +import numpy as np + +from DeDoDe.utils import sample_keypoints, to_pixel_coords, to_normalized_coords + + + +class DeDoDeDetector(nn.Module): + def __init__(self, encoder, decoder, *args, **kwargs) -> None: + super().__init__(*args, **kwargs) + self.encoder = encoder + self.decoder = decoder + import torchvision.transforms as transforms + self.normalizer = transforms.Normalize(mean=[0.485, 0.456, 0.406], std=[0.229, 0.224, 0.225]) + + def forward( + self, + batch, + ): + if "im_A" in batch: + images = torch.cat((batch["im_A"], batch["im_B"])) + else: + images = batch["image"] + features, sizes = self.encoder(images) + logits = 0 + context = None + scales = ["8", "4", "2", "1"] + for idx, (feature_map, scale) in enumerate(zip(reversed(features), scales)): + delta_logits, context = self.decoder(feature_map, context = context, scale = scale) + logits = logits + delta_logits.float() # ensure float (need bf16 doesnt have f.interpolate) + if idx < len(scales) - 1: + size = sizes[-(idx+2)] + logits = F.interpolate(logits, size = size, mode = "bicubic", align_corners = False) + context = F.interpolate(context.float(), size = size, mode = "bilinear", align_corners = False) + return {"keypoint_logits" : logits.float()} + + @torch.inference_mode() + def detect(self, batch, num_keypoints = 10_000): + self.train(False) + keypoint_logits = self.forward(batch)["keypoint_logits"] + B,K,H,W = keypoint_logits.shape + keypoint_p = keypoint_logits.reshape(B, K*H*W).softmax(dim=-1).reshape(B, K, H*W).sum(dim=1) + keypoints, confidence = sample_keypoints(keypoint_p.reshape(B,H,W), + use_nms = False, sample_topk = True, num_samples = num_keypoints, + return_scoremap=True, sharpen = False, upsample = False, + increase_coverage=True) + return {"keypoints": keypoints, "confidence": confidence} + + @torch.inference_mode() + def detect_dense(self, batch): + self.train(False) + keypoint_logits = self.forward(batch)["keypoint_logits"] + return {"dense_keypoint_logits": keypoint_logits} + + def read_image(self, im_path, H = 560, W = 560): + pil_im = Image.open(im_path).resize((W, H)) + standard_im = np.array(pil_im)/255. + return self.normalizer(torch.from_numpy(standard_im).permute(2,0,1)).cuda().float()[None] + + def detect_from_path(self, im_path, num_keypoints = 30_000, H = 768, W = 768, dense = False): + batch = {"image": self.read_image(im_path, H = H, W = W)} + if dense: + return self.detect_dense(batch) + else: + return self.detect(batch, num_keypoints = num_keypoints) + + def to_pixel_coords(self, x, H, W): + return to_pixel_coords(x, H, W) + + def to_normalized_coords(self, x, H, W): + return to_normalized_coords(x, H, W) \ No newline at end of file diff --git a/third_party/DeDoDe/DeDoDe/detectors/loss.py b/third_party/DeDoDe/DeDoDe/detectors/loss.py new file mode 100644 index 0000000000000000000000000000000000000000..74d47058c82714729a05ea8a3b8433f352af2f4a --- /dev/null +++ b/third_party/DeDoDe/DeDoDe/detectors/loss.py @@ -0,0 +1,275 @@ +import torch +import torch.nn as nn +import math + +from DeDoDe.utils import * +import DeDoDe + +class KeyPointLoss(nn.Module): + + def __init__(self, smoothing_size = 1, use_max_logit = False, entropy_target = 80, + num_matches = 1024, jacobian_density_adjustment = False, + matchability_weight = 1, device = "cuda") -> None: + super().__init__() + X = torch.linspace(-1,1,smoothing_size, device = device) + G = (-X**2 / (2 *1/2**2)).exp() + G = G/G.sum() + self.use_max_logit = use_max_logit + self.entropy_target = entropy_target + self.smoothing_kernel = G[None, None, None,:] + self.smoothing_size = smoothing_size + self.tracked_metrics = {} + self.center = None + self.num_matches = num_matches + self.jacobian_density_adjustment = jacobian_density_adjustment + self.matchability_weight = matchability_weight + + def compute_consistency(self, logits_A, logits_B_to_A, mask = None): + + masked_logits_A = torch.full_like(logits_A, -torch.inf) + masked_logits_A[mask] = logits_A[mask] + + masked_logits_B_to_A = torch.full_like(logits_B_to_A, -torch.inf) + masked_logits_B_to_A[mask] = logits_B_to_A[mask] + + log_p_A = masked_logits_A.log_softmax(dim=-1)[mask] + log_p_B_to_A = masked_logits_B_to_A.log_softmax(dim=-1)[mask] + + return self.compute_jensen_shannon_div(log_p_A, log_p_B_to_A) + + def compute_joint_neg_log_likelihood(self, logits_A, logits_B_to_A, detections_A = None, detections_B_to_A = None, mask = None, device = "cuda", dtype = torch.float32, num_matches = None): + B, K, HW = logits_A.shape + logits_A, logits_B_to_A = logits_A.to(dtype), logits_B_to_A.to(dtype) + mask = mask[:,None].expand(B, K, HW).reshape(B, K*HW) + log_p_B_to_A = self.masked_log_softmax(logits_B_to_A.reshape(B,K*HW), mask = mask) + log_p_A = self.masked_log_softmax(logits_A.reshape(B,K*HW), mask = mask) + log_p = log_p_A + log_p_B_to_A + if detections_A is None: + detections_A = torch.zeros_like(log_p_A) + if detections_B_to_A is None: + detections_B_to_A = torch.zeros_like(log_p_B_to_A) + detections_A = detections_A.reshape(B, HW) + detections_A[~mask] = 0 + detections_B_to_A = detections_B_to_A.reshape(B, HW) + detections_B_to_A[~mask] = 0 + log_p_target = log_p.detach() + 50*detections_A + 50*detections_B_to_A + num_matches = self.num_matches if num_matches is None else num_matches + best_k = -(-log_p_target).flatten().kthvalue(k = B * num_matches, dim=-1).values + p_target = (log_p_target > best_k[..., None]).float().reshape(B,K*HW)/num_matches + return self.compute_cross_entropy(log_p_A[mask], p_target[mask]) + self.compute_cross_entropy(log_p_B_to_A[mask], p_target[mask]) + + def compute_jensen_shannon_div(self, log_p, log_q): + return 1/2 * (self.compute_kl_div(log_p, log_q) + self.compute_kl_div(log_q, log_p)) + + def compute_kl_div(self, log_p, log_q): + return (log_p.exp()*(log_p-log_q)).sum(dim=-1) + + def masked_log_softmax(self, logits, mask): + masked_logits = torch.full_like(logits, -torch.inf) + masked_logits[mask] = logits[mask] + log_p = masked_logits.log_softmax(dim=-1) + return log_p + + def masked_softmax(self, logits, mask): + masked_logits = torch.full_like(logits, -torch.inf) + masked_logits[mask] = logits[mask] + log_p = masked_logits.softmax(dim=-1) + return log_p + + def compute_entropy(self, logits, mask = None): + p = self.masked_softmax(logits, mask)[mask] + log_p = self.masked_log_softmax(logits, mask)[mask] + return -(log_p * p).sum(dim=-1) + + def compute_detection_img(self, detections, mask, B, H, W, device = "cuda"): + kernel_size = 5 + X = torch.linspace(-2,2,kernel_size, device = device) + G = (-X**2 / (2 * (1/2)**2)).exp() # half pixel std + G = G/G.sum() + det_smoothing_kernel = G[None, None, None,:] + det_img = torch.zeros((B,1,H,W), device = device) # add small epsilon for later logstuff + for b in range(B): + valid_detections = (detections[b][mask[b]]).int() + det_img[b,0][valid_detections[:,1], valid_detections[:,0]] = 1 + det_img = F.conv2d(det_img, weight = det_smoothing_kernel, padding = (kernel_size//2, 0)) + det_img = F.conv2d(det_img, weight = det_smoothing_kernel.mT, padding = (0, kernel_size//2)) + return det_img + + def compute_cross_entropy(self, log_p_hat, p): + return -(log_p_hat * p).sum(dim=-1) + + def compute_matchability(self, keypoint_p, has_depth, B, K, H, W, device = "cuda"): + smooth_keypoint_p = F.conv2d(keypoint_p.reshape(B,1,H,W), weight = self.smoothing_kernel, padding = (self.smoothing_size//2,0)) + smooth_keypoint_p = F.conv2d(smooth_keypoint_p, weight = self.smoothing_kernel.mT, padding = (0,self.smoothing_size//2)) + log_p_hat = (smooth_keypoint_p+1e-8).log().reshape(B,H*W).log_softmax(dim=-1) + smooth_has_depth = F.conv2d(has_depth.reshape(B,1,H,W), weight = self.smoothing_kernel, padding = (0,self.smoothing_size//2)) + smooth_has_depth = F.conv2d(smooth_has_depth, weight = self.smoothing_kernel.mT, padding = (self.smoothing_size//2,0)).reshape(B,H*W) + p = smooth_has_depth/smooth_has_depth.sum(dim=-1,keepdim=True) + return self.compute_cross_entropy(log_p_hat, p) - self.compute_cross_entropy((p+1e-12).log(), p) + + def tracks_to_detections(self, tracks3D, pose, intrinsics, H, W): + tracks3D = tracks3D.double() + intrinsics = intrinsics.double() + bearing_vectors = pose[:,:3,:3] @ tracks3D.mT + pose[:,:3,3:] + hom_pixel_coords = (intrinsics @ bearing_vectors).mT + pixel_coords = hom_pixel_coords[...,:2] / (hom_pixel_coords[...,2:]+1e-12) + legit_detections = (pixel_coords > 0).prod(dim = -1) * (pixel_coords[...,0] < W - 1) * (pixel_coords[...,1] < H - 1) * (tracks3D != 0).prod(dim=-1) + return pixel_coords.float(), legit_detections.bool() + + def self_supervised_loss(self, outputs, batch): + keypoint_logits_A, keypoint_logits_B = outputs["keypoint_logits"].chunk(2) + B, K, H, W = keypoint_logits_A.shape + keypoint_logits_A = keypoint_logits_A.reshape(B, K, H*W) + keypoint_logits_B = keypoint_logits_B.reshape(B, K, H*W) + keypoint_logits = torch.cat((keypoint_logits_A, keypoint_logits_B)) + + warp_A_to_B, mask_A_to_B = get_homog_warp( + batch["Homog_A_to_B"], H, W + ) + warp_B_to_A, mask_B_to_A = get_homog_warp( + torch.linalg.inv(batch["Homog_A_to_B"]), H, W + ) + B = 2*B + + warp = torch.cat((warp_A_to_B, warp_B_to_A)).reshape(B, H*W, 4) + mask = torch.cat((mask_A_to_B, mask_B_to_A)).reshape(B,H*W) + + keypoint_logits_backwarped = F.grid_sample(torch.cat((keypoint_logits_B, keypoint_logits_A)).reshape(B,K,H,W), + warp[...,-2:].reshape(B,H,W,2).float(), align_corners = False, mode = "bicubic") + + keypoint_logits_backwarped = keypoint_logits_backwarped.reshape(B,K,H*W) + joint_log_likelihood_loss = self.compute_joint_neg_log_likelihood(keypoint_logits, keypoint_logits_backwarped, + mask = mask.bool(), num_matches = 5_000).mean() + return joint_log_likelihood_loss + + def supervised_loss(self, outputs, batch): + keypoint_logits_A, keypoint_logits_B = outputs["keypoint_logits"].chunk(2) + B, K, H, W = keypoint_logits_A.shape + + detections_A, detections_B = batch["detections_A"], batch["detections_B"] + + tracks3D_A, tracks3D_B = batch["tracks3D_A"], batch["tracks3D_B"] + gt_warp_A_to_B, valid_mask_A_to_B = get_gt_warp( + batch["im_A_depth"], + batch["im_B_depth"], + batch["T_1to2"], + batch["K1"], + batch["K2"], + H=H, + W=W, + ) + gt_warp_B_to_A, valid_mask_B_to_A = get_gt_warp( + batch["im_B_depth"], + batch["im_A_depth"], + batch["T_1to2"].inverse(), + batch["K2"], + batch["K1"], + H=H, + W=W, + ) + keypoint_logits_A = keypoint_logits_A.reshape(B, K, H*W) + keypoint_logits_B = keypoint_logits_B.reshape(B, K, H*W) + keypoint_logits = torch.cat((keypoint_logits_A, keypoint_logits_B)) + + B = 2*B + gt_warp = torch.cat((gt_warp_A_to_B, gt_warp_B_to_A)) + valid_mask = torch.cat((valid_mask_A_to_B, valid_mask_B_to_A)) + valid_mask = valid_mask.reshape(B,H*W) + binary_mask = valid_mask == 1 + if self.jacobian_density_adjustment: + j_logdet = jacobi_determinant(gt_warp.reshape(B,H,W,4), valid_mask.reshape(B,H,W).float())[:,None] + else: + j_logdet = 0 + tracks3D = torch.cat((tracks3D_A, tracks3D_B)) + + #detections, legit_detections = self.tracks_to_detections(tracks3D, torch.cat((batch["pose_A"],batch["pose_B"])), torch.cat((batch["K1"],batch["K2"])), H, W) + #detections_backwarped, legit_backwarped_detections = self.tracks_to_detections(torch.cat((tracks3D_B, tracks3D_A)), torch.cat((batch["pose_A"],batch["pose_B"])), torch.cat((batch["K1"],batch["K2"])), H, W) + detections = torch.cat((detections_A, detections_B)) + legit_detections = ((detections > 0).prod(dim = -1) * (detections[...,0] < W) * (detections[...,1] < H)).bool() + det_imgs_A, det_imgs_B = self.compute_detection_img(detections, legit_detections, B, H, W).chunk(2) + det_imgs = torch.cat((det_imgs_A, det_imgs_B)) + #det_imgs_backwarped = self.compute_detection_img(detections_backwarped, legit_backwarped_detections, B, H, W) + det_imgs_backwarped = F.grid_sample(torch.cat((det_imgs_B, det_imgs_A)).reshape(B,1,H,W), + gt_warp[...,-2:].reshape(B,H,W,2).float(), align_corners = False, mode = "bicubic") + + keypoint_logits_backwarped = F.grid_sample(torch.cat((keypoint_logits_B, keypoint_logits_A)).reshape(B,K,H,W), + gt_warp[...,-2:].reshape(B,H,W,2).float(), align_corners = False, mode = "bicubic") + + # Note: Below step should be taken, but seems difficult to get it to work well. + #keypoint_logits_B_to_A = keypoint_logits_B_to_A + j_logdet_A_to_B # adjust for the viewpoint by log jacobian of warp + keypoint_logits_backwarped = (keypoint_logits_backwarped + j_logdet).reshape(B,K,H*W) + + + depth = F.interpolate(torch.cat((batch["im_A_depth"][:,None],batch["im_B_depth"][:,None]),dim=0), size = (H,W), mode = "bilinear", align_corners=False) + has_depth = (depth > 0).float().reshape(B,H*W) + + joint_log_likelihood_loss = self.compute_joint_neg_log_likelihood(keypoint_logits, keypoint_logits_backwarped, + mask = binary_mask, detections_A = det_imgs, + detections_B_to_A = det_imgs_backwarped).mean() + keypoint_p = keypoint_logits.reshape(B, K*H*W).softmax(dim=-1).reshape(B, K, H*W).sum(dim=1) + matchability_loss = self.compute_matchability(keypoint_p, has_depth, B, K, H, W).mean() + + #peakiness_loss = self.compute_negative_peakiness(keypoint_logits.reshape(B,H,W), mask = binary_mask) + #mnn_loss = self.compute_mnn_loss(keypoint_logits_A, keypoint_logits_B, gt_warp_A_to_B, valid_mask_A_to_B, B, H, W) + B = B//2 + import matplotlib.pyplot as plt + kpts_A = sample_keypoints(keypoint_p[:B].reshape(B,H,W), + use_nms = False, sample_topk = True, num_samples = 4*2048) + kpts_B = sample_keypoints(keypoint_p[B:].reshape(B,H,W), + use_nms = False, sample_topk = True, num_samples = 4*2048) + kpts_A_to_B = F.grid_sample(gt_warp_A_to_B[...,2:].float().permute(0,3,1,2), kpts_A[...,None,:], + align_corners=False, mode = 'bilinear')[...,0].mT + legit_A_to_B = F.grid_sample(valid_mask_A_to_B.reshape(B,1,H,W), kpts_A[...,None,:], + align_corners=False, mode = 'bilinear')[...,0,:,0] + percent_inliers = (torch.cdist(kpts_A_to_B, kpts_B).min(dim=-1).values[legit_A_to_B > 0] < 0.01).float().mean() + self.tracked_metrics["mega_percent_inliers"] = (0.9 * self.tracked_metrics.get("mega_percent_inliers", percent_inliers) + 0.1 * percent_inliers) + + if torch.rand(1) > 0.995: + keypoint_logits_A_to_B = keypoint_logits_backwarped[:B] + import matplotlib.pyplot as plt + import os + os.makedirs("vis",exist_ok = True) + for b in range(0, B, 2): + #import cv2 + plt.scatter(kpts_A_to_B[b,:,0].cpu(),-kpts_A_to_B[b,:,1].cpu(), s = 1) + plt.scatter(kpts_B[b,:,0].cpu(),-kpts_B[b,:,1].cpu(), s = 1) + plt.xlim(-1,1) + plt.ylim(-1,1) + plt.savefig(f"vis/keypoints_A_to_B_vs_B_{b}.png") + plt.close() + tensor_to_pil(keypoint_logits_A[b].reshape(1,H,W).expand(3,H,W).detach().cpu(), + autoscale = True).save(f"vis/logits_A_{b}.png") + tensor_to_pil(keypoint_logits_B[b].reshape(1,H,W).expand(3,H,W).detach().cpu(), + autoscale = True).save(f"vis/logits_B_{b}.png") + tensor_to_pil(keypoint_logits_A_to_B[b].reshape(1,H,W).expand(3,H,W).detach().cpu(), + autoscale = True).save(f"vis/logits_A_to_B{b}.png") + tensor_to_pil(keypoint_logits_A[b].softmax(dim=-1).reshape(1,H,W).expand(3,H,W).detach().cpu(), + autoscale = True).save(f"vis/keypoint_p_A_{b}.png") + tensor_to_pil(keypoint_logits_B[b].softmax(dim=-1).reshape(1,H,W).expand(3,H,W).detach().cpu(), + autoscale = True).save(f"vis/keypoint_p_B_{b}.png") + tensor_to_pil(has_depth[b].reshape(1,H,W).expand(3,H,W).detach().cpu(), autoscale=True).save(f"vis/has_depth_A_{b}.png") + tensor_to_pil(valid_mask_A_to_B[b].reshape(1,H,W).expand(3,H,W).detach().cpu(), autoscale=True).save(f"vis/valid_mask_A_to_B_{b}.png") + tensor_to_pil(batch['im_A'][b], unnormalize=True).save( + f"vis/im_A_{b}.jpg") + tensor_to_pil(batch['im_B'][b], unnormalize=True).save( + f"vis/im_B_{b}.jpg") + plt.close() + tot_loss = joint_log_likelihood_loss + self.matchability_weight * matchability_loss# + #tot_loss = tot_loss + (-2*consistency_loss).detach().exp()*compression_loss + if torch.rand(1) > 1: + print(f"Precent Inlier: {self.tracked_metrics.get('mega_percent_inliers', 0)}") + print(f"{joint_log_likelihood_loss=} {matchability_loss=}") + print(f"Total Loss: {tot_loss.item()}") + return tot_loss + + def forward(self, outputs, batch): + + if not isinstance(outputs, list): + outputs = [outputs] + losses = 0 + for output in outputs: + if "Homog_A_to_B" in batch: + losses = losses + self.self_supervised_loss(output, batch) + else: + losses = losses + self.supervised_loss(output, batch) + return losses \ No newline at end of file diff --git a/third_party/DeDoDe/DeDoDe/encoder.py b/third_party/DeDoDe/DeDoDe/encoder.py new file mode 100644 index 0000000000000000000000000000000000000000..faf56c4b6629ce7147b46272ae1f4715e4d10740 --- /dev/null +++ b/third_party/DeDoDe/DeDoDe/encoder.py @@ -0,0 +1,47 @@ +import torch +import torch.nn as nn +import torchvision.models as tvm + + +class VGG19(nn.Module): + def __init__(self, pretrained=False, amp = False, amp_dtype = torch.float16) -> None: + super().__init__() + self.layers = nn.ModuleList(tvm.vgg19_bn(pretrained=pretrained).features[:40]) + # Maxpool layers: 6, 13, 26, 39 + self.amp = amp + self.amp_dtype = amp_dtype + + def forward(self, x, **kwargs): + with torch.autocast("cuda", enabled=self.amp, dtype = self.amp_dtype): + feats = [] + sizes = [] + for layer in self.layers: + if isinstance(layer, nn.MaxPool2d): + feats.append(x) + sizes.append(x.shape[-2:]) + x = layer(x) + return feats, sizes + +class VGG(nn.Module): + def __init__(self, size = "19", pretrained=False, amp = False, amp_dtype = torch.float16) -> None: + super().__init__() + if size == "11": + self.layers = nn.ModuleList(tvm.vgg11_bn(pretrained=pretrained).features[:22]) + elif size == "13": + self.layers = nn.ModuleList(tvm.vgg13_bn(pretrained=pretrained).features[:28]) + elif size == "19": + self.layers = nn.ModuleList(tvm.vgg19_bn(pretrained=pretrained).features[:40]) + # Maxpool layers: 6, 13, 26, 39 + self.amp = amp + self.amp_dtype = amp_dtype + + def forward(self, x, **kwargs): + with torch.autocast("cuda", enabled=self.amp, dtype = self.amp_dtype): + feats = [] + sizes = [] + for layer in self.layers: + if isinstance(layer, nn.MaxPool2d): + feats.append(x) + sizes.append(x.shape[-2:]) + x = layer(x) + return feats, sizes diff --git a/third_party/DeDoDe/DeDoDe/matchers/__init__.py b/third_party/DeDoDe/DeDoDe/matchers/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/third_party/DeDoDe/DeDoDe/matchers/dual_softmax_matcher.py b/third_party/DeDoDe/DeDoDe/matchers/dual_softmax_matcher.py new file mode 100644 index 0000000000000000000000000000000000000000..5cc76cad77ee403d7d5ab729c786982a47fbe6e9 --- /dev/null +++ b/third_party/DeDoDe/DeDoDe/matchers/dual_softmax_matcher.py @@ -0,0 +1,38 @@ +import torch +from PIL import Image +import torch.nn as nn +import torchvision.models as tvm +import torch.nn.functional as F +import numpy as np +from DeDoDe.utils import dual_softmax_matcher, to_pixel_coords, to_normalized_coords + +class DualSoftMaxMatcher(nn.Module): + @torch.inference_mode() + def match(self, keypoints_A, descriptions_A, + keypoints_B, descriptions_B, P_A = None, P_B = None, + normalize = False, inv_temp = 1, threshold = 0.0): + if isinstance(descriptions_A, list): + matches = [self.match(k_A[None], d_A[None], k_B[None], d_B[None], normalize = normalize, + inv_temp = inv_temp, threshold = threshold) + for k_A,d_A,k_B,d_B in + zip(keypoints_A, descriptions_A, keypoints_B, descriptions_B)] + matches_A = torch.cat([m[0] for m in matches]) + matches_B = torch.cat([m[1] for m in matches]) + inds = torch.cat([m[2] + b for b, m in enumerate(matches)]) + return matches_A, matches_B, inds + + P = dual_softmax_matcher(descriptions_A, descriptions_B, + normalize = normalize, inv_temperature=inv_temp, + ) + inds = torch.nonzero((P == P.max(dim=-1, keepdim = True).values) + * (P == P.max(dim=-2, keepdim = True).values) * (P > threshold)) + batch_inds = inds[:,0] + matches_A = keypoints_A[batch_inds, inds[:,1]] + matches_B = keypoints_B[batch_inds, inds[:,2]] + return matches_A, matches_B, batch_inds + + def to_pixel_coords(self, x_A, x_B, H_A, W_A, H_B, W_B): + return to_pixel_coords(x_A, H_A, W_A), to_pixel_coords(x_B, H_B, W_B) + + def to_normalized_coords(self, x_A, x_B, H_A, W_A, H_B, W_B): + return to_normalized_coords(x_A, H_A, W_A), to_normalized_coords(x_B, H_B, W_B) \ No newline at end of file diff --git a/third_party/DeDoDe/DeDoDe/model_zoo/__init__.py b/third_party/DeDoDe/DeDoDe/model_zoo/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..b500da585ffd0216e2e434a2179f3045f485dbfb --- /dev/null +++ b/third_party/DeDoDe/DeDoDe/model_zoo/__init__.py @@ -0,0 +1,3 @@ +from .dedode_models import dedode_detector_B, dedode_detector_L, dedode_descriptor_B + + \ No newline at end of file diff --git a/third_party/DeDoDe/DeDoDe/model_zoo/dedode_models.py b/third_party/DeDoDe/DeDoDe/model_zoo/dedode_models.py new file mode 100644 index 0000000000000000000000000000000000000000..f43dd22f0d59dabd18eef4beae4a3637dcd8912b --- /dev/null +++ b/third_party/DeDoDe/DeDoDe/model_zoo/dedode_models.py @@ -0,0 +1,177 @@ +import torch +import torch.nn as nn + +from DeDoDe.detectors.dedode_detector import DeDoDeDetector +from DeDoDe.descriptors.dedode_descriptor import DeDoDeDescriptor +from DeDoDe.decoder import ConvRefiner, Decoder +from DeDoDe.encoder import VGG19, VGG + + + +def dedode_detector_B(device = "cuda", weights = None): + residual = True + hidden_blocks = 5 + amp_dtype = torch.float16 + amp = True + NUM_PROTOTYPES = 1 + conv_refiner = nn.ModuleDict( + { + "8": ConvRefiner( + 512, + 512, + 256 + NUM_PROTOTYPES, + hidden_blocks = hidden_blocks, + residual = residual, + amp = amp, + amp_dtype = amp_dtype, + ), + "4": ConvRefiner( + 256+256, + 256, + 128 + NUM_PROTOTYPES, + hidden_blocks = hidden_blocks, + residual = residual, + amp = amp, + amp_dtype = amp_dtype, + + ), + "2": ConvRefiner( + 128+128, + 64, + 32 + NUM_PROTOTYPES, + hidden_blocks = hidden_blocks, + residual = residual, + amp = amp, + amp_dtype = amp_dtype, + + ), + "1": ConvRefiner( + 64 + 32, + 32, + 1 + NUM_PROTOTYPES, + hidden_blocks = hidden_blocks, + residual = residual, + amp = amp, + amp_dtype = amp_dtype, + ), + } + ) + encoder = VGG19(pretrained = False, amp = amp, amp_dtype = amp_dtype) + decoder = Decoder(conv_refiner) + model = DeDoDeDetector(encoder = encoder, decoder = decoder).to(device) + if weights is not None: + model.load_state_dict(weights) + return model + + +def dedode_detector_L(device = "cuda", weights = None): + NUM_PROTOTYPES = 1 + residual = True + hidden_blocks = 8 + amp_dtype = torch.float16#torch.bfloat16 if torch.cuda.is_bf16_supported() else torch.float16 + amp = True + conv_refiner = nn.ModuleDict( + { + "8": ConvRefiner( + 512, + 512, + 256 + NUM_PROTOTYPES, + hidden_blocks = hidden_blocks, + residual = residual, + amp = amp, + amp_dtype = amp_dtype, + ), + "4": ConvRefiner( + 256+256, + 256, + 128 + NUM_PROTOTYPES, + hidden_blocks = hidden_blocks, + residual = residual, + amp = amp, + amp_dtype = amp_dtype, + + ), + "2": ConvRefiner( + 128+128, + 128, + 64 + NUM_PROTOTYPES, + hidden_blocks = hidden_blocks, + residual = residual, + amp = amp, + amp_dtype = amp_dtype, + + ), + "1": ConvRefiner( + 64 + 64, + 64, + 1 + NUM_PROTOTYPES, + hidden_blocks = hidden_blocks, + residual = residual, + amp = amp, + amp_dtype = amp_dtype, + ), + } + ) + encoder = VGG19(pretrained = False, amp = amp, amp_dtype = amp_dtype) + decoder = Decoder(conv_refiner) + model = DeDoDeDetector(encoder = encoder, decoder = decoder).to(device) + if weights is not None: + model.load_state_dict(weights) + return model + + + +def dedode_descriptor_B(device = "cuda", weights = None): + NUM_PROTOTYPES = 256 # == descriptor size + residual = True + hidden_blocks = 5 + amp_dtype = torch.float16#torch.bfloat16 if torch.cuda.is_bf16_supported() else torch.float16 + amp = True + conv_refiner = nn.ModuleDict( + { + "8": ConvRefiner( + 512, + 512, + 256 + NUM_PROTOTYPES, + hidden_blocks = hidden_blocks, + residual = residual, + amp = amp, + amp_dtype = amp_dtype, + ), + "4": ConvRefiner( + 256+256, + 256, + 128 + NUM_PROTOTYPES, + hidden_blocks = hidden_blocks, + residual = residual, + amp = amp, + amp_dtype = amp_dtype, + + ), + "2": ConvRefiner( + 128+128, + 64, + 32 + NUM_PROTOTYPES, + hidden_blocks = hidden_blocks, + residual = residual, + amp = amp, + amp_dtype = amp_dtype, + + ), + "1": ConvRefiner( + 64 + 32, + 32, + 1 + NUM_PROTOTYPES, + hidden_blocks = hidden_blocks, + residual = residual, + amp = amp, + amp_dtype = amp_dtype, + ), + } + ) + encoder = VGG(size = "19", pretrained = False, amp = amp, amp_dtype = amp_dtype) + decoder = Decoder(conv_refiner, num_prototypes=NUM_PROTOTYPES) + model = DeDoDeDescriptor(encoder = encoder, decoder = decoder).to(device) + if weights is not None: + model.load_state_dict(weights) + return model diff --git a/third_party/DeDoDe/DeDoDe/train.py b/third_party/DeDoDe/DeDoDe/train.py new file mode 100644 index 0000000000000000000000000000000000000000..348f268d6f7752bdf2ad45ba1851ec13a57825a0 --- /dev/null +++ b/third_party/DeDoDe/DeDoDe/train.py @@ -0,0 +1,76 @@ +import torch +from tqdm import tqdm +from DeDoDe.utils import to_cuda + + +def train_step(train_batch, model, objective, optimizer, grad_scaler = None,**kwargs): + optimizer.zero_grad() + out = model(train_batch) + l = objective(out, train_batch) + if grad_scaler is not None: + grad_scaler.scale(l).backward() + grad_scaler.unscale_(optimizer) + torch.nn.utils.clip_grad_norm_(model.parameters(), 0.01) + grad_scaler.step(optimizer) + grad_scaler.update() + else: + l.backward() + optimizer.step() + return {"train_out": out, "train_loss": l.item()} + + +def train_k_steps( + n_0, k, dataloader, model, objective, optimizer, lr_scheduler, grad_scaler = None, progress_bar=True +): + for n in tqdm(range(n_0, n_0 + k), disable=not progress_bar, mininterval = 10.): + batch = next(dataloader) + model.train(True) + batch = to_cuda(batch) + train_step( + train_batch=batch, + model=model, + objective=objective, + optimizer=optimizer, + lr_scheduler=lr_scheduler, + n=n, + grad_scaler = grad_scaler, + ) + lr_scheduler.step() + + +def train_epoch( + dataloader=None, + model=None, + objective=None, + optimizer=None, + lr_scheduler=None, + epoch=None, +): + model.train(True) + print(f"At epoch {epoch}") + for batch in tqdm(dataloader, mininterval=5.0): + batch = to_cuda(batch) + train_step( + train_batch=batch, model=model, objective=objective, optimizer=optimizer + ) + lr_scheduler.step() + return { + "model": model, + "optimizer": optimizer, + "lr_scheduler": lr_scheduler, + "epoch": epoch, + } + + +def train_k_epochs( + start_epoch, end_epoch, dataloader, model, objective, optimizer, lr_scheduler +): + for epoch in range(start_epoch, end_epoch + 1): + train_epoch( + dataloader=dataloader, + model=model, + objective=objective, + optimizer=optimizer, + lr_scheduler=lr_scheduler, + epoch=epoch, + ) diff --git a/third_party/DeDoDe/DeDoDe/utils.py b/third_party/DeDoDe/DeDoDe/utils.py new file mode 100644 index 0000000000000000000000000000000000000000..183c35f5606301720adffa2b7b25e7996404e1a1 --- /dev/null +++ b/third_party/DeDoDe/DeDoDe/utils.py @@ -0,0 +1,759 @@ +import warnings +import numpy as np +import math +import cv2 +import torch +from torchvision import transforms +from torchvision.transforms.functional import InterpolationMode +import torch.nn.functional as F +from PIL import Image +from einops import rearrange +import torch +from time import perf_counter + +def recover_pose(E, kpts0, kpts1, K0, K1, mask): + best_num_inliers = 0 + K0inv = np.linalg.inv(K0[:2,:2]) + K1inv = np.linalg.inv(K1[:2,:2]) + + kpts0_n = (K0inv @ (kpts0-K0[None,:2,2]).T).T + kpts1_n = (K1inv @ (kpts1-K1[None,:2,2]).T).T + + for _E in np.split(E, len(E) / 3): + n, R, t, _ = cv2.recoverPose(_E, kpts0_n, kpts1_n, np.eye(3), 1e9, mask=mask) + if n > best_num_inliers: + best_num_inliers = n + ret = (R, t, mask.ravel() > 0) + return ret + + + +# Code taken from https://github.com/PruneTruong/DenseMatching/blob/40c29a6b5c35e86b9509e65ab0cd12553d998e5f/validation/utils_pose_estimation.py +# --- GEOMETRY --- +def estimate_pose(kpts0, kpts1, K0, K1, norm_thresh, conf=0.99999): + if len(kpts0) < 5: + return None + K0inv = np.linalg.inv(K0[:2,:2]) + K1inv = np.linalg.inv(K1[:2,:2]) + + kpts0 = (K0inv @ (kpts0-K0[None,:2,2]).T).T + kpts1 = (K1inv @ (kpts1-K1[None,:2,2]).T).T + E, mask = cv2.findEssentialMat( + kpts0, kpts1, np.eye(3), threshold=norm_thresh, prob=conf + ) + + ret = None + if E is not None: + best_num_inliers = 0 + + for _E in np.split(E, len(E) / 3): + n, R, t, _ = cv2.recoverPose(_E, kpts0, kpts1, np.eye(3), 1e9, mask=mask) + if n > best_num_inliers: + best_num_inliers = n + ret = (R, t, mask.ravel() > 0) + return ret + + +def get_grid(B,H,W, device = "cuda"): + x1_n = torch.meshgrid( + *[ + torch.linspace( + -1 + 1 / n, 1 - 1 / n, n, device=device + ) + for n in (B, H, W) + ] + ) + x1_n = torch.stack((x1_n[2], x1_n[1]), dim=-1).reshape(B, H * W, 2) + return x1_n + +@torch.no_grad() +def finite_diff_hessian(f: tuple(["B", "H", "W"]), device = "cuda"): + dxx = torch.tensor([[0,0,0],[1,-2,1],[0,0,0]], device = device)[None,None]/2 + dxy = torch.tensor([[1,0,-1],[0,0,0],[-1,0,1]], device = device)[None,None]/4 + dyy = dxx.mT + Hxx = F.conv2d(f[:,None], dxx, padding = 1)[:,0] + Hxy = F.conv2d(f[:,None], dxy, padding = 1)[:,0] + Hyy = F.conv2d(f[:,None], dyy, padding = 1)[:,0] + H = torch.stack((Hxx, Hxy, Hxy, Hyy), dim = -1).reshape(*f.shape,2,2) + return H + +def finite_diff_grad(f: tuple(["B", "H", "W"]), device = "cuda"): + dx = torch.tensor([[0,0,0],[-1,0,1],[0,0,0]],device = device)[None,None]/2 + dy = dx.mT + gx = F.conv2d(f[:,None], dx, padding = 1) + gy = F.conv2d(f[:,None], dy, padding = 1) + g = torch.cat((gx, gy), dim = 1) + return g + +def fast_inv_2x2(matrix: tuple[...,2,2], eps = 1e-10): + return 1/(torch.linalg.det(matrix)[...,None,None]+eps) * torch.stack((matrix[...,1,1],-matrix[...,0,1], + -matrix[...,1,0],matrix[...,0,0]),dim=-1).reshape(*matrix.shape) + +def newton_step(f:tuple["B","H","W"], inds, device = "cuda"): + B,H,W = f.shape + Hess = finite_diff_hessian(f).reshape(B,H*W,2,2) + Hess = torch.gather(Hess, dim = 1, index = inds[...,None].expand(B,-1,2,2)) + grad = finite_diff_grad(f).reshape(B,H*W,2) + grad = torch.gather(grad, dim = 1, index = inds) + Hessinv = fast_inv_2x2(Hess-torch.eye(2, device = device)[None,None]) + step = (Hessinv @ grad[...,None]) + return step[...,0] + +@torch.no_grad() +def sample_keypoints(scoremap, num_samples = 8192, device = "cuda", use_nms = True, + sample_topk = False, return_scoremap = False, sharpen = False, upsample = False, + increase_coverage = False,): + #scoremap = scoremap**2 + log_scoremap = (scoremap+1e-10).log() + if upsample: + log_scoremap = F.interpolate(log_scoremap[:,None], scale_factor = 3, mode = "bicubic", align_corners = False)[:,0]#.clamp(min = 0) + scoremap = log_scoremap.exp() + B,H,W = scoremap.shape + if increase_coverage: + weights = (-torch.linspace(-2, 2, steps = 51, device = device)**2).exp()[None,None] + # 10000 is just some number for maybe numerical stability, who knows. :), result is invariant anyway + local_density_x = F.conv2d((scoremap[:,None]+1e-6)*10000,weights[...,None,:], padding = (0,51//2)) + local_density = F.conv2d(local_density_x, weights[...,None], padding = (51//2,0))[:,0] + scoremap = scoremap * (local_density+1e-8)**(-1/2) + grid = get_grid(B,H,W, device=device).reshape(B,H*W,2) + if sharpen: + laplace_operator = torch.tensor([[[[0,1,0],[1,-4,1],[0,1,0]]]], device = device)/4 + scoremap = scoremap[:,None] - 0.5 * F.conv2d(scoremap[:,None], weight = laplace_operator, padding = 1) + scoremap = scoremap[:,0].clamp(min = 0) + if use_nms: + scoremap = scoremap * (scoremap == F.max_pool2d(scoremap, (3, 3), stride = 1, padding = 1)) + if sample_topk: + inds = torch.topk(scoremap.reshape(B,H*W), k = num_samples).indices + else: + inds = torch.multinomial(scoremap.reshape(B,H*W), num_samples = num_samples, replacement=False) + kps = torch.gather(grid, dim = 1, index = inds[...,None].expand(B,num_samples,2)) + if return_scoremap: + return kps, torch.gather(scoremap.reshape(B,H*W), dim = 1, index = inds) + return kps + +@torch.no_grad() +def jacobi_determinant(warp, certainty, R = 3, device = "cuda", dtype = torch.float32): + t = perf_counter() + *dims, _ = warp.shape + warp = warp.to(dtype) + certainty = certainty.to(dtype) + + dtype = warp.dtype + match_regions = torch.zeros((*dims, 4, R, R), device = device).to(dtype) + match_regions[:,1:-1, 1:-1] = warp.unfold(1,R,1).unfold(2,R,1) + match_regions = rearrange(match_regions,"B H W D R1 R2 -> B H W (R1 R2) D") - warp[...,None,:] + + match_regions_cert = torch.zeros((*dims, R, R), device = device).to(dtype) + match_regions_cert[:,1:-1, 1:-1] = certainty.unfold(1,R,1).unfold(2,R,1) + match_regions_cert = rearrange(match_regions_cert,"B H W R1 R2 -> B H W (R1 R2)")[..., None] + + #print("Time for unfold", perf_counter()-t) + #t = perf_counter() + *dims, N, D = match_regions.shape + # standardize: + mu, sigma = match_regions.mean(dim=(-2,-1), keepdim = True), match_regions.std(dim=(-2,-1),keepdim=True) + match_regions = (match_regions-mu)/(sigma+1e-6) + x_a, x_b = match_regions.chunk(2,-1) + + + A = torch.zeros((*dims,2*x_a.shape[-2],4), device = device).to(dtype) + A[...,::2,:2] = x_a * match_regions_cert + A[...,1::2,2:] = x_a * match_regions_cert + + a_block = A[...,::2,:2] + ata = a_block.mT @ a_block + #print("Time for ata", perf_counter()-t) + #t = perf_counter() + + #atainv = torch.linalg.inv(ata+1e-5*torch.eye(2,device=device).to(dtype)) + atainv = fast_inv_2x2(ata) + ATA_inv = torch.zeros((*dims, 4, 4), device = device, dtype = dtype) + ATA_inv[...,:2,:2] = atainv + ATA_inv[...,2:,2:] = atainv + atb = A.mT @ (match_regions_cert*x_b).reshape(*dims,N*2,1) + theta = ATA_inv @ atb + #print("Time for theta", perf_counter()-t) + #t = perf_counter() + + J = theta.reshape(*dims, 2, 2) + abs_J_det = torch.linalg.det(J+1e-8*torch.eye(2,2,device = device).expand(*dims,2,2)).abs() # Note: This should always be positive for correct warps, but still taking abs here + abs_J_logdet = (abs_J_det+1e-12).log() + B = certainty.shape[0] + # Handle outliers + robust_abs_J_logdet = abs_J_logdet.clamp(-3, 3) # Shouldn't be more that exp(3) \approx 8 times zoom + #print("Time for logdet", perf_counter()-t) + #t = perf_counter() + + return robust_abs_J_logdet + +def get_gt_warp(depth1, depth2, T_1to2, K1, K2, depth_interpolation_mode = 'bilinear', relative_depth_error_threshold = 0.05, H = None, W = None): + + if H is None: + B,H,W = depth1.shape + else: + B = depth1.shape[0] + with torch.no_grad(): + x1_n = torch.meshgrid( + *[ + torch.linspace( + -1 + 1 / n, 1 - 1 / n, n, device=depth1.device + ) + for n in (B, H, W) + ] + ) + x1_n = torch.stack((x1_n[2], x1_n[1]), dim=-1).reshape(B, H * W, 2) + mask, x2 = warp_kpts( + x1_n.double(), + depth1.double(), + depth2.double(), + T_1to2.double(), + K1.double(), + K2.double(), + depth_interpolation_mode = depth_interpolation_mode, + relative_depth_error_threshold = relative_depth_error_threshold, + ) + prob = mask.float().reshape(B, H, W) + x2 = x2.reshape(B, H, W, 2) + return torch.cat((x1_n.reshape(B,H,W,2),x2),dim=-1), prob + +def recover_pose(E, kpts0, kpts1, K0, K1, mask): + best_num_inliers = 0 + K0inv = np.linalg.inv(K0[:2,:2]) + K1inv = np.linalg.inv(K1[:2,:2]) + + kpts0_n = (K0inv @ (kpts0-K0[None,:2,2]).T).T + kpts1_n = (K1inv @ (kpts1-K1[None,:2,2]).T).T + + for _E in np.split(E, len(E) / 3): + n, R, t, _ = cv2.recoverPose(_E, kpts0_n, kpts1_n, np.eye(3), 1e9, mask=mask) + if n > best_num_inliers: + best_num_inliers = n + ret = (R, t, mask.ravel() > 0) + return ret + + + +# Code taken from https://github.com/PruneTruong/DenseMatching/blob/40c29a6b5c35e86b9509e65ab0cd12553d998e5f/validation/utils_pose_estimation.py +# --- GEOMETRY --- +def estimate_pose(kpts0, kpts1, K0, K1, norm_thresh, conf=0.99999, ): + if len(kpts0) < 5: + return None + K0inv = np.linalg.inv(K0[:2,:2]) + K1inv = np.linalg.inv(K1[:2,:2]) + + kpts0 = (K0inv @ (kpts0-K0[None,:2,2]).T).T + kpts1 = (K1inv @ (kpts1-K1[None,:2,2]).T).T + method = cv2.USAC_ACCURATE + E, mask = cv2.findEssentialMat( + kpts0, kpts1, np.eye(3), threshold=norm_thresh, prob=conf, method=method + ) + + ret = None + if E is not None: + best_num_inliers = 0 + + for _E in np.split(E, len(E) / 3): + n, R, t, _ = cv2.recoverPose(_E, kpts0, kpts1, np.eye(3), 1e9, mask=mask) + if n > best_num_inliers: + best_num_inliers = n + ret = (R, t, mask.ravel() > 0) + return ret + +def estimate_pose_uncalibrated(kpts0, kpts1, K0, K1, norm_thresh, conf=0.99999): + if len(kpts0) < 5: + return None + method = cv2.USAC_ACCURATE + F, mask = cv2.findFundamentalMat( + kpts0, kpts1, ransacReprojThreshold=norm_thresh, confidence=conf, method=method, maxIters=10000 + ) + E = K1.T@F@K0 + ret = None + if E is not None: + best_num_inliers = 0 + K0inv = np.linalg.inv(K0[:2,:2]) + K1inv = np.linalg.inv(K1[:2,:2]) + + kpts0_n = (K0inv @ (kpts0-K0[None,:2,2]).T).T + kpts1_n = (K1inv @ (kpts1-K1[None,:2,2]).T).T + + for _E in np.split(E, len(E) / 3): + n, R, t, _ = cv2.recoverPose(_E, kpts0_n, kpts1_n, np.eye(3), 1e9, mask=mask) + if n > best_num_inliers: + best_num_inliers = n + ret = (R, t, mask.ravel() > 0) + return ret + +def unnormalize_coords(x_n,h,w): + x = torch.stack( + (w * (x_n[..., 0] + 1) / 2, h * (x_n[..., 1] + 1) / 2), dim=-1 + ) # [-1+1/h, 1-1/h] -> [0.5, h-0.5] + return x + + +def rotate_intrinsic(K, n): + base_rot = np.array([[0, 1, 0], [-1, 0, 0], [0, 0, 1]]) + rot = np.linalg.matrix_power(base_rot, n) + return rot @ K + + +def rotate_pose_inplane(i_T_w, rot): + rotation_matrices = [ + np.array( + [ + [np.cos(r), -np.sin(r), 0.0, 0.0], + [np.sin(r), np.cos(r), 0.0, 0.0], + [0.0, 0.0, 1.0, 0.0], + [0.0, 0.0, 0.0, 1.0], + ], + dtype=np.float32, + ) + for r in [np.deg2rad(d) for d in (0, 270, 180, 90)] + ] + return np.dot(rotation_matrices[rot], i_T_w) + + +def scale_intrinsics(K, scales): + scales = np.diag([1.0 / scales[0], 1.0 / scales[1], 1.0]) + return np.dot(scales, K) + +def angle_error_mat(R1, R2): + cos = (np.trace(np.dot(R1.T, R2)) - 1) / 2 + cos = np.clip(cos, -1.0, 1.0) # numercial errors can make it out of bounds + return np.rad2deg(np.abs(np.arccos(cos))) + + +def angle_error_vec(v1, v2): + n = np.linalg.norm(v1) * np.linalg.norm(v2) + return np.rad2deg(np.arccos(np.clip(np.dot(v1, v2) / n, -1.0, 1.0))) + + +def compute_pose_error(T_0to1, R, t): + R_gt = T_0to1[:3, :3] + t_gt = T_0to1[:3, 3] + error_t = angle_error_vec(t.squeeze(), t_gt) + error_t = np.minimum(error_t, 180 - error_t) # ambiguity of E estimation + error_R = angle_error_mat(R, R_gt) + return error_t, error_R + + +def pose_auc(errors, thresholds): + sort_idx = np.argsort(errors) + errors = np.array(errors.copy())[sort_idx] + recall = (np.arange(len(errors)) + 1) / len(errors) + errors = np.r_[0.0, errors] + recall = np.r_[0.0, recall] + aucs = [] + for t in thresholds: + last_index = np.searchsorted(errors, t) + r = np.r_[recall[:last_index], recall[last_index - 1]] + e = np.r_[errors[:last_index], t] + aucs.append(np.trapz(r, x=e) / t) + return aucs + + +# From Patch2Pix https://github.com/GrumpyZhou/patch2pix +def get_depth_tuple_transform_ops(resize=None, normalize=True, unscale=False): + ops = [] + if resize: + ops.append(TupleResize(resize, mode=InterpolationMode.BILINEAR, antialias = False)) + return TupleCompose(ops) + + +def get_tuple_transform_ops(resize=None, normalize=True, unscale=False, clahe = False): + ops = [] + if resize: + ops.append(TupleResize(resize, antialias = True)) + if clahe: + ops.append(TupleClahe()) + if normalize: + ops.append(TupleToTensorScaled()) + ops.append( + TupleNormalize(mean=[0.485, 0.456, 0.406], std=[0.229, 0.224, 0.225]) + ) # Imagenet mean/std + else: + if unscale: + ops.append(TupleToTensorUnscaled()) + else: + ops.append(TupleToTensorScaled()) + return TupleCompose(ops) + +class Clahe: + def __init__(self, cliplimit = 2, blocksize = 8) -> None: + self.clahe = cv2.createCLAHE(cliplimit,(blocksize,blocksize)) + def __call__(self, im): + im_hsv = cv2.cvtColor(np.array(im),cv2.COLOR_RGB2HSV) + im_v = self.clahe.apply(im_hsv[:,:,2]) + im_hsv[...,2] = im_v + im_clahe = cv2.cvtColor(im_hsv,cv2.COLOR_HSV2RGB) + return Image.fromarray(im_clahe) + +class TupleClahe: + def __init__(self, cliplimit = 8, blocksize = 8) -> None: + self.clahe = Clahe(cliplimit,blocksize) + def __call__(self, ims): + return [self.clahe(im) for im in ims] + +class ToTensorScaled(object): + """Convert a RGB PIL Image to a CHW ordered Tensor, scale the range to [0, 1]""" + + def __call__(self, im): + if not isinstance(im, torch.Tensor): + im = np.array(im, dtype=np.float32).transpose((2, 0, 1)) + im /= 255.0 + return torch.from_numpy(im) + else: + return im + + def __repr__(self): + return "ToTensorScaled(./255)" + + +class TupleToTensorScaled(object): + def __init__(self): + self.to_tensor = ToTensorScaled() + + def __call__(self, im_tuple): + return [self.to_tensor(im) for im in im_tuple] + + def __repr__(self): + return "TupleToTensorScaled(./255)" + + +class ToTensorUnscaled(object): + """Convert a RGB PIL Image to a CHW ordered Tensor""" + + def __call__(self, im): + return torch.from_numpy(np.array(im, dtype=np.float32).transpose((2, 0, 1))) + + def __repr__(self): + return "ToTensorUnscaled()" + + +class TupleToTensorUnscaled(object): + """Convert a RGB PIL Image to a CHW ordered Tensor""" + + def __init__(self): + self.to_tensor = ToTensorUnscaled() + + def __call__(self, im_tuple): + return [self.to_tensor(im) for im in im_tuple] + + def __repr__(self): + return "TupleToTensorUnscaled()" + + +class TupleResize(object): + def __init__(self, size, mode=InterpolationMode.BICUBIC, antialias = None): + self.size = size + self.resize = transforms.Resize(size, mode, antialias = antialias) + + def __call__(self, im_tuple): + return [self.resize(im) for im in im_tuple] + + def __repr__(self): + return "TupleResize(size={})".format(self.size) + +class Normalize: + def __call__(self,im): + mean = im.mean(dim=(1,2), keepdims=True) + std = im.std(dim=(1,2), keepdims=True) + return (im-mean)/std + + +class TupleNormalize(object): + def __init__(self, mean, std): + self.mean = mean + self.std = std + self.normalize = transforms.Normalize(mean=mean, std=std) + + def __call__(self, im_tuple): + c,h,w = im_tuple[0].shape + if c > 3: + warnings.warn(f"Number of channels {c=} > 3, assuming first 3 are rgb") + return [self.normalize(im[:3]) for im in im_tuple] + + def __repr__(self): + return "TupleNormalize(mean={}, std={})".format(self.mean, self.std) + + +class TupleCompose(object): + def __init__(self, transforms): + self.transforms = transforms + + def __call__(self, im_tuple): + for t in self.transforms: + im_tuple = t(im_tuple) + return im_tuple + + def __repr__(self): + format_string = self.__class__.__name__ + "(" + for t in self.transforms: + format_string += "\n" + format_string += " {0}".format(t) + format_string += "\n)" + return format_string + + +@torch.no_grad() +def warp_kpts(kpts0, depth0, depth1, T_0to1, K0, K1, smooth_mask = False, return_relative_depth_error = False, depth_interpolation_mode = "bilinear", relative_depth_error_threshold = 0.05): + """Warp kpts0 from I0 to I1 with depth, K and Rt + Also check covisibility and depth consistency. + Depth is consistent if relative error < 0.2 (hard-coded). + # https://github.com/zju3dv/LoFTR/blob/94e98b695be18acb43d5d3250f52226a8e36f839/src/loftr/utils/geometry.py adapted from here + Args: + kpts0 (torch.Tensor): [N, L, 2] - , should be normalized in (-1,1) + depth0 (torch.Tensor): [N, H, W], + depth1 (torch.Tensor): [N, H, W], + T_0to1 (torch.Tensor): [N, 3, 4], + K0 (torch.Tensor): [N, 3, 3], + K1 (torch.Tensor): [N, 3, 3], + Returns: + calculable_mask (torch.Tensor): [N, L] + warped_keypoints0 (torch.Tensor): [N, L, 2] + """ + ( + n, + h, + w, + ) = depth0.shape + if depth_interpolation_mode == "combined": + # Inspired by approach in inloc, try to fill holes from bilinear interpolation by nearest neighbour interpolation + if smooth_mask: + raise NotImplementedError("Combined bilinear and NN warp not implemented") + valid_bilinear, warp_bilinear = warp_kpts(kpts0, depth0, depth1, T_0to1, K0, K1, + smooth_mask = smooth_mask, + return_relative_depth_error = return_relative_depth_error, + depth_interpolation_mode = "bilinear", + relative_depth_error_threshold = relative_depth_error_threshold) + valid_nearest, warp_nearest = warp_kpts(kpts0, depth0, depth1, T_0to1, K0, K1, + smooth_mask = smooth_mask, + return_relative_depth_error = return_relative_depth_error, + depth_interpolation_mode = "nearest-exact", + relative_depth_error_threshold = relative_depth_error_threshold) + nearest_valid_bilinear_invalid = (~valid_bilinear).logical_and(valid_nearest) + warp = warp_bilinear.clone() + warp[nearest_valid_bilinear_invalid] = warp_nearest[nearest_valid_bilinear_invalid] + valid = valid_bilinear | valid_nearest + return valid, warp + + + kpts0_depth = F.grid_sample(depth0[:, None], kpts0[:, :, None], mode = depth_interpolation_mode, align_corners=False)[ + :, 0, :, 0 + ] + kpts0 = torch.stack( + (w * (kpts0[..., 0] + 1) / 2, h * (kpts0[..., 1] + 1) / 2), dim=-1 + ) # [-1+1/h, 1-1/h] -> [0.5, h-0.5] + # Sample depth, get calculable_mask on depth != 0 + nonzero_mask = kpts0_depth != 0 + + # Unproject + kpts0_h = ( + torch.cat([kpts0, torch.ones_like(kpts0[:, :, [0]])], dim=-1) + * kpts0_depth[..., None] + ) # (N, L, 3) + kpts0_n = K0.inverse() @ kpts0_h.transpose(2, 1) # (N, 3, L) + kpts0_cam = kpts0_n + + # Rigid Transform + w_kpts0_cam = T_0to1[:, :3, :3] @ kpts0_cam + T_0to1[:, :3, [3]] # (N, 3, L) + w_kpts0_depth_computed = w_kpts0_cam[:, 2, :] + + # Project + w_kpts0_h = (K1 @ w_kpts0_cam).transpose(2, 1) # (N, L, 3) + w_kpts0 = w_kpts0_h[:, :, :2] / ( + w_kpts0_h[:, :, [2]] + 1e-4 + ) # (N, L, 2), +1e-4 to avoid zero depth + + # Covisible Check + h, w = depth1.shape[1:3] + covisible_mask = ( + (w_kpts0[:, :, 0] > 0) + * (w_kpts0[:, :, 0] < w - 1) + * (w_kpts0[:, :, 1] > 0) + * (w_kpts0[:, :, 1] < h - 1) + ) + w_kpts0 = torch.stack( + (2 * w_kpts0[..., 0] / w - 1, 2 * w_kpts0[..., 1] / h - 1), dim=-1 + ) # from [0.5,h-0.5] -> [-1+1/h, 1-1/h] + # w_kpts0[~covisible_mask, :] = -5 # xd + + w_kpts0_depth = F.grid_sample( + depth1[:, None], w_kpts0[:, :, None], mode=depth_interpolation_mode, align_corners=False + )[:, 0, :, 0] + + relative_depth_error = ( + (w_kpts0_depth - w_kpts0_depth_computed) / w_kpts0_depth + ).abs() + if not smooth_mask: + consistent_mask = relative_depth_error < relative_depth_error_threshold + else: + consistent_mask = (-relative_depth_error/smooth_mask).exp() + valid_mask = nonzero_mask * covisible_mask * consistent_mask + if return_relative_depth_error: + return relative_depth_error, w_kpts0 + else: + return valid_mask, w_kpts0 + +imagenet_mean = torch.tensor([0.485, 0.456, 0.406]) +imagenet_std = torch.tensor([0.229, 0.224, 0.225]) + + +def numpy_to_pil(x: np.ndarray): + """ + Args: + x: Assumed to be of shape (h,w,c) + """ + if isinstance(x, torch.Tensor): + x = x.detach().cpu().numpy() + if x.max() <= 1.01: + x *= 255 + x = x.astype(np.uint8) + return Image.fromarray(x) + + +def tensor_to_pil(x, unnormalize=False, autoscale = False): + if unnormalize: + x = x * (imagenet_std[:, None, None].to(x.device)) + (imagenet_mean[:, None, None].to(x.device)) + if autoscale: + if x.max() == x.min(): + warnings.warn("x max == x min, cant autoscale") + else: + x = (x-x.min())/(x.max()-x.min()) + + x = x.detach().permute(1, 2, 0).cpu().numpy() + x = np.clip(x, 0.0, 1.0) + return numpy_to_pil(x) + + +def to_cuda(batch): + for key, value in batch.items(): + if isinstance(value, torch.Tensor): + batch[key] = value.cuda() + return batch + + +def to_cpu(batch): + for key, value in batch.items(): + if isinstance(value, torch.Tensor): + batch[key] = value.cpu() + return batch + + +def get_pose(calib): + w, h = np.array(calib["imsize"])[0] + return np.array(calib["K"]), np.array(calib["R"]), np.array(calib["T"]).T, h, w + + +def compute_relative_pose(R1, t1, R2, t2): + rots = R2 @ (R1.T) + trans = -rots @ t1 + t2 + return rots, trans + +def to_pixel_coords(flow, h1, w1): + flow = ( + torch.stack( + ( + w1 * (flow[..., 0] + 1) / 2, + h1 * (flow[..., 1] + 1) / 2, + ), + axis=-1, + ) + ) + return flow + +def to_normalized_coords(flow, h1, w1): + flow = ( + torch.stack( + ( + 2 * (flow[..., 0]) / w1 - 1, + 2 * (flow[..., 1]) / h1 - 1, + ), + axis=-1, + ) + ) + return flow + + +def warp_to_pixel_coords(warp, h1, w1, h2, w2): + warp1 = warp[..., :2] + warp1 = ( + torch.stack( + ( + w1 * (warp1[..., 0] + 1) / 2, + h1 * (warp1[..., 1] + 1) / 2, + ), + axis=-1, + ) + ) + warp2 = warp[..., 2:] + warp2 = ( + torch.stack( + ( + w2 * (warp2[..., 0] + 1) / 2, + h2 * (warp2[..., 1] + 1) / 2, + ), + axis=-1, + ) + ) + return torch.cat((warp1,warp2), dim=-1) + + +def to_homogeneous(x): + ones = torch.ones_like(x[...,-1:]) + return torch.cat((x, ones), dim = -1) + +def from_homogeneous(xh, eps = 1e-12): + return xh[...,:-1] / (xh[...,-1:]+eps) + +def homog_transform(Homog, x): + xh = to_homogeneous(x) + yh = (Homog @ xh.mT).mT + y = from_homogeneous(yh) + return y + +def get_homog_warp(Homog, H, W, device = "cuda"): + grid = torch.meshgrid(torch.linspace(-1+1/H,1-1/H,H, device = device), torch.linspace(-1+1/W,1-1/W,W, device = device)) + + x_A = torch.stack((grid[1], grid[0]), dim = -1)[None] + x_A_to_B = homog_transform(Homog, x_A) + mask = ((x_A_to_B > -1) * (x_A_to_B < 1)).prod(dim=-1).float() + return torch.cat((x_A.expand(*x_A_to_B.shape), x_A_to_B),dim=-1), mask + +def dual_log_softmax_matcher(desc_A: tuple['B','N','C'], desc_B: tuple['B','M','C'], inv_temperature = 1, normalize = False): + B, N, C = desc_A.shape + if normalize: + desc_A = desc_A/desc_A.norm(dim=-1,keepdim=True) + desc_B = desc_B/desc_B.norm(dim=-1,keepdim=True) + corr = torch.einsum("b n c, b m c -> b n m", desc_A, desc_B) * inv_temperature + else: + corr = torch.einsum("b n c, b m c -> b n m", desc_A, desc_B) * inv_temperature + logP = corr.log_softmax(dim = -2) + corr.log_softmax(dim= -1) + return logP + +def dual_softmax_matcher(desc_A: tuple['B','N','C'], desc_B: tuple['B','M','C'], inv_temperature = 1, normalize = False): + if len(desc_A.shape) < 3: + desc_A, desc_B = desc_A[None], desc_B[None] + B, N, C = desc_A.shape + if normalize: + desc_A = desc_A/desc_A.norm(dim=-1,keepdim=True) + desc_B = desc_B/desc_B.norm(dim=-1,keepdim=True) + corr = torch.einsum("b n c, b m c -> b n m", desc_A, desc_B) * inv_temperature + else: + corr = torch.einsum("b n c, b m c -> b n m", desc_A, desc_B) * inv_temperature + P = corr.softmax(dim = -2) * corr.softmax(dim= -1) + return P + +def conditional_softmax_matcher(desc_A: tuple['B','N','C'], desc_B: tuple['B','M','C'], inv_temperature = 1, normalize = False): + if len(desc_A.shape) < 3: + desc_A, desc_B = desc_A[None], desc_B[None] + B, N, C = desc_A.shape + if normalize: + desc_A = desc_A/desc_A.norm(dim=-1,keepdim=True) + desc_B = desc_B/desc_B.norm(dim=-1,keepdim=True) + corr = torch.einsum("b n c, b m c -> b n m", desc_A, desc_B) * inv_temperature + else: + corr = torch.einsum("b n c, b m c -> b n m", desc_A, desc_B) * inv_temperature + P_B_cond_A = corr.softmax(dim = -1) + P_A_cond_B = corr.softmax(dim = -2) + + return P_A_cond_B, P_B_cond_A \ No newline at end of file diff --git a/third_party/DeDoDe/LICENSE b/third_party/DeDoDe/LICENSE new file mode 100644 index 0000000000000000000000000000000000000000..ca95157052a76debc473afb395bffae0c1329e63 --- /dev/null +++ b/third_party/DeDoDe/LICENSE @@ -0,0 +1,21 @@ +MIT License + +Copyright (c) 2023 Johan Edstedt + +Permission is hereby granted, free of charge, to any person obtaining a copy +of this software and associated documentation files (the "Software"), to deal +in the Software without restriction, including without limitation the rights +to use, copy, modify, merge, publish, distribute, sublicense, and/or sell +copies of the Software, and to permit persons to whom the Software is +furnished to do so, subject to the following conditions: + +The above copyright notice and this permission notice shall be included in all +copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR +IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, +FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE +AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER +LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, +OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE +SOFTWARE. diff --git a/third_party/DeDoDe/README.md b/third_party/DeDoDe/README.md new file mode 100644 index 0000000000000000000000000000000000000000..fa6539191a1d7dfbc7db32a7a39a27c78e440cd8 --- /dev/null +++ b/third_party/DeDoDe/README.md @@ -0,0 +1,74 @@ +

+

DeDoDe 🎶
Detect, Don't Describe, Describe, Don't Detect,
for Local Feature Matching

+

+ Johan Edstedt + · + Georg Bökman + · + Mårten Wadenbäck + · + Michael Felsberg + · +

+

+ Paper (TODO) | + Project Page (TODO) +

+
+

+

+ example +
+ The DeDoDe detector learns to detect 3D consistent repeatable keypoints, which the DeDoDe descriptor learns to match. The result is a powerful decoupled local feature matcher. +
+ example + example +
+ + We experimentally find that DeDoDe significantly closes the performance gap between detector + descriptor models and fully-fledged matchers. The potential of DeDoDe is not limited to local feature matching, in fact we find that we can improve state-of-the-art matchers by incorporating DeDoDe keypoints. + +

+ +## How to Use DeDoDe? +Below we show how DeDoDe can be run, you can also check out the [demos](demo) +```python +from DeDoDe import dedode_detector_L, dedode_descriptor_B +from DeDoDe.matchers.dual_softmax_matcher import DualSoftMaxMatcher + +detector = dedode_detector_L(weights = torch.load("dedode_detector_L.pth")) +descriptor = dedode_descriptor_B(weights = torch.load("dedode_descriptor_B.pth")) +matcher = DualSoftMaxMatcher() + +im_A_path = "assets/im_A.jpg" +im_B_path = "assets/im_B.jpg" +im_A = Image.open(im_A_path) +im_B = Image.open(im_B_path) +W_A, H_A = im_A.size +W_B, H_B = im_B.size + + +detections_A = detector.detect_from_path(im_A_path, num_keypoints = 10_000) +keypoints_A, P_A = detections_A["keypoints"], detections_A["confidence"] + +detections_B = detector.detect_from_path(im_B_path, num_keypoints = 10_000) +keypoints_B, P_B = detections_B["keypoints"], detections_B["confidence"] + +description_A = descriptor.describe_keypoints_from_path(im_A_path, keypoints_A)["descriptions"] +description_B = descriptor.describe_keypoints_from_path(im_B_path, keypoints_B)["descriptions"] + +matches_A, matches_B, batch_ids = matcher.match(keypoints_A, description_A, + keypoints_B, description_B, + P_A = P_A, P_B = P_B, + normalize = True, inv_temp=20, threshold = 0.1)#Increasing threshold -> fewer matches, fewer outliers + +matches_A, matches_B = matcher.to_pixel_coords(matches_A, matches_B, H_A, W_A, H_B, W_B) + +``` +## Pretrained Models + +Right now you can find them here: https://github.com/Parskatt/DeDoDe/releases/tag/dedode_pretrained_models +Probably we'll add some autoloading in the near future. + +## BibTeX + +Coming Soon ;) diff --git a/third_party/DeDoDe/assets/dedode_roma.png b/third_party/DeDoDe/assets/dedode_roma.png new file mode 100644 index 0000000000000000000000000000000000000000..d54fdc58c3ee95127fdf0b2c3d3aa9c7862edbf0 --- /dev/null +++ b/third_party/DeDoDe/assets/dedode_roma.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:99b5ec4e94a39c0c02410c75a282187a67965356d299414a0d90cb1399efaaf1 +size 61110 diff --git a/third_party/DeDoDe/assets/im_A.jpg b/third_party/DeDoDe/assets/im_A.jpg new file mode 100644 index 0000000000000000000000000000000000000000..2e0f1b7e7806a2e3c3f3567f085ce52aa9d3803e --- /dev/null +++ b/third_party/DeDoDe/assets/im_A.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d98d1767dfcf55774bf63de5c2a16b04e2027314196f3f27eee93e94d0be3842 +size 288711 diff --git a/third_party/DeDoDe/assets/im_B.jpg b/third_party/DeDoDe/assets/im_B.jpg new file mode 100644 index 0000000000000000000000000000000000000000..5fa0a361d93e8428f1bdf7a12976631e9f4196ca --- /dev/null +++ b/third_party/DeDoDe/assets/im_B.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:31862353454661b73afea6d2a49d5e4f15fa6d504b2bb6b2fbf2a9a24d96c4c7 +size 1137246 diff --git a/third_party/DeDoDe/assets/matches.jpg b/third_party/DeDoDe/assets/matches.jpg new file mode 100644 index 0000000000000000000000000000000000000000..77190a82e31dc90b2b533c3f3d963810e8b55902 --- /dev/null +++ b/third_party/DeDoDe/assets/matches.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7ec583517a1e6ba4a7bc0e3cf89ade4125131426a00aed7bc7bbc1df0e4d884e +size 728815 diff --git a/third_party/DeDoDe/assets/teaser.png b/third_party/DeDoDe/assets/teaser.png new file mode 100644 index 0000000000000000000000000000000000000000..c4a09d8c646cb3fc6fbaa11fa367ee35ba0adbb5 --- /dev/null +++ b/third_party/DeDoDe/assets/teaser.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2dfed4aa08c7b2d9612e5d425ce3102d4c598839c9214a3aa5add9decf5cf0ee +size 123765 diff --git a/third_party/DeDoDe/data_prep/prep_keypoints.py b/third_party/DeDoDe/data_prep/prep_keypoints.py new file mode 100644 index 0000000000000000000000000000000000000000..25713ed7573babadc3a42daa544d85052fc37421 --- /dev/null +++ b/third_party/DeDoDe/data_prep/prep_keypoints.py @@ -0,0 +1,100 @@ +import argparse + +import imagesize + +import numpy as np + +import os + + +base_path = "data/megadepth" +# Remove the trailing / if need be. +if base_path[-1] in ['/', '\\']: + base_path = base_path[: - 1] + + +base_depth_path = os.path.join( + base_path, 'phoenix/S6/zl548/MegaDepth_v1' +) +base_undistorted_sfm_path = os.path.join( + base_path, 'Undistorted_SfM' +) + +scene_ids = os.listdir(base_undistorted_sfm_path) +for scene_id in scene_ids: + if os.path.exists(f"{base_path}/prep_scene_info/detections/detections_{scene_id}.npy"): + print(f"skipping {scene_id} as it exists") + continue + undistorted_sparse_path = os.path.join( + base_undistorted_sfm_path, scene_id, 'sparse-txt' + ) + if not os.path.exists(undistorted_sparse_path): + print("sparse path doesnt exist") + continue + + depths_path = os.path.join( + base_depth_path, scene_id, 'dense0', 'depths' + ) + if not os.path.exists(depths_path): + print("depths doesnt exist") + + continue + + images_path = os.path.join( + base_undistorted_sfm_path, scene_id, 'images' + ) + if not os.path.exists(images_path): + print("images path doesnt exist") + continue + + # Process cameras.txt + if not os.path.exists(os.path.join(undistorted_sparse_path, 'cameras.txt')): + print("no cameras") + continue + with open(os.path.join(undistorted_sparse_path, 'cameras.txt'), 'r') as f: + raw = f.readlines()[3 :] # skip the header + + camera_intrinsics = {} + for camera in raw: + camera = camera.split(' ') + camera_intrinsics[int(camera[0])] = [float(elem) for elem in camera[2 :]] + + # Process points3D.txt + with open(os.path.join(undistorted_sparse_path, 'points3D.txt'), 'r') as f: + raw = f.readlines()[3 :] # skip the header + + points3D = {} + for point3D in raw: + point3D = point3D.split(' ') + points3D[int(point3D[0])] = np.array([ + float(point3D[1]), float(point3D[2]), float(point3D[3]) + ]) + + # Process images.txt + with open(os.path.join(undistorted_sparse_path, 'images.txt'), 'r') as f: + raw = f.readlines()[4 :] # skip the header + + image_id_to_idx = {} + image_names = [] + raw_pose = [] + camera = [] + points3D_id_to_2D = [] + n_points3D = [] + id_to_detections = {} + for idx, (image, points) in enumerate(zip(raw[:: 2], raw[1 :: 2])): + image = image.split(' ') + points = points.split(' ') + + image_id_to_idx[int(image[0])] = idx + + image_name = image[-1].strip('\n') + image_names.append(image_name) + + raw_pose.append([float(elem) for elem in image[1 : -2]]) + camera.append(int(image[-2])) + points_np = np.array(points).astype(np.float32).reshape(len(points)//3, 3) + visible_points = points_np[points_np[:,2] != -1] + id_to_detections[idx] = visible_points + np.save(f"{base_path}/prep_scene_info/detections/detections_{scene_id}.npy", + id_to_detections) + print(f"{scene_id} done") \ No newline at end of file diff --git a/third_party/DeDoDe/demo/demo_kpts.py b/third_party/DeDoDe/demo/demo_kpts.py new file mode 100644 index 0000000000000000000000000000000000000000..270a23b12e2148ce7a438a68ab3ef1135a93a9e6 --- /dev/null +++ b/third_party/DeDoDe/demo/demo_kpts.py @@ -0,0 +1,20 @@ +import torch +import cv2 +import numpy as np +from PIL import Image +from DeDoDe import dedode_detector_L + +def draw_kpts(im, kpts): + kpts = [cv2.KeyPoint(x,y,1.) for x,y in kpts.cpu().numpy()] + im = np.array(im) + ret = cv2.drawKeypoints(im, kpts, None) + return ret + +detector = dedode_detector_L(weights = torch.load("dedode_detector_l.pth")) +im_path = "assets/im_A.jpg" +im = Image.open(im_path) +out = detector.detect_from_path(im_path, num_keypoints = 10_000) +W,H = im.size +kps = out["keypoints"] +kps = detector.to_pixel_coords(kps, H, W) +Image.fromarray(draw_kpts(im, kps[0])).save("demo/keypoints.png") \ No newline at end of file diff --git a/third_party/DeDoDe/demo/demo_match.py b/third_party/DeDoDe/demo/demo_match.py new file mode 100644 index 0000000000000000000000000000000000000000..6492392d07a49fcdb7e287b619b404df84521ca8 --- /dev/null +++ b/third_party/DeDoDe/demo/demo_match.py @@ -0,0 +1,45 @@ +import torch +from DeDoDe import dedode_detector_L, dedode_descriptor_B +from DeDoDe.matchers.dual_softmax_matcher import DualSoftMaxMatcher +from DeDoDe.utils import * +from PIL import Image +import cv2 + +def draw_matches(im_A, kpts_A, im_B, kpts_B): + kpts_A = [cv2.KeyPoint(x,y,1.) for x,y in kpts_A.cpu().numpy()] + kpts_B = [cv2.KeyPoint(x,y,1.) for x,y in kpts_B.cpu().numpy()] + matches_A_to_B = [cv2.DMatch(idx, idx, 0.) for idx in range(len(kpts_A))] + im_A, im_B = np.array(im_A), np.array(im_B) + ret = cv2.drawMatches(im_A, kpts_A, im_B, kpts_B, + matches_A_to_B, None) + return ret + +detector = dedode_detector_L(weights = torch.load("dedode_detector_L.pth")) +descriptor = dedode_descriptor_B(weights = torch.load("dedode_descriptor_B.pth")) +matcher = DualSoftMaxMatcher() + +im_A_path = "assets/im_A.jpg" +im_B_path = "assets/im_B.jpg" +im_A = Image.open(im_A_path) +im_B = Image.open(im_B_path) +W_A, H_A = im_A.size +W_B, H_B = im_B.size + + +detections_A = detector.detect_from_path(im_A_path, num_keypoints = 10_000) +keypoints_A, P_A = detections_A["keypoints"], detections_A["confidence"] +detections_B = detector.detect_from_path(im_B_path, num_keypoints = 10_000) +keypoints_B, P_B = detections_B["keypoints"], detections_B["confidence"] +description_A = descriptor.describe_keypoints_from_path(im_A_path, keypoints_A)["descriptions"] +description_B = descriptor.describe_keypoints_from_path(im_B_path, keypoints_B)["descriptions"] +matches_A, matches_B, batch_ids = matcher.match(keypoints_A, description_A, + keypoints_B, description_B, + P_A = P_A, P_B = P_B, + normalize = True, inv_temp=20, threshold = 0.1)#Increasing threshold -> fewer matches, fewer outliers + +matches_A, matches_B = matcher.to_pixel_coords(matches_A, matches_B, H_A, W_A, H_B, W_B) + +import cv2 +import numpy as np + +Image.fromarray(draw_matches(im_A, matches_A[::5], im_B, matches_B[::5])).save("demo/matches.png") \ No newline at end of file diff --git a/third_party/DeDoDe/demo/demo_scoremap.py b/third_party/DeDoDe/demo/demo_scoremap.py new file mode 100644 index 0000000000000000000000000000000000000000..68af499dbb58e275e227bbdc979b4d1923902df0 --- /dev/null +++ b/third_party/DeDoDe/demo/demo_scoremap.py @@ -0,0 +1,20 @@ +import torch +from PIL import Image +import numpy as np + +from DeDoDe import dedode_detector_L +from DeDoDe.utils import tensor_to_pil + +detector = dedode_detector_L(weights = torch.load("dedode_detector_l.pth")) +H, W = 768, 768 +im_path = "assets/im_A.jpg" + +out = detector.detect_from_path(im_path, dense = True, H = H, W = W) + +logit_map = out["dense_keypoint_logits"].clone() +min = logit_map.max() - 3 +logit_map[logit_map < min] = min +logit_map = (logit_map-min)/(logit_map.max()-min) +logit_map = logit_map.cpu()[0].expand(3,H,W) +im_A = torch.tensor(np.array(Image.open(im_path).resize((W,H)))/255.).permute(2,0,1) +tensor_to_pil(logit_map * logit_map + 0.15 * (1-logit_map) * im_A).save("demo/dense_logits.png") diff --git a/third_party/DeDoDe/pretrained/dedode_descriptor_B.pth b/third_party/DeDoDe/pretrained/dedode_descriptor_B.pth new file mode 100644 index 0000000000000000000000000000000000000000..58f09ccae38009c49c582ad74cd7f2718a98f9af --- /dev/null +++ b/third_party/DeDoDe/pretrained/dedode_descriptor_B.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8eccfc270ec990ced60cd54a434411a47c4c504de13586f596d042e005b3022b +size 54257185 diff --git a/third_party/DeDoDe/pretrained/dedode_detector_L.pth b/third_party/DeDoDe/pretrained/dedode_detector_L.pth new file mode 100644 index 0000000000000000000000000000000000000000..e58c01a653958a1e421dedbbc7df540c6ff21744 --- /dev/null +++ b/third_party/DeDoDe/pretrained/dedode_detector_L.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:663c972a7215538ef3170ccc3183bb1019610ffde4bc7c9da6c13b143388dd64 +size 58488277 diff --git a/third_party/DeDoDe/requirements.txt b/third_party/DeDoDe/requirements.txt new file mode 100644 index 0000000000000000000000000000000000000000..0aba7e372c62658a3294419ccf3deccacb7e95c2 --- /dev/null +++ b/third_party/DeDoDe/requirements.txt @@ -0,0 +1,9 @@ +numpy +matplotlib +torch +torchvision +h5py +tqdm +pillow +einops +opencv-python \ No newline at end of file diff --git a/third_party/DeDoDe/setup.py b/third_party/DeDoDe/setup.py new file mode 100644 index 0000000000000000000000000000000000000000..18a43e0b69131d3f91229f5a59e9b1d48411d890 --- /dev/null +++ b/third_party/DeDoDe/setup.py @@ -0,0 +1,10 @@ +from setuptools import setup, find_packages + + +setup( + name="DeDoDe", + packages=find_packages(include= ["DeDoDe*"]), + install_requires=open("requirements.txt", "r").read().split("\n"), + version="0.0.1", + author="Johan Edstedt", +) \ No newline at end of file diff --git a/third_party/LightGlue/assets/easy_hard.jpg b/third_party/LightGlue/assets/easy_hard.jpg index b705521f312204dd5e021d2a2e9650864f486f12..98bdc36626eff8f4ce2aa4bb1548977a98e7a377 100644 Binary files a/third_party/LightGlue/assets/easy_hard.jpg and b/third_party/LightGlue/assets/easy_hard.jpg differ diff --git a/third_party/LightGlue/assets/sacre_coeur1.jpg b/third_party/LightGlue/assets/sacre_coeur1.jpg index 71f83b3fb981d800acfa7a38f612a4ccbc0f0288..d096046b414940c77077e308e9d3af6cac01e85d 100644 Binary files a/third_party/LightGlue/assets/sacre_coeur1.jpg and b/third_party/LightGlue/assets/sacre_coeur1.jpg differ diff --git a/third_party/LightGlue/assets/sacre_coeur2.jpg b/third_party/LightGlue/assets/sacre_coeur2.jpg index 823eac409958a8acc25a984e1de36dbe7c8beeb3..80a83d77fa46f3e09e3c3db3a4539f8d622b082c 100644 Binary files a/third_party/LightGlue/assets/sacre_coeur2.jpg and b/third_party/LightGlue/assets/sacre_coeur2.jpg differ diff --git a/third_party/SuperGluePretrainedNetwork/.gitignore b/third_party/SuperGluePretrainedNetwork/.gitignore new file mode 100644 index 0000000000000000000000000000000000000000..75cda0e0c3af34c06f50dc0ebba6e338d5b78d02 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/.gitignore @@ -0,0 +1,3 @@ +*.pyc +*.DS_Store +*.swp diff --git a/third_party/SuperGluePretrainedNetwork/LICENSE b/third_party/SuperGluePretrainedNetwork/LICENSE new file mode 100644 index 0000000000000000000000000000000000000000..afc1ed1db5d14d18e546de546762dd45fc78ef1d --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/LICENSE @@ -0,0 +1,48 @@ +SUPERGLUE: LEARNING FEATURE MATCHING WITH GRAPH NEURAL NETWORKS +SOFTWARE LICENSE AGREEMENT +ACADEMIC OR NON-PROFIT ORGANIZATION NONCOMMERCIAL RESEARCH USE ONLY + +BY USING OR DOWNLOADING THE SOFTWARE, YOU ARE AGREEING TO THE TERMS OF THIS LICENSE AGREEMENT. IF YOU DO NOT AGREE WITH THESE TERMS, YOU MAY NOT USE OR DOWNLOAD THE SOFTWARE. + +This is a license agreement ("Agreement") between your academic institution or non-profit organization or self (called "Licensee" or "You" in this Agreement) and Magic Leap, Inc. (called "Licensor" in this Agreement). All rights not specifically granted to you in this Agreement are reserved for Licensor. + +RESERVATION OF OWNERSHIP AND GRANT OF LICENSE: +Licensor retains exclusive ownership of any copy of the Software (as defined below) licensed under this Agreement and hereby grants to Licensee a personal, non-exclusive, non-transferable license to use the Software for noncommercial research purposes, without the right to sublicense, pursuant to the terms and conditions of this Agreement. As used in this Agreement, the term "Software" means (i) the actual copy of all or any portion of code for program routines made accessible to Licensee by Licensor pursuant to this Agreement, inclusive of backups, updates, and/or merged copies permitted hereunder or subsequently supplied by Licensor, including all or any file structures, programming instructions, user interfaces and screen formats and sequences as well as any and all documentation and instructions related to it, and (ii) all or any derivatives and/or modifications created or made by You to any of the items specified in (i). + +CONFIDENTIALITY: Licensee acknowledges that the Software is proprietary to Licensor, and as such, Licensee agrees to receive all such materials in confidence and use the Software only in accordance with the terms of this Agreement. Licensee agrees to use reasonable effort to protect the Software from unauthorized use, reproduction, distribution, or publication. + +COPYRIGHT: The Software is owned by Licensor and is protected by United States copyright laws and applicable international treaties and/or conventions. + +PERMITTED USES: The Software may be used for your own noncommercial internal research purposes. You understand and agree that Licensor is not obligated to implement any suggestions and/or feedback you might provide regarding the Software, but to the extent Licensor does so, you are not entitled to any compensation related thereto. + +DERIVATIVES: You may create derivatives of or make modifications to the Software, however, You agree that all and any such derivatives and modifications will be owned by Licensor and become a part of the Software licensed to You under this Agreement. You may only use such derivatives and modifications for your own noncommercial internal research purposes, and you may not otherwise use, distribute or copy such derivatives and modifications in violation of this Agreement. + +BACKUPS: If Licensee is an organization, it may make that number of copies of the Software necessary for internal noncommercial use at a single site within its organization provided that all information appearing in or on the original labels, including the copyright and trademark notices are copied onto the labels of the copies. + +USES NOT PERMITTED: You may not distribute, copy or use the Software except as explicitly permitted herein. Licensee has not been granted any trademark license as part of this Agreement and may not use the name or mark "Magic Leap" or any renditions thereof without the prior written permission of Licensor. + +You may not sell, rent, lease, sublicense, lend, time-share or transfer, in whole or in part, or provide third parties access to prior or present versions (or any parts thereof) of the Software. + +ASSIGNMENT: You may not assign this Agreement or your rights hereunder without the prior written consent of Licensor. Any attempted assignment without such consent shall be null and void. + +TERM: The term of the license granted by this Agreement is from Licensee's acceptance of this Agreement by downloading the Software or by using the Software until terminated as provided below. + +The Agreement automatically terminates without notice if you fail to comply with any provision of this Agreement. Licensee may terminate this Agreement by ceasing using the Software. Upon any termination of this Agreement, Licensee will delete any and all copies of the Software. You agree that all provisions which operate to protect the proprietary rights of Licensor shall remain in force should breach occur and that the obligation of confidentiality described in this Agreement is binding in perpetuity and, as such, survives the term of the Agreement. + +FEE: Provided Licensee abides completely by the terms and conditions of this Agreement, there is no fee due to Licensor for Licensee's use of the Software in accordance with this Agreement. + +DISCLAIMER OF WARRANTIES: THE SOFTWARE IS PROVIDED "AS-IS" WITHOUT WARRANTY OF ANY KIND INCLUDING ANY WARRANTIES OF PERFORMANCE OR MERCHANTABILITY OR FITNESS FOR A PARTICULAR USE OR PURPOSE OR OF NON-INFRINGEMENT. LICENSEE BEARS ALL RISK RELATING TO QUALITY AND PERFORMANCE OF THE SOFTWARE AND RELATED MATERIALS. + +SUPPORT AND MAINTENANCE: No Software support or training by the Licensor is provided as part of this Agreement. + +EXCLUSIVE REMEDY AND LIMITATION OF LIABILITY: To the maximum extent permitted under applicable law, Licensor shall not be liable for direct, indirect, special, incidental, or consequential damages or lost profits related to Licensee's use of and/or inability to use the Software, even if Licensor is advised of the possibility of such damage. + +EXPORT REGULATION: Licensee agrees to comply with any and all applicable U.S. export control laws, regulations, and/or other laws related to embargoes and sanction programs administered by the Office of Foreign Assets Control. + +SEVERABILITY: If any provision(s) of this Agreement shall be held to be invalid, illegal, or unenforceable by a court or other tribunal of competent jurisdiction, the validity, legality and enforceability of the remaining provisions shall not in any way be affected or impaired thereby. + +NO IMPLIED WAIVERS: No failure or delay by Licensor in enforcing any right or remedy under this Agreement shall be construed as a waiver of any future or other exercise of such right or remedy by Licensor. + +GOVERNING LAW: This Agreement shall be construed and enforced in accordance with the laws of the State of Florida without reference to conflict of laws principles. You consent to the personal jurisdiction of the courts of this County and waive their rights to venue outside of Broward County, Florida. + +ENTIRE AGREEMENT AND AMENDMENTS: This Agreement constitutes the sole and entire agreement between Licensee and Licensor as to the matter set forth herein and supersedes any previous agreements, understandings, and arrangements between the parties relating hereto. diff --git a/third_party/SuperGluePretrainedNetwork/README.md b/third_party/SuperGluePretrainedNetwork/README.md new file mode 100644 index 0000000000000000000000000000000000000000..ab08335ce7bb237fd8108470d53b0aac11acc01f --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/README.md @@ -0,0 +1,388 @@ + + +### Research @ Magic Leap (CVPR 2020, Oral) + +# SuperGlue Inference and Evaluation Demo Script + +## Introduction +SuperGlue is a CVPR 2020 research project done at Magic Leap. The SuperGlue network is a Graph Neural Network combined with an Optimal Matching layer that is trained to perform matching on two sets of sparse image features. This repo includes PyTorch code and pretrained weights for running the SuperGlue matching network on top of [SuperPoint](https://arxiv.org/abs/1712.07629) keypoints and descriptors. Given a pair of images, you can use this repo to extract matching features across the image pair. + +

+ +

+ +SuperGlue operates as a "middle-end," performing context aggregation, matching, and filtering in a single end-to-end architecture. For more details, please see: + +* Full paper PDF: [SuperGlue: Learning Feature Matching with Graph Neural Networks](https://arxiv.org/abs/1911.11763). + +* Authors: *Paul-Edouard Sarlin, Daniel DeTone, Tomasz Malisiewicz, Andrew Rabinovich* + +* Website: [psarlin.com/superglue](https://psarlin.com/superglue) for videos, slides, recent updates, and more visualizations. + +* `hloc`: a new toolbox for visual localization and SfM with SuperGlue, available at [cvg/Hierarchical-Localization](https://github.com/cvg/Hierarchical-Localization/). Winner of 3 CVPR 2020 competitions on localization and image matching! + +We provide two pre-trained weights files: an indoor model trained on ScanNet data, and an outdoor model trained on MegaDepth data. Both models are inside the [weights directory](./models/weights). By default, the demo will run the **indoor** model. + +## Dependencies +* Python 3 >= 3.5 +* PyTorch >= 1.1 +* OpenCV >= 3.4 (4.1.2.30 recommended for best GUI keyboard interaction, see this [note](#additional-notes)) +* Matplotlib >= 3.1 +* NumPy >= 1.18 + +Simply run the following command: `pip3 install numpy opencv-python torch matplotlib` + +## Contents +There are two main top-level scripts in this repo: + +1. `demo_superglue.py` : runs a live demo on a webcam, IP camera, image directory or movie file +2. `match_pairs.py`: reads image pairs from files and dumps matches to disk (also runs evaluation if ground truth relative poses are provided) + +## Live Matching Demo Script (`demo_superglue.py`) +This demo runs SuperPoint + SuperGlue feature matching on an anchor image and live image. You can update the anchor image by pressing the `n` key. The demo can read image streams from a USB or IP camera, a directory containing images, or a video file. You can pass all of these inputs using the `--input` flag. + +### Run the demo on a live webcam + +Run the demo on the default USB webcam (ID #0), running on a CUDA GPU if one is found: + +```sh +./demo_superglue.py +``` + +Keyboard control: + +* `n`: select the current frame as the anchor +* `e`/`r`: increase/decrease the keypoint confidence threshold +* `d`/`f`: increase/decrease the match filtering threshold +* `k`: toggle the visualization of keypoints +* `q`: quit + +Run the demo on 320x240 images running on the CPU: + +```sh +./demo_superglue.py --resize 320 240 --force_cpu +``` + +The `--resize` flag can be used to resize the input image in three ways: + +1. `--resize` `width` `height` : will resize to exact `width` x `height` dimensions +2. `--resize` `max_dimension` : will resize largest input image dimension to `max_dimension` +3. `--resize` `-1` : will not resize (i.e. use original image dimensions) + +The default will resize images to `640x480`. + +### Run the demo on a directory of images + +The `--input` flag also accepts a path to a directory. We provide a directory of sample images from a sequence. To run the demo on the directory of images in `freiburg_sequence/` on a headless server (will not display to the screen) and write the output visualization images to `dump_demo_sequence/`: + +```sh +./demo_superglue.py --input assets/freiburg_sequence/ --output_dir dump_demo_sequence --resize 320 240 --no_display +``` + +You should see this output on the sample Freiburg-TUM RGBD sequence: + + + +The matches are colored by their predicted confidence in a jet colormap (Red: more confident, Blue: less confident). + +### Additional useful command line parameters +* Use `--image_glob` to change the image file extension (default: `*.png`, `*.jpg`, `*.jpeg`). +* Use `--skip` to skip intermediate frames (default: `1`). +* Use `--max_length` to cap the total number of frames processed (default: `1000000`). +* Use `--show_keypoints` to visualize the detected keypoints (default: `False`). + +## Run Matching+Evaluation (`match_pairs.py`) + +This repo also contains a script `match_pairs.py` that runs the matching from a list of image pairs. With this script, you can: + +* Run the matcher on a set of image pairs (no ground truth needed) +* Visualize the keypoints and matches, based on their confidence +* Evaluate and visualize the match correctness, if the ground truth relative poses and intrinsics are provided +* Save the keypoints, matches, and evaluation results for further processing +* Collate evaluation results over many pairs and generate result tables + +### Matches only mode + +The simplest usage of this script will process the image pairs listed in a given text file and dump the keypoints and matches to compressed numpy `npz` files. We provide the challenging ScanNet pairs from the main paper in `assets/example_indoor_pairs/`. Running the following will run SuperPoint + SuperGlue on each image pair, and dump the results to `dump_match_pairs/`: + +```sh +./match_pairs.py +``` + +The resulting `.npz` files can be read from Python as follows: + +```python +>>> import numpy as np +>>> path = 'dump_match_pairs/scene0711_00_frame-001680_scene0711_00_frame-001995_matches.npz' +>>> npz = np.load(path) +>>> npz.files +['keypoints0', 'keypoints1', 'matches', 'match_confidence'] +>>> npz['keypoints0'].shape +(382, 2) +>>> npz['keypoints1'].shape +(391, 2) +>>> npz['matches'].shape +(382,) +>>> np.sum(npz['matches']>-1) +115 +>>> npz['match_confidence'].shape +(382,) +``` + +For each keypoint in `keypoints0`, the `matches` array indicates the index of the matching keypoint in `keypoints1`, or `-1` if the keypoint is unmatched. + +### Visualization mode + +You can add the flag `--viz` to dump image outputs which visualize the matches: + +```sh +./match_pairs.py --viz +``` + +You should see images like this inside of `dump_match_pairs/` (or something very close to it, see this [note](#a-note-on-reproducibility)): + + + +The matches are colored by their predicted confidence in a jet colormap (Red: more confident, Blue: less confident). + +### Evaluation mode + +You can also estimate the pose using RANSAC + Essential Matrix decomposition and evaluate it if the ground truth relative poses and intrinsics are provided in the input `.txt` files. Each `.txt` file contains three key ground truth matrices: a 3x3 intrinsics matrix of image0: `K0`, a 3x3 intrinsics matrix of image1: `K1` , and a 4x4 matrix of the relative pose extrinsics `T_0to1`. + +To run the evaluation on the sample set of images (by default reading `assets/scannet_sample_pairs_with_gt.txt`), you can run: + +```sh +./match_pairs.py --eval +``` + + +Since you enabled `--eval`, you should see collated results printed to the terminal. For the example images provided, you should get the following numbers (or something very close to it, see this [note](#a-note-on-reproducibility)): + +```txt +Evaluation Results (mean over 15 pairs): +AUC@5 AUC@10 AUC@20 Prec MScore +26.99 48.40 64.47 73.52 19.60 +``` + +The resulting `.npz` files in `dump_match_pairs/` will now contain scalar values related to the evaluation, computed on the sample images provided. Here is what you should find in one of the generated evaluation files: + +```python +>>> import numpy as np +>>> path = 'dump_match_pairs/scene0711_00_frame-001680_scene0711_00_frame-001995_evaluation.npz' +>>> npz = np.load(path) +>>> print(npz.files) +['error_t', 'error_R', 'precision', 'matching_score', 'num_correct', 'epipolar_errors'] +``` + +You can also visualize the evaluation metrics by running the following command: + +```sh +./match_pairs.py --eval --viz +``` + +You should also now see additional images in `dump_match_pairs/` which visualize the evaluation numbers (or something very close to it, see this [note](#a-note-on-reproducibility)): + + + +The top left corner of the image shows the pose error and number of inliers, while the lines are colored by their epipolar error computed with the ground truth relative pose (red: higher error, green: lower error). + +### Running on sample outdoor pairs + +
+ [Click to expand] + +In this repo, we also provide a few challenging Phototourism pairs, so that you can re-create some of the figures from the paper. Run this script to run matching and visualization (no ground truth is provided, see this [note](#reproducing-outdoor-evaluation-final-table)) on the provided pairs: + +```sh +./match_pairs.py --resize 1600 --superglue outdoor --max_keypoints 2048 --nms_radius 3 --resize_float --input_dir assets/phototourism_sample_images/ --input_pairs assets/phototourism_sample_pairs.txt --output_dir dump_match_pairs_outdoor --viz +``` + +You should now image pairs such as these in `dump_match_pairs_outdoor/` (or something very close to it, see this [note](#a-note-on-reproducibility)): + + + +
+ +### Recommended settings for indoor / outdoor + +
+ [Click to expand] + +For **indoor** images, we recommend the following settings (these are the defaults): + +```sh +./match_pairs.py --resize 640 --superglue indoor --max_keypoints 1024 --nms_radius 4 +``` + +For **outdoor** images, we recommend the following settings: + +```sh +./match_pairs.py --resize 1600 --superglue outdoor --max_keypoints 2048 --nms_radius 3 --resize_float +``` + +You can provide your own list of pairs `--input_pairs` for images contained in `--input_dir`. Images can be resized before network inference with `--resize`. If you are re-running the same evaluation many times, you can use the `--cache` flag to reuse old computation. +
+ +### Test set pair file format explained + +
+ [Click to expand] + +We provide the list of ScanNet test pairs in `assets/scannet_test_pairs_with_gt.txt` (with ground truth) and Phototourism test pairs `assets/phototourism_test_pairs.txt` (without ground truth) used to evaluate the matching from the paper. Each line corresponds to one pair and is structured as follows: + +``` +path_image_A path_image_B exif_rotationA exif_rotationB [KA_0 ... KA_8] [KB_0 ... KB_8] [T_AB_0 ... T_AB_15] +``` + +The `path_image_A` and `path_image_B` entries are paths to image A and B, respectively. The `exif_rotation` is an integer in the range [0, 3] that comes from the original EXIF metadata associated with the image, where, 0: no rotation, 1: 90 degree clockwise, 2: 180 degree clockwise, 3: 270 degree clockwise. If the EXIF data is not known, you can just provide a zero here and no rotation will be performed. `KA` and `KB` are the flattened `3x3` matrices of image A and image B intrinsics. `T_AB` is a flattened `4x4` matrix of the extrinsics between the pair. +
+ +### Reproducing the indoor evaluation on ScanNet + +
+ [Click to expand] + +We provide the groundtruth for ScanNet in our format in the file `assets/scannet_test_pairs_with_gt.txt` for convenience. In order to reproduce similar tables to what was in the paper, you will need to download the dataset (we do not provide the raw test images). To download the ScanNet dataset, do the following: + +1. Head to the [ScanNet](https://github.com/ScanNet/ScanNet) github repo to download the ScanNet test set (100 scenes). +2. You will need to extract the raw sensor data from the 100 `.sens` files in each scene in the test set using the [SensReader](https://github.com/ScanNet/ScanNet/tree/master/SensReader) tool. + +Once the ScanNet dataset is downloaded in `~/data/scannet`, you can run the following: + +```sh +./match_pairs.py --input_dir ~/data/scannet --input_pairs assets/scannet_test_pairs_with_gt.txt --output_dir dump_scannet_test_results --eval +``` + +You should get the following table for ScanNet (or something very close to it, see this [note](#a-note-on-reproducibility)): + +```txt +Evaluation Results (mean over 1500 pairs): +AUC@5 AUC@10 AUC@20 Prec MScore +16.12 33.76 51.79 84.37 31.14 +``` + +
+ +### Reproducing the outdoor evaluation on YFCC + +
+ [Click to expand] + +We provide the groundtruth for YFCC in our format in the file `assets/yfcc_test_pairs_with_gt.txt` for convenience. In order to reproduce similar tables to what was in the paper, you will need to download the dataset (we do not provide the raw test images). To download the YFCC dataset, you can use the [OANet](https://github.com/zjhthu/OANet) repo: + +```sh +git clone https://github.com/zjhthu/OANet +cd OANet +bash download_data.sh raw_data raw_data_yfcc.tar.gz 0 8 +tar -xvf raw_data_yfcc.tar.gz +mv raw_data/yfcc100m ~/data +``` + +Once the YFCC dataset is downloaded in `~/data/yfcc100m`, you can run the following: + +```sh +./match_pairs.py --input_dir ~/data/yfcc100m --input_pairs assets/yfcc_test_pairs_with_gt.txt --output_dir dump_yfcc_test_results --eval --resize 1600 --superglue outdoor --max_keypoints 2048 --nms_radius 3 --resize_float +``` + +You should get the following table for YFCC (or something very close to it, see this [note](#a-note-on-reproducibility)): + +```txt +Evaluation Results (mean over 4000 pairs): +AUC@5 AUC@10 AUC@20 Prec MScore +39.02 59.51 75.72 98.72 23.61 +``` + +
+ +### Reproducing outdoor evaluation on Phototourism + +
+ [Click to expand] + +The Phototourism results shown in the paper were produced using similar data as the test set from the [Image Matching Challenge 2020](https://vision.uvic.ca/image-matching-challenge/), which holds the ground truth data private for the test set. We list the pairs we used in `assets/phototourism_test_pairs.txt`. To reproduce similar numbers on this test set, please submit to the challenge benchmark. While the challenge is still live, we cannot share the test set publically since we want to help maintain the integrity of the challenge. + +
+ +### Correcting EXIF rotation data in YFCC and Phototourism + +
+ [Click to expand] + +In this repo, we provide manually corrected the EXIF rotation data for the outdoor evaluations on YFCC and Phototourism. For the YFCC dataset we found 7 images with incorrect EXIF rotation flags, resulting in 148 pairs out of 4000 being corrected. For Phototourism, we found 36 images with incorrect EXIF rotation flags, resulting in 212 out of 2200 pairs being corrected. + +The SuperGlue paper reports the results of SuperGlue **without** the corrected rotations, while the numbers in this README are reported **with** the corrected rotations. We found that our final conclusions from the evaluation still hold with or without the corrected rotations. For backwards compatability, we included the original, uncorrected EXIF rotation data in `assets/phototourism_test_pairs_original.txt` and `assets/yfcc_test_pairs_with_gt_original.txt` respectively. + +
+ +### Outdoor training / validation scene splits of MegaDepth + +
+ [Click to expand] + +For training and validation of the outdoor model, we used scenes from the [MegaDepth dataset](http://www.cs.cornell.edu/projects/megadepth/). We provide the list of scenes used to train the outdoor model in the `assets/` directory: + +* Training set: `assets/megadepth_train_scenes.txt` +* Validation set: `assets/megadepth_validation_scenes.txt` + +
+ +### A note on reproducibility + +
+ [Click to expand] + +After simplifying the model code and evaluation code and preparing it for release, we made some improvements and tweaks that result in slightly different numbers than what was reported in the paper. The numbers and figures reported in the README were done using Ubuntu 16.04, OpenCV 3.4.5, and PyTorch 1.1.0. Even with matching the library versions, we observed some slight differences across Mac and Ubuntu, which we believe are due to differences in OpenCV's image resize function implementation and randomization of RANSAC. +
+ +### Creating high-quality PDF visualizations and faster visualization with --fast_viz + +
+ [Click to expand] + +When generating output images with `match_pairs.py`, the default `--viz` flag uses a Matplotlib renderer which allows for the generation of camera-ready PDF visualizations if you additionally use `--viz_extension pdf` instead of the default png extension. + +``` +./match_pairs.py --viz --viz_extension pdf +``` + +Alternatively, you might want to save visualization images but have the generation be much faster. You can use the `--fast_viz` flag to use an OpenCV-based image renderer as follows: + +``` +./match_pairs.py --viz --fast_viz +``` + +If you would also like an OpenCV display window to preview the results (you must use non-pdf output and use fast_fiz), simply run: + +``` +./match_pairs.py --viz --fast_viz --opencv_display +``` + +
+ + +## BibTeX Citation +If you use any ideas from the paper or code from this repo, please consider citing: + +```txt +@inproceedings{sarlin20superglue, + author = {Paul-Edouard Sarlin and + Daniel DeTone and + Tomasz Malisiewicz and + Andrew Rabinovich}, + title = {{SuperGlue}: Learning Feature Matching with Graph Neural Networks}, + booktitle = {CVPR}, + year = {2020}, + url = {https://arxiv.org/abs/1911.11763} +} +``` + +## Additional Notes +* For the demo, we found that the keyboard interaction works well with OpenCV 4.1.2.30, older versions were less responsive and the newest version had a [OpenCV bug on Mac](https://stackoverflow.com/questions/60032540/opencv-cv2-imshow-is-not-working-because-of-the-qt) +* We generally do not recommend to run SuperPoint+SuperGlue below 160x120 resolution (QQVGA) and above 2000x1500 +* We do not intend to release the SuperGlue training code. +* We do not intend to release the SIFT-based or homography SuperGlue models. + +## Legal Disclaimer +Magic Leap is proud to provide its latest samples, toolkits, and research projects on Github to foster development and gather feedback from the spatial computing community. Use of the resources within this repo is subject to (a) the license(s) included herein, or (b) if no license is included, Magic Leap's [Developer Agreement](https://id.magicleap.com/terms/developer), which is available on our [Developer Portal](https://developer.magicleap.com/). +If you need more, just ask on the [forums](https://forum.magicleap.com/hc/en-us/community/topics)! +We're thrilled to be part of a well-meaning, friendly and welcoming community of millions. diff --git a/third_party/SuperGluePretrainedNetwork/assets/freiburg_matches.gif b/third_party/SuperGluePretrainedNetwork/assets/freiburg_matches.gif new file mode 100644 index 0000000000000000000000000000000000000000..3099c65e5e140da8418cac5669b97c9753153681 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/freiburg_matches.gif @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c7d9e458f625eccbf94e7171218beb6f8c392ca432df3de0ed0a8a2544e13fd6 +size 1431348 diff --git a/third_party/SuperGluePretrainedNetwork/assets/freiburg_sequence/1341847980.722988.png b/third_party/SuperGluePretrainedNetwork/assets/freiburg_sequence/1341847980.722988.png new file mode 100644 index 0000000000000000000000000000000000000000..386c732e1045297c48cdd7e6483cc00bab6da560 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/freiburg_sequence/1341847980.722988.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a84f24b35cfa73f3180d63a6f6068cbae637ff5c3612c8ef05882ce3979607cc +size 475346 diff --git a/third_party/SuperGluePretrainedNetwork/assets/freiburg_sequence/1341847981.726650.png b/third_party/SuperGluePretrainedNetwork/assets/freiburg_sequence/1341847981.726650.png new file mode 100644 index 0000000000000000000000000000000000000000..07ccef7419ca660dbcf2654d1f52ac2ab65c3d71 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/freiburg_sequence/1341847981.726650.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:412444ac5b49e20c7645aa73971fd726c6b850aa5cddd26e5cc3c98be2fca9b5 +size 474268 diff --git a/third_party/SuperGluePretrainedNetwork/assets/freiburg_sequence/1341847982.730674.png b/third_party/SuperGluePretrainedNetwork/assets/freiburg_sequence/1341847982.730674.png new file mode 100644 index 0000000000000000000000000000000000000000..14ffc69d0906acbb7a883ccf0c407e30905f82a9 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/freiburg_sequence/1341847982.730674.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7503ce561dc0ed56f6729987d6ea0b20d0dbbaaab4bf94a0c5da0af8acfad6b8 +size 471180 diff --git a/third_party/SuperGluePretrainedNetwork/assets/freiburg_sequence/1341847983.738736.png b/third_party/SuperGluePretrainedNetwork/assets/freiburg_sequence/1341847983.738736.png new file mode 100644 index 0000000000000000000000000000000000000000..71177fea42a580c919aa55d3c52f9c09ecd35aca --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/freiburg_sequence/1341847983.738736.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d17f1787d5ebaa8bec78d11dc7ca495b13c4bcf90a2107535e1ca1dfa350d97a +size 471162 diff --git a/third_party/SuperGluePretrainedNetwork/assets/freiburg_sequence/1341847984.743352.png b/third_party/SuperGluePretrainedNetwork/assets/freiburg_sequence/1341847984.743352.png new file mode 100644 index 0000000000000000000000000000000000000000..749abfbade608bee439a91112f96bcf2237dde6f --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/freiburg_sequence/1341847984.743352.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a55c645df3d230382c221d4d369d6fcd4a584e4c2de121fefd4f3f95de3b25ea +size 466190 diff --git a/third_party/SuperGluePretrainedNetwork/assets/freiburg_sequence/1341847985.746954.png b/third_party/SuperGluePretrainedNetwork/assets/freiburg_sequence/1341847985.746954.png new file mode 100644 index 0000000000000000000000000000000000000000..445d071abd90b51317c2fe19c4f028b75238f673 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/freiburg_sequence/1341847985.746954.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:48d6756acce2e4017f3e00617e5160c0fd78bf0eadc21d597810b01604690f86 +size 487130 diff --git a/third_party/SuperGluePretrainedNetwork/assets/freiburg_sequence/1341847986.762616.png b/third_party/SuperGluePretrainedNetwork/assets/freiburg_sequence/1341847986.762616.png new file mode 100644 index 0000000000000000000000000000000000000000..306913b213c51b6ee8d4511526031667b358e1a2 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/freiburg_sequence/1341847986.762616.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b90f0e5e645c314b1cb1990a061bb92022fdc9af6552de434ce4cf1db40a6eee +size 505305 diff --git a/third_party/SuperGluePretrainedNetwork/assets/freiburg_sequence/1341847987.758741.png b/third_party/SuperGluePretrainedNetwork/assets/freiburg_sequence/1341847987.758741.png new file mode 100644 index 0000000000000000000000000000000000000000..619674e90ea040f3eca93ca50284021f1b41032f --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/freiburg_sequence/1341847987.758741.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4e00ba6b00d5ef3784acd99c9fedb1ad2bee4567f9b29e538986a5f85979b1f6 +size 501539 diff --git a/third_party/SuperGluePretrainedNetwork/assets/freiburg_sequence/1341847988.769740.png b/third_party/SuperGluePretrainedNetwork/assets/freiburg_sequence/1341847988.769740.png new file mode 100644 index 0000000000000000000000000000000000000000..b748ab509811312cc77b50b7713590a2f7c7d330 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/freiburg_sequence/1341847988.769740.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f35067b7544f444e24905bc193c5eed61327bea5992c9e014c0189a3f6520727 +size 515085 diff --git a/third_party/SuperGluePretrainedNetwork/assets/freiburg_sequence/1341847989.802890.png b/third_party/SuperGluePretrainedNetwork/assets/freiburg_sequence/1341847989.802890.png new file mode 100644 index 0000000000000000000000000000000000000000..392ec17133d1a1203c773695506c91c5d6246007 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/freiburg_sequence/1341847989.802890.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cf192251b2fe065c7be629371d3188a4d56b98ae0f2ea0ab2c875957d507a9f0 +size 519489 diff --git a/third_party/SuperGluePretrainedNetwork/assets/freiburg_sequence/1341847990.810771.png b/third_party/SuperGluePretrainedNetwork/assets/freiburg_sequence/1341847990.810771.png new file mode 100644 index 0000000000000000000000000000000000000000..d8e65f3b942409c418cde11d40521c1c6efce5c9 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/freiburg_sequence/1341847990.810771.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:19f4363e745cd112293ec7b4a2e5dea1559057162f6f261759c332109d83dbdb +size 497429 diff --git a/third_party/SuperGluePretrainedNetwork/assets/freiburg_sequence/1341847991.814748.png b/third_party/SuperGluePretrainedNetwork/assets/freiburg_sequence/1341847991.814748.png new file mode 100644 index 0000000000000000000000000000000000000000..0627386cabd802e878aa9e9bcf827f181b07a050 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/freiburg_sequence/1341847991.814748.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f81aa446d60920c0b6ac37f516e63b2c7ed0e1183e21a9cb188d0a05be72b4ab +size 487301 diff --git a/third_party/SuperGluePretrainedNetwork/assets/freiburg_sequence/1341847992.818723.png b/third_party/SuperGluePretrainedNetwork/assets/freiburg_sequence/1341847992.818723.png new file mode 100644 index 0000000000000000000000000000000000000000..65bd5b1545672792ebda50b66eb46551081c61bb --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/freiburg_sequence/1341847992.818723.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7511b531d44390668f0690583ea84a697f75eb38e0f7ea8f3932f11856248dc3 +size 498997 diff --git a/third_party/SuperGluePretrainedNetwork/assets/freiburg_sequence/1341847993.826735.png b/third_party/SuperGluePretrainedNetwork/assets/freiburg_sequence/1341847993.826735.png new file mode 100644 index 0000000000000000000000000000000000000000..4f3500c1b5daff93bc5f380f72b81486ee063fa7 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/freiburg_sequence/1341847993.826735.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8e2f6de9d16c2cd4cf36d3762049097ae7b5c1d76c392909289ced927143d6cf +size 478129 diff --git a/third_party/SuperGluePretrainedNetwork/assets/freiburg_sequence/1341847994.866828.png b/third_party/SuperGluePretrainedNetwork/assets/freiburg_sequence/1341847994.866828.png new file mode 100644 index 0000000000000000000000000000000000000000..c292539202d18a48ff8590b7c1bf02200ac330b2 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/freiburg_sequence/1341847994.866828.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:70dfd81a1e9e9b2584dd722ef35666c29e12f1f55f982ef2d8a8a768188f6217 +size 477830 diff --git a/third_party/SuperGluePretrainedNetwork/assets/freiburg_sequence/1341847995.870641.png b/third_party/SuperGluePretrainedNetwork/assets/freiburg_sequence/1341847995.870641.png new file mode 100644 index 0000000000000000000000000000000000000000..912f4d67ea46aa4541a0ab9a5e3b003a90b2eb9e --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/freiburg_sequence/1341847995.870641.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9f2fb83a292accc505fdecae554c4abd2b811e0f8658efc5e9389bc77765c4a1 +size 487065 diff --git a/third_party/SuperGluePretrainedNetwork/assets/freiburg_sequence/1341847996.874766.png b/third_party/SuperGluePretrainedNetwork/assets/freiburg_sequence/1341847996.874766.png new file mode 100644 index 0000000000000000000000000000000000000000..1d408c75fb9380eae2c0f8fcc4319d9f8f452866 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/freiburg_sequence/1341847996.874766.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7017e5ac9c1795179a10360cfbe3642203bda3df47ef4989064197dd4ffd2421 +size 483513 diff --git a/third_party/SuperGluePretrainedNetwork/assets/indoor_evaluation.png b/third_party/SuperGluePretrainedNetwork/assets/indoor_evaluation.png new file mode 100644 index 0000000000000000000000000000000000000000..40c193da5aed8036d0390ec6847a5feb1a58834d --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/indoor_evaluation.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5ea07f2a70e61b1b5715b0d8533acf049ca70ba4ad62b10718346678140645a9 +size 509765 diff --git a/third_party/SuperGluePretrainedNetwork/assets/indoor_matches.png b/third_party/SuperGluePretrainedNetwork/assets/indoor_matches.png new file mode 100644 index 0000000000000000000000000000000000000000..297ffd0e2cec139e0f1e1f2a0985613496cd12c3 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/indoor_matches.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:19f5bca5318018fa3dcdc2adfcbec00cfa1e5e9004e12a221eb2b6a019b7226e +size 511817 diff --git a/third_party/SuperGluePretrainedNetwork/assets/magicleap.png b/third_party/SuperGluePretrainedNetwork/assets/magicleap.png new file mode 100644 index 0000000000000000000000000000000000000000..fa5cd4e5474c8c3914fa82fe52e53048e8bc1f5e --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/magicleap.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e7c1e34a1ab9fcb820c6d9f060f05b17a7143c435a17950e7ae69fff16389b60 +size 40247 diff --git a/third_party/SuperGluePretrainedNetwork/assets/megadepth_train_scenes.txt b/third_party/SuperGluePretrainedNetwork/assets/megadepth_train_scenes.txt new file mode 100644 index 0000000000000000000000000000000000000000..a67dc01e486e948f7e725f35fc3ea9a2b5967999 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/megadepth_train_scenes.txt @@ -0,0 +1,153 @@ +0000 +0001 +0002 +0003 +0004 +0005 +0007 +0008 +0011 +0012 +0013 +0015 +0017 +0020 +0022 +0023 +0026 +0027 +0032 +0033 +0034 +0035 +0036 +0037 +0039 +0041 +0042 +0043 +0044 +0046 +0048 +0049 +0050 +0056 +0057 +0060 +0061 +0062 +0063 +0065 +0067 +0070 +0071 +0076 +0080 +0083 +0086 +0087 +0090 +0092 +0094 +0095 +0098 +0099 +0100 +0101 +0102 +0103 +0104 +0105 +0107 +0115 +0117 +0122 +0130 +0137 +0141 +0143 +0147 +0148 +0149 +0150 +0151 +0156 +0160 +0162 +0176 +0177 +0183 +0189 +0190 +0197 +0200 +0209 +0214 +0224 +0231 +0235 +0237 +0238 +0240 +0243 +0252 +0257 +0258 +0265 +0269 +0275 +0277 +0281 +0290 +0299 +0306 +0307 +0312 +0323 +0326 +0327 +0331 +0335 +0341 +0348 +0360 +0366 +0377 +0380 +0389 +0394 +0402 +0406 +0407 +0411 +0430 +0446 +0455 +0472 +0474 +0476 +0478 +0493 +0494 +0496 +0505 +0559 +0733 +0860 +1017 +4541 +5000 +5001 +5002 +5003 +5004 +5005 +5006 +5007 +5008 +5009 +5010 +5011 +5012 +5013 +5017 diff --git a/third_party/SuperGluePretrainedNetwork/assets/megadepth_validation_scenes.txt b/third_party/SuperGluePretrainedNetwork/assets/megadepth_validation_scenes.txt new file mode 100644 index 0000000000000000000000000000000000000000..cfdbebcdce41574779b5c478f1601ffceea74316 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/megadepth_validation_scenes.txt @@ -0,0 +1,36 @@ +0016 +0047 +0058 +0064 +0121 +0129 +0133 +0168 +0175 +0178 +0181 +0185 +0186 +0204 +0205 +0212 +0217 +0223 +0229 +0271 +0285 +0286 +0294 +0303 +0349 +0387 +0412 +0443 +0482 +0768 +1001 +3346 +5014 +5015 +5016 +5018 diff --git a/third_party/SuperGluePretrainedNetwork/assets/outdoor_matches.png b/third_party/SuperGluePretrainedNetwork/assets/outdoor_matches.png new file mode 100644 index 0000000000000000000000000000000000000000..1bedc114303105ce326ca949394c5854abdd459c --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/outdoor_matches.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bd8c51e2aa797342b926fac18943fc059c3ea0b4da0e2b9c5c5a60d3453572fe +size 829586 diff --git a/third_party/SuperGluePretrainedNetwork/assets/phototourism_sample_images/london_bridge_19481797_2295892421.jpg b/third_party/SuperGluePretrainedNetwork/assets/phototourism_sample_images/london_bridge_19481797_2295892421.jpg new file mode 100644 index 0000000000000000000000000000000000000000..ca687eeca4471e7bb9806059586fb23863a808a2 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/phototourism_sample_images/london_bridge_19481797_2295892421.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:45167ac6ca1ca2e4f5b4f3b88cea886cbcedf75cdddc6cd3214b93fe5cce93ab +size 295643 diff --git a/third_party/SuperGluePretrainedNetwork/assets/phototourism_sample_images/london_bridge_49190386_5209386933.jpg b/third_party/SuperGluePretrainedNetwork/assets/phototourism_sample_images/london_bridge_49190386_5209386933.jpg new file mode 100644 index 0000000000000000000000000000000000000000..ca220b680bb89610b0ed28b4cd45ec65ecacc5f0 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/phototourism_sample_images/london_bridge_49190386_5209386933.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:999d61b530e23ab7da3605de46676d0e89a7947b239ee77e74f6acd2a427ab5c +size 381816 diff --git a/third_party/SuperGluePretrainedNetwork/assets/phototourism_sample_images/london_bridge_78916675_4568141288.jpg b/third_party/SuperGluePretrainedNetwork/assets/phototourism_sample_images/london_bridge_78916675_4568141288.jpg new file mode 100644 index 0000000000000000000000000000000000000000..30b481f19532e3939ebaa85fd9e14d6571f72c41 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/phototourism_sample_images/london_bridge_78916675_4568141288.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5b95c1f0c56ead99a87530f7862ca80996b6039267f44c37f7c260cab8757c26 +size 293798 diff --git a/third_party/SuperGluePretrainedNetwork/assets/phototourism_sample_images/london_bridge_94185272_3874562886.jpg b/third_party/SuperGluePretrainedNetwork/assets/phototourism_sample_images/london_bridge_94185272_3874562886.jpg new file mode 100644 index 0000000000000000000000000000000000000000..eb928ab921ad5f9d558a1c8976e55ea826e8bbe7 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/phototourism_sample_images/london_bridge_94185272_3874562886.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:39b78b9b7e909ccf2f297265c9922ad34fa35ed580e0fc9edf376bb4e89d3f03 +size 368048 diff --git a/third_party/SuperGluePretrainedNetwork/assets/phototourism_sample_images/piazza_san_marco_06795901_3725050516.jpg b/third_party/SuperGluePretrainedNetwork/assets/phototourism_sample_images/piazza_san_marco_06795901_3725050516.jpg new file mode 100644 index 0000000000000000000000000000000000000000..c417181146161214a70ae2a0be0d5f40fa8c1d5d --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/phototourism_sample_images/piazza_san_marco_06795901_3725050516.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:32a07bc272b315ff3eaa12ade6aa9a6a9b99cae34a896517695a159bfada3398 +size 469610 diff --git a/third_party/SuperGluePretrainedNetwork/assets/phototourism_sample_images/piazza_san_marco_15148634_5228701572.jpg b/third_party/SuperGluePretrainedNetwork/assets/phototourism_sample_images/piazza_san_marco_15148634_5228701572.jpg new file mode 100644 index 0000000000000000000000000000000000000000..80cc9d56ec68d59ec7870ef5f538cfc98cf9c817 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/phototourism_sample_images/piazza_san_marco_15148634_5228701572.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1e95beadf2601a89edc69d66bb565300ed32d44498146ce02fc32f14a47f7c70 +size 457136 diff --git a/third_party/SuperGluePretrainedNetwork/assets/phototourism_sample_images/piazza_san_marco_18627786_5929294590.jpg b/third_party/SuperGluePretrainedNetwork/assets/phototourism_sample_images/piazza_san_marco_18627786_5929294590.jpg new file mode 100644 index 0000000000000000000000000000000000000000..8250dacf14805c073177e4a10c8ae96e92c2e126 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/phototourism_sample_images/piazza_san_marco_18627786_5929294590.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:421ea0ef24a6f6480afdf13e1d5483c6f40d4dc6928fd59af6943d26bafad790 +size 145430 diff --git a/third_party/SuperGluePretrainedNetwork/assets/phototourism_sample_images/piazza_san_marco_43351518_2659980686.jpg b/third_party/SuperGluePretrainedNetwork/assets/phototourism_sample_images/piazza_san_marco_43351518_2659980686.jpg new file mode 100644 index 0000000000000000000000000000000000000000..ad666990d8cc65f6e0d76825e000b88409e43ed5 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/phototourism_sample_images/piazza_san_marco_43351518_2659980686.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:86a1247908eacbb0dc9d383edc03ee83b50ea5f4779c7c006df32959770ba28a +size 506435 diff --git a/third_party/SuperGluePretrainedNetwork/assets/phototourism_sample_images/piazza_san_marco_58751010_4849458397.jpg b/third_party/SuperGluePretrainedNetwork/assets/phototourism_sample_images/piazza_san_marco_58751010_4849458397.jpg new file mode 100644 index 0000000000000000000000000000000000000000..f0fd5f68f21e54b4b4033e1d9c3b29193bab7f91 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/phototourism_sample_images/piazza_san_marco_58751010_4849458397.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:acd9e43d253516b23756339f0e82979a69f2f01fef9484c8ca1da5a8c9b3ba98 +size 601365 diff --git a/third_party/SuperGluePretrainedNetwork/assets/phototourism_sample_images/st_pauls_cathedral_30776973_2635313996.jpg b/third_party/SuperGluePretrainedNetwork/assets/phototourism_sample_images/st_pauls_cathedral_30776973_2635313996.jpg new file mode 100644 index 0000000000000000000000000000000000000000..c9ee7aca8caeb5bc6a22ecf0c4f789d467741079 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/phototourism_sample_images/st_pauls_cathedral_30776973_2635313996.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:68de07942d852f81915367de73adfb5ff612646f33d5a4d523d83df5d6bbdab7 +size 531254 diff --git a/third_party/SuperGluePretrainedNetwork/assets/phototourism_sample_images/st_pauls_cathedral_37347628_10902811376.jpg b/third_party/SuperGluePretrainedNetwork/assets/phototourism_sample_images/st_pauls_cathedral_37347628_10902811376.jpg new file mode 100644 index 0000000000000000000000000000000000000000..1828d6e5831c63925e60cfc4e2334beb73a601b2 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/phototourism_sample_images/st_pauls_cathedral_37347628_10902811376.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9e1e6f984286998887ccbd1c6c99632d6e97936eea185b9ee93476badacbde11 +size 646814 diff --git a/third_party/SuperGluePretrainedNetwork/assets/phototourism_sample_images/united_states_capitol_26757027_6717084061.jpg b/third_party/SuperGluePretrainedNetwork/assets/phototourism_sample_images/united_states_capitol_26757027_6717084061.jpg new file mode 100644 index 0000000000000000000000000000000000000000..b61efcbf0dc78652eae119d6e8ada4c087f9d70d --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/phototourism_sample_images/united_states_capitol_26757027_6717084061.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:05ad1e66d7fee2f9e11766160522ad823f1fcc0ab8a5740a6c89b1765228ea32 +size 334048 diff --git a/third_party/SuperGluePretrainedNetwork/assets/phototourism_sample_images/united_states_capitol_98169888_3347710852.jpg b/third_party/SuperGluePretrainedNetwork/assets/phototourism_sample_images/united_states_capitol_98169888_3347710852.jpg new file mode 100644 index 0000000000000000000000000000000000000000..11f51edc25202ed31722422798c87f88dcb296c9 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/phototourism_sample_images/united_states_capitol_98169888_3347710852.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8ed3a68939b922bc2362b1d8051c24d2ca03be6a431fcc7c423e157012debd5a +size 424584 diff --git a/third_party/SuperGluePretrainedNetwork/assets/phototourism_sample_pairs.txt b/third_party/SuperGluePretrainedNetwork/assets/phototourism_sample_pairs.txt new file mode 100644 index 0000000000000000000000000000000000000000..cb0e590010e05629912bbc08cddb862438eb6f6b --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/phototourism_sample_pairs.txt @@ -0,0 +1,7 @@ +london_bridge_78916675_4568141288.jpg london_bridge_19481797_2295892421.jpg +london_bridge_94185272_3874562886.jpg london_bridge_49190386_5209386933.jpg +piazza_san_marco_15148634_5228701572.jpg piazza_san_marco_06795901_3725050516.jpg +piazza_san_marco_43351518_2659980686.jpg piazza_san_marco_06795901_3725050516.jpg +piazza_san_marco_58751010_4849458397.jpg piazza_san_marco_18627786_5929294590.jpg +st_pauls_cathedral_37347628_10902811376.jpg st_pauls_cathedral_30776973_2635313996.jpg +united_states_capitol_98169888_3347710852.jpg united_states_capitol_98169888_3347710852.jpg diff --git a/third_party/SuperGluePretrainedNetwork/assets/phototourism_test_pairs.txt b/third_party/SuperGluePretrainedNetwork/assets/phototourism_test_pairs.txt new file mode 100644 index 0000000000000000000000000000000000000000..cfd8eee82bd4bda9f2b7b0a55f951500db72a878 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/phototourism_test_pairs.txt @@ -0,0 +1,2200 @@ +british_museum/21783456_2971533392.jpg british_museum/07618374_5409323904.jpg 0 0 +british_museum/22039786_11692336465.jpg british_museum/10725166_210986135.jpg 0 0 +british_museum/25333899_5063869686.jpg british_museum/14814456_7397718362.jpg 0 0 +british_museum/25835874_2290704761.jpg british_museum/02789445_2500767535.jpg 0 0 +british_museum/26994958_5568765615.jpg british_museum/10725166_210986135.jpg 0 0 +british_museum/28066954_5801348147.jpg british_museum/17000533_4343611292.jpg 0 0 +british_museum/28309287_5482270912.jpg british_museum/27887036_2634115949.jpg 0 0 +british_museum/29290746_7690411380.jpg british_museum/23892796_45941596.jpg 0 0 +british_museum/30238467_7664428896.jpg british_museum/29290746_7690411380.jpg 0 0 +british_museum/30374960_393984906.jpg british_museum/18149355_2532015166.jpg 3 1 +british_museum/30495805_5912735553.jpg british_museum/09870927_4193610629.jpg 0 0 +british_museum/30495805_5912735553.jpg british_museum/30374960_393984906.jpg 0 3 +british_museum/35568854_6106649415.jpg british_museum/14814456_7397718362.jpg 0 0 +british_museum/35861248_5474639977.jpg british_museum/09870927_4193610629.jpg 0 0 +british_museum/39546168_6280894691.jpg british_museum/04627576_2750742151.jpg 0 0 +british_museum/40945321_2562991048.jpg british_museum/39546168_6280894691.jpg 0 0 +british_museum/41882743_5132070620.jpg british_museum/09975163_10600180885.jpg 0 0 +british_museum/42596354_11858260693.jpg british_museum/17892330_2218662345.jpg 0 0 +british_museum/43319919_2358994307.jpg british_museum/19873567_5408714515.jpg 0 0 +british_museum/43855672_2781270931.jpg british_museum/41882743_5132070620.jpg 0 0 +british_museum/46523710_6109931424.jpg british_museum/09870927_4193610629.jpg 0 0 +british_museum/46850094_5937993250.jpg british_museum/09870927_4193610629.jpg 0 0 +british_museum/48604690_5179666188.jpg british_museum/39516529_5486960558.jpg 0 0 +british_museum/51848094_2642219583.jpg british_museum/07508751_22827370.jpg 0 0 +british_museum/52343830_2400749170.jpg british_museum/23863694_372143645.jpg 0 3 +british_museum/52343830_2400749170.jpg british_museum/51716093_536215720.jpg 0 0 +british_museum/52641281_5921667676.jpg british_museum/22467221_1323496958.jpg 0 0 +british_museum/53110874_2610665555.jpg british_museum/02789445_2500767535.jpg 0 0 +british_museum/53110874_2610665555.jpg british_museum/30238467_7664428896.jpg 0 0 +british_museum/53631371_144323144.jpg british_museum/41882743_5132070620.jpg 0 0 +british_museum/54432186_6732914439.jpg british_museum/30495805_5912735553.jpg 0 0 +british_museum/54432186_6732914439.jpg british_museum/31925345_5986804667.jpg 0 0 +british_museum/54492926_2634117147.jpg british_museum/30374960_393984906.jpg 0 3 +british_museum/54492926_2634117147.jpg british_museum/30495878_2949278547.jpg 0 0 +british_museum/54569500_9034600502.jpg british_museum/17892330_2218662345.jpg 0 0 +british_museum/54569500_9034600502.jpg british_museum/41882743_5132070620.jpg 0 0 +british_museum/54934389_2393789063.jpg british_museum/53015429_4311020089.jpg 0 0 +british_museum/55563845_3023266682.jpg british_museum/44102203_6822620373.jpg 0 0 +british_museum/55563845_3023266682.jpg british_museum/51848094_2642219583.jpg 0 0 +british_museum/55881595_2182031420.jpg british_museum/30374960_393984906.jpg 0 3 +british_museum/56818398_67603532.jpg british_museum/32630292_7166579210.jpg 0 0 +british_museum/56818398_67603532.jpg british_museum/35568854_6106649415.jpg 0 0 +british_museum/56818398_67603532.jpg british_museum/36043547_2805444677.jpg 0 3 +british_museum/57438193_170462993.jpg british_museum/01714342_2375308475.jpg 0 0 +british_museum/57438193_170462993.jpg british_museum/34896963_4194368038.jpg 0 0 +british_museum/57807237_2500767059.jpg british_museum/45240531_470915196.jpg 0 0 +british_museum/58132948_4553828584.jpg british_museum/09870927_4193610629.jpg 0 0 +british_museum/58132948_4553828584.jpg british_museum/56077937_11050217365.jpg 0 0 +british_museum/58337843_5934444401.jpg british_museum/18697644_4275725985.jpg 0 0 +british_museum/59356487_3468534134.jpg british_museum/09362272_3871121693.jpg 0 0 +british_museum/59484272_3704667390.jpg british_museum/51716093_536215720.jpg 0 0 +british_museum/59684325_8212350478.jpg british_museum/23892796_45941596.jpg 0 0 +british_museum/59776910_3622794170.jpg british_museum/10172975_5105631103.jpg 0 0 +british_museum/59776910_3622794170.jpg british_museum/12813896_5408754999.jpg 0 0 +british_museum/59776910_3622794170.jpg british_museum/23250660_5982797092.jpg 0 0 +british_museum/59776910_3622794170.jpg british_museum/33576325_7291394950.jpg 0 0 +british_museum/59776910_3622794170.jpg british_museum/39630134_3507258469.jpg 0 0 +british_museum/60165208_125807143.jpg british_museum/40792207_5794434289.jpg 0 0 +british_museum/60624404_7093768535.jpg british_museum/51716093_536215720.jpg 0 0 +british_museum/60875676_4666708839.jpg british_museum/02789445_2500767535.jpg 0 0 +british_museum/61274258_2551703649.jpg british_museum/51716093_536215720.jpg 0 0 +british_museum/61744140_838726075.jpg british_museum/19811771_3152186510.jpg 0 0 +british_museum/62261465_120284498.jpg british_museum/56818398_67603532.jpg 0 0 +british_museum/62261465_120284498.jpg british_museum/59776910_3622794170.jpg 0 0 +british_museum/62843817_301493387.jpg british_museum/09362272_3871121693.jpg 0 0 +british_museum/63647221_4349439258.jpg british_museum/47258008_8914234310.jpg 0 0 +british_museum/64110891_3944322847.jpg british_museum/01714342_2375308475.jpg 0 0 +british_museum/64110891_3944322847.jpg british_museum/09218102_3818070255.jpg 0 0 +british_museum/64110891_3944322847.jpg british_museum/22713711_5028894599.jpg 0 0 +british_museum/64110891_3944322847.jpg british_museum/44339363_2122528940.jpg 0 0 +british_museum/64110891_3944322847.jpg british_museum/47061851_5297647209.jpg 0 0 +british_museum/64192985_9368204363.jpg british_museum/57807237_2500767059.jpg 0 0 +british_museum/64257015_2160218396.jpg british_museum/41882743_5132070620.jpg 0 0 +british_museum/64503231_777423421.jpg british_museum/02789445_2500767535.jpg 0 0 +british_museum/65279829_163864621.jpg british_museum/56818398_67603532.jpg 0 0 +british_museum/65691662_286963520.jpg british_museum/15636160_5327134041.jpg 0 0 +british_museum/65691662_286963520.jpg british_museum/56818398_67603532.jpg 0 0 +british_museum/66361736_3945101598.jpg british_museum/17963565_2578302660.jpg 0 0 +british_museum/66361736_3945101598.jpg british_museum/20187220_46591817.jpg 0 0 +british_museum/66361736_3945101598.jpg british_museum/36709037_8910462704.jpg 0 0 +british_museum/66361736_3945101598.jpg british_museum/44035430_265894455.jpg 0 0 +british_museum/66361736_3945101598.jpg british_museum/55218338_1497705015.jpg 0 0 +british_museum/66364773_165398970.jpg british_museum/56080370_3449966248.jpg 0 0 +british_museum/66733580_8585814343.jpg british_museum/02789445_2500767535.jpg 0 0 +british_museum/66747696_4734591579.jpg british_museum/62620282_3728576515.jpg 0 0 +british_museum/66757775_3535589713.jpg british_museum/46523710_6109931424.jpg 0 0 +british_museum/66963232_7912610388.jpg british_museum/10725166_210986135.jpg 0 0 +british_museum/66963232_7912610388.jpg british_museum/23863694_372143645.jpg 0 3 +british_museum/66963232_7912610388.jpg british_museum/58337843_5934444401.jpg 0 0 +british_museum/66963232_7912610388.jpg british_museum/58701822_166137466.jpg 0 0 +british_museum/67399585_2642059229.jpg british_museum/05089774_6618832341.jpg 0 0 +british_museum/67521166_4735236552.jpg british_museum/09362272_3871121693.jpg 0 0 +british_museum/68534278_13196508075.jpg british_museum/67894974_9704498288.jpg 0 0 +british_museum/68534278_13196508075.jpg british_museum/68183663_7539503024.jpg 0 0 +british_museum/68975965_11601840476.jpg british_museum/46870811_4659770956.jpg 0 0 +british_museum/69632537_5393285440.jpg british_museum/03019316_6707979451.jpg 0 0 +british_museum/69706305_4771581603.jpg british_museum/48070231_5409322582.jpg 0 0 +british_museum/69799659_11614399766.jpg british_museum/47258008_8914234310.jpg 0 0 +british_museum/69879525_3155654881.jpg british_museum/57807237_2500767059.jpg 0 0 +british_museum/69884816_1114432.jpg british_museum/25308247_4757972250.jpg 0 0 +british_museum/70034996_51547496.jpg british_museum/19811771_3152186510.jpg 0 0 +british_museum/70520992_1804941505.jpg british_museum/69706305_4771581603.jpg 0 0 +british_museum/71377790_476578807.jpg british_museum/32373137_9207384481.jpg 0 0 +british_museum/71396196_4351433289.jpg british_museum/64110891_3944322847.jpg 0 0 +british_museum/71560492_2226424889.jpg british_museum/02789445_2500767535.jpg 0 0 +british_museum/72635802_12877178333.jpg british_museum/64110891_3944322847.jpg 0 0 +british_museum/72922972_4724097532.jpg british_museum/39546168_6280894691.jpg 0 0 +british_museum/74648380_4530897643.jpg british_museum/56818398_67603532.jpg 0 0 +british_museum/75534777_10322070844.jpg british_museum/48604690_5179666188.jpg 0 0 +british_museum/75613192_3539556258.jpg british_museum/50494896_2418084141.jpg 0 0 +british_museum/76741193_8585816059.jpg british_museum/10725166_210986135.jpg 3 0 +british_museum/76741193_8585816059.jpg british_museum/26994958_5568765615.jpg 3 0 +british_museum/76741193_8585816059.jpg british_museum/57629819_2444183393.jpg 3 0 +british_museum/76741193_8585816059.jpg british_museum/58659766_1041227227.jpg 3 3 +british_museum/76741193_8585816059.jpg british_museum/59356487_3468534134.jpg 3 0 +british_museum/76741193_8585816059.jpg british_museum/61744140_838726075.jpg 3 0 +british_museum/77196526_11613990374.jpg british_museum/03779286_3528001573.jpg 0 0 +british_museum/77196526_11613990374.jpg british_museum/10725166_210986135.jpg 0 0 +british_museum/77196526_11613990374.jpg british_museum/29057984_287139632.jpg 0 0 +british_museum/77196526_11613990374.jpg british_museum/57504314_2114264842.jpg 0 0 +british_museum/78242267_4404579754.jpg british_museum/57438193_170462993.jpg 0 0 +british_museum/78567520_2219457772.jpg british_museum/69766149_453830665.jpg 0 0 +british_museum/79385623_2202863649.jpg british_museum/68912930_165398714.jpg 0 1 +british_museum/79385623_2202863649.jpg british_museum/69706305_4771581603.jpg 0 0 +british_museum/79681306_5348208438.jpg british_museum/10725166_210986135.jpg 0 0 +british_museum/79681306_5348208438.jpg british_museum/56077937_11050217365.jpg 0 0 +british_museum/79681306_5348208438.jpg british_museum/76462145_3459662305.jpg 0 0 +british_museum/79980354_3751017823.jpg british_museum/54432186_6732914439.jpg 0 0 +british_museum/80161521_2399885635.jpg british_museum/46523710_6109931424.jpg 0 0 +british_museum/81052641_5526661339.jpg british_museum/15636160_5327134041.jpg 0 0 +british_museum/81052641_5526661339.jpg british_museum/58599244_8641713314.jpg 0 0 +british_museum/81052641_5526661339.jpg british_museum/73361450_117839447.jpg 0 0 +british_museum/81172226_5179661294.jpg british_museum/54934389_2393789063.jpg 0 0 +british_museum/81366137_3143964867.jpg british_museum/09870927_4193610629.jpg 0 0 +british_museum/82132600_8730545308.jpg british_museum/64110891_3944322847.jpg 0 0 +british_museum/82187389_317228863.jpg british_museum/56818398_67603532.jpg 0 0 +british_museum/83299277_7212707038.jpg british_museum/66067756_237532598.jpg 0 0 +british_museum/83592641_5467510075.jpg british_museum/66747696_4734591579.jpg 0 0 +british_museum/84019782_6926081795.jpg british_museum/57807237_2500767059.jpg 0 0 +british_museum/84208611_3520876625.jpg british_museum/75613192_3539556258.jpg 0 0 +british_museum/84315289_242789529.jpg british_museum/09362272_3871121693.jpg 0 0 +british_museum/84321909_4360220519.jpg british_museum/75534777_10322070844.jpg 0 0 +british_museum/84605792_5199627032.jpg british_museum/66361736_3945101598.jpg 0 0 +british_museum/85369368_5369464690.jpg british_museum/09362272_3871121693.jpg 0 0 +british_museum/85606696_422460321.jpg british_museum/15636160_5327134041.jpg 0 0 +british_museum/85606696_422460321.jpg british_museum/34896963_4194368038.jpg 0 0 +british_museum/86062818_4491195436.jpg british_museum/47258008_8914234310.jpg 0 0 +british_museum/86272828_1359217566.jpg british_museum/79385623_2202863649.jpg 0 0 +british_museum/86733143_5681741642.jpg british_museum/14814456_7397718362.jpg 0 0 +british_museum/86818284_7615973786.jpg british_museum/19254317_158538587.jpg 0 0 +british_museum/86818284_7615973786.jpg british_museum/45240531_470915196.jpg 0 0 +british_museum/86818284_7615973786.jpg british_museum/66685740_3660877881.jpg 0 0 +british_museum/86818284_7615973786.jpg british_museum/81272348_2712949069.jpg 0 0 +british_museum/86818284_7615973786.jpg british_museum/82564385_24003592.jpg 0 0 +british_museum/87067539_5794997024.jpg british_museum/52610013_375000420.jpg 3 0 +british_museum/87279092_815841843.jpg british_museum/57438193_170462993.jpg 0 0 +british_museum/87279092_815841843.jpg british_museum/86818284_7615973786.jpg 0 0 +british_museum/87893778_8781019493.jpg british_museum/14814456_7397718362.jpg 0 0 +british_museum/88110076_352997577.jpg british_museum/83299277_7212707038.jpg 0 0 +british_museum/89208997_5875216727.jpg british_museum/66757775_3535589713.jpg 0 0 +british_museum/89880434_3540008960.jpg british_museum/64110891_3944322847.jpg 0 0 +british_museum/90076656_8316606866.jpg british_museum/30374960_393984906.jpg 0 3 +british_museum/90388818_4825175204.jpg british_museum/58350223_4040022191.jpg 0 0 +british_museum/90798890_2553089250.jpg british_museum/14957965_2876220965.jpg 0 0 +british_museum/90798890_2553089250.jpg british_museum/23329173_9422415299.jpg 0 0 +british_museum/90798890_2553089250.jpg british_museum/51848094_2642219583.jpg 0 0 +british_museum/90798890_2553089250.jpg british_museum/87067539_5794997024.jpg 0 3 +british_museum/90798890_2553089250.jpg british_museum/87893778_8781019493.jpg 0 0 +british_museum/90968078_4040765482.jpg british_museum/61961464_5659854981.jpg 0 0 +british_museum/91318971_6671920823.jpg british_museum/81836141_3945398460.jpg 0 0 +british_museum/91983721_6862177766.jpg british_museum/60875676_4666708839.jpg 0 0 +british_museum/92242343_4351333520.jpg british_museum/05089774_6618832341.jpg 0 0 +british_museum/92308956_2480928868.jpg british_museum/12183264_10844838115.jpg 0 0 +british_museum/92308956_2480928868.jpg british_museum/56080370_3449966248.jpg 0 0 +british_museum/92383832_5367209306.jpg british_museum/02789445_2500767535.jpg 0 0 +british_museum/92896357_5479934879.jpg british_museum/23892796_45941596.jpg 0 0 +british_museum/92973835_13583742113.jpg british_museum/66757775_3535589713.jpg 0 0 +british_museum/93500877_5195121329.jpg british_museum/14814456_7397718362.jpg 0 0 +british_museum/94308218_4349427490.jpg british_museum/76741193_8585816059.jpg 0 3 +british_museum/94345807_4553191473.jpg british_museum/54432186_6732914439.jpg 0 0 +british_museum/94719495_310201612.jpg british_museum/02789445_2500767535.jpg 0 0 +british_museum/94814828_8153387133.jpg british_museum/80161521_2399885635.jpg 0 0 +british_museum/96140242_5551431908.jpg british_museum/23892796_45941596.jpg 0 0 +british_museum/96245673_12877093675.jpg british_museum/83130150_51547407.jpg 0 0 +british_museum/96635807_3210210316.jpg british_museum/15636160_5327134041.jpg 0 0 +british_museum/96925860_4623505688.jpg british_museum/48070231_5409322582.jpg 0 0 +british_museum/96925860_4623505688.jpg british_museum/92973835_13583742113.jpg 0 0 +british_museum/98358946_15909027.jpg british_museum/14814456_7397718362.jpg 0 0 +british_museum/98850412_5110243970.jpg british_museum/07618374_5409323904.jpg 0 0 +british_museum/98955853_5937995508.jpg british_museum/25253451_2795274777.jpg 0 0 +british_museum/99058779_6384430415.jpg british_museum/69706305_4771581603.jpg 0 0 +british_museum/99058779_6384430415.jpg british_museum/98277382_1309505179.jpg 0 0 +british_museum/99178893_263092967.jpg british_museum/70034996_51547496.jpg 0 0 +british_museum/99662030_3945401118.jpg british_museum/32630292_7166579210.jpg 0 0 +british_museum/99662030_3945401118.jpg british_museum/53266793_5569350416.jpg 0 0 +british_museum/99662030_3945401118.jpg british_museum/61560605_247964472.jpg 0 0 +british_museum/99662030_3945401118.jpg british_museum/66733580_8585814343.jpg 0 0 +british_museum/99662030_3945401118.jpg british_museum/68183663_7539503024.jpg 0 0 +british_museum/99981082_8904760272.jpg british_museum/07618374_5409323904.jpg 0 0 +british_museum/99981082_8904760272.jpg british_museum/47258008_8914234310.jpg 0 0 +florence_cathedral_side/06984097_7830261366.jpg florence_cathedral_side/05593705_2177935075.jpg 0 0 +florence_cathedral_side/07688117_1026530950.jpg florence_cathedral_side/05593705_2177935075.jpg 0 0 +florence_cathedral_side/19623962_9009504241.jpg florence_cathedral_side/06138839_8793674417.jpg 0 0 +florence_cathedral_side/20481977_7804855224.jpg florence_cathedral_side/06138839_8793674417.jpg 0 0 +florence_cathedral_side/21844166_13067314974.jpg florence_cathedral_side/05593705_2177935075.jpg 0 0 +florence_cathedral_side/33896507_8272283239.jpg florence_cathedral_side/07102255_5222394657.jpg 0 0 +florence_cathedral_side/34161017_5996545915.jpg florence_cathedral_side/07102255_5222394657.jpg 0 0 +florence_cathedral_side/34400199_9548039637.jpg florence_cathedral_side/05593705_2177935075.jpg 0 0 +florence_cathedral_side/34400199_9548039637.jpg florence_cathedral_side/19618724_81816830.jpg 0 0 +florence_cathedral_side/34736117_5001830643.jpg florence_cathedral_side/07102255_5222394657.jpg 0 0 +florence_cathedral_side/35243762_416446215.jpg florence_cathedral_side/34400199_9548039637.jpg 0 0 +florence_cathedral_side/35267176_1353435726.jpg florence_cathedral_side/34400199_9548039637.jpg 0 0 +florence_cathedral_side/35838002_13697957154.jpg florence_cathedral_side/05593705_2177935075.jpg 0 0 +florence_cathedral_side/35838002_13697957154.jpg florence_cathedral_side/07102255_5222394657.jpg 0 0 +florence_cathedral_side/36012353_13433924113.jpg florence_cathedral_side/34400199_9548039637.jpg 0 0 +florence_cathedral_side/36012353_13433924113.jpg florence_cathedral_side/34736117_5001830643.jpg 0 0 +florence_cathedral_side/36470436_130676209.jpg florence_cathedral_side/05593705_2177935075.jpg 3 0 +florence_cathedral_side/36470436_130676209.jpg florence_cathedral_side/33896507_8272283239.jpg 3 0 +florence_cathedral_side/36521884_472257079.jpg florence_cathedral_side/07691402_9180973630.jpg 0 0 +florence_cathedral_side/36521884_472257079.jpg florence_cathedral_side/34736117_5001830643.jpg 0 0 +florence_cathedral_side/36521884_472257079.jpg florence_cathedral_side/34824668_2071634431.jpg 0 0 +florence_cathedral_side/48537388_6040814708.jpg florence_cathedral_side/06138839_8793674417.jpg 0 0 +florence_cathedral_side/48537388_6040814708.jpg florence_cathedral_side/07170052_39793444.jpg 0 0 +florence_cathedral_side/48537388_6040814708.jpg florence_cathedral_side/21092931_6209688483.jpg 0 0 +florence_cathedral_side/48537388_6040814708.jpg florence_cathedral_side/34532087_392493646.jpg 0 0 +florence_cathedral_side/48890355_5768174237.jpg florence_cathedral_side/06984097_7830261366.jpg 0 0 +florence_cathedral_side/48890355_5768174237.jpg florence_cathedral_side/33896507_8272283239.jpg 0 0 +florence_cathedral_side/48890355_5768174237.jpg florence_cathedral_side/36354171_3831140082.jpg 0 0 +florence_cathedral_side/49127970_3356341878.jpg florence_cathedral_side/05246669_3774806731.jpg 0 0 +florence_cathedral_side/49127970_3356341878.jpg florence_cathedral_side/05679914_8794523573.jpg 0 0 +florence_cathedral_side/49346328_4692994092.jpg florence_cathedral_side/06984097_7830261366.jpg 0 0 +florence_cathedral_side/49346328_4692994092.jpg florence_cathedral_side/07102255_5222394657.jpg 0 0 +florence_cathedral_side/49346328_4692994092.jpg florence_cathedral_side/07691402_9180973630.jpg 0 0 +florence_cathedral_side/49346328_4692994092.jpg florence_cathedral_side/19618724_81816830.jpg 0 0 +florence_cathedral_side/49346328_4692994092.jpg florence_cathedral_side/21092931_6209688483.jpg 0 0 +florence_cathedral_side/49346328_4692994092.jpg florence_cathedral_side/21844166_13067314974.jpg 0 0 +florence_cathedral_side/49346328_4692994092.jpg florence_cathedral_side/34532087_392493646.jpg 0 0 +florence_cathedral_side/49350312_1193155509.jpg florence_cathedral_side/05593705_2177935075.jpg 0 0 +florence_cathedral_side/49350312_1193155509.jpg florence_cathedral_side/06138839_8793674417.jpg 0 0 +florence_cathedral_side/49350312_1193155509.jpg florence_cathedral_side/07102255_5222394657.jpg 0 0 +florence_cathedral_side/49350312_1193155509.jpg florence_cathedral_side/19618724_81816830.jpg 0 0 +florence_cathedral_side/49415275_4483143975.jpg florence_cathedral_side/34400199_9548039637.jpg 0 0 +florence_cathedral_side/49415275_4483143975.jpg florence_cathedral_side/36470436_130676209.jpg 0 3 +florence_cathedral_side/50314000_12592142.jpg florence_cathedral_side/05593705_2177935075.jpg 0 0 +florence_cathedral_side/50314000_12592142.jpg florence_cathedral_side/34400199_9548039637.jpg 0 0 +florence_cathedral_side/50539085_639668401.jpg florence_cathedral_side/05593705_2177935075.jpg 3 0 +florence_cathedral_side/50787802_3314113427.jpg florence_cathedral_side/05593705_2177935075.jpg 0 0 +florence_cathedral_side/50858148_1874262109.jpg florence_cathedral_side/50405849_3072943829.jpg 0 0 +florence_cathedral_side/62636559_5644270030.jpg florence_cathedral_side/05593705_2177935075.jpg 0 0 +florence_cathedral_side/62636559_5644270030.jpg florence_cathedral_side/36470436_130676209.jpg 0 3 +florence_cathedral_side/62803022_2343099629.jpg florence_cathedral_side/48537388_6040814708.jpg 0 0 +florence_cathedral_side/62803022_2343099629.jpg florence_cathedral_side/49346328_4692994092.jpg 0 0 +florence_cathedral_side/62803022_2343099629.jpg florence_cathedral_side/49350312_1193155509.jpg 0 0 +florence_cathedral_side/63171471_386589435.jpg florence_cathedral_side/36470436_130676209.jpg 0 3 +florence_cathedral_side/63171471_386589435.jpg florence_cathedral_side/48537388_6040814708.jpg 0 0 +florence_cathedral_side/63184385_8522029473.jpg florence_cathedral_side/36521884_472257079.jpg 0 0 +florence_cathedral_side/63239025_5812522935.jpg florence_cathedral_side/36521884_472257079.jpg 0 0 +florence_cathedral_side/63341875_4599023550.jpg florence_cathedral_side/05593705_2177935075.jpg 0 0 +florence_cathedral_side/63383183_382026599.jpg florence_cathedral_side/05593705_2177935075.jpg 0 0 +florence_cathedral_side/63754032_4616826086.jpg florence_cathedral_side/49346328_4692994092.jpg 1 0 +florence_cathedral_side/63875841_2714057436.jpg florence_cathedral_side/06138839_8793674417.jpg 0 0 +florence_cathedral_side/63875841_2714057436.jpg florence_cathedral_side/36354171_3831140082.jpg 0 0 +florence_cathedral_side/63875841_2714057436.jpg florence_cathedral_side/36470436_130676209.jpg 0 3 +florence_cathedral_side/63875841_2714057436.jpg florence_cathedral_side/48890355_5768174237.jpg 0 0 +florence_cathedral_side/63875841_2714057436.jpg florence_cathedral_side/48954437_6155336427.jpg 0 0 +florence_cathedral_side/64159275_6716434153.jpg florence_cathedral_side/20481977_7804855224.jpg 0 0 +florence_cathedral_side/64159275_6716434153.jpg florence_cathedral_side/20643929_3152668774.jpg 0 0 +florence_cathedral_side/64702197_7218356158.jpg florence_cathedral_side/49346328_4692994092.jpg 0 0 +florence_cathedral_side/64750839_6912572698.jpg florence_cathedral_side/21844166_13067314974.jpg 0 0 +florence_cathedral_side/64909672_392493972.jpg florence_cathedral_side/07102255_5222394657.jpg 0 0 +florence_cathedral_side/64909672_392493972.jpg florence_cathedral_side/36521884_472257079.jpg 0 0 +florence_cathedral_side/64909672_392493972.jpg florence_cathedral_side/48537388_6040814708.jpg 0 0 +florence_cathedral_side/64909672_392493972.jpg florence_cathedral_side/50858148_1874262109.jpg 0 0 +florence_cathedral_side/65092335_3535759515.jpg florence_cathedral_side/05593705_2177935075.jpg 0 0 +florence_cathedral_side/65092335_3535759515.jpg florence_cathedral_side/20481977_7804855224.jpg 0 0 +florence_cathedral_side/65254812_348995275.jpg florence_cathedral_side/36470436_130676209.jpg 0 3 +florence_cathedral_side/76840078_3613849894.jpg florence_cathedral_side/34161017_5996545915.jpg 0 0 +florence_cathedral_side/76840078_3613849894.jpg florence_cathedral_side/48537388_6040814708.jpg 0 0 +florence_cathedral_side/76840078_3613849894.jpg florence_cathedral_side/48890355_5768174237.jpg 0 0 +florence_cathedral_side/76840078_3613849894.jpg florence_cathedral_side/63239025_5812522935.jpg 0 0 +florence_cathedral_side/77361965_67910438.jpg florence_cathedral_side/21092931_6209688483.jpg 0 0 +florence_cathedral_side/77361965_67910438.jpg florence_cathedral_side/34161017_5996545915.jpg 0 0 +florence_cathedral_side/77361965_67910438.jpg florence_cathedral_side/34532087_392493646.jpg 0 0 +florence_cathedral_side/77361965_67910438.jpg florence_cathedral_side/50314000_12592142.jpg 0 0 +florence_cathedral_side/77361965_67910438.jpg florence_cathedral_side/63754032_4616826086.jpg 0 1 +florence_cathedral_side/77361965_67910438.jpg florence_cathedral_side/64159275_6716434153.jpg 0 0 +florence_cathedral_side/77439149_5156106058.jpg florence_cathedral_side/07102255_5222394657.jpg 0 0 +florence_cathedral_side/77439149_5156106058.jpg florence_cathedral_side/07170052_39793444.jpg 0 0 +florence_cathedral_side/77439149_5156106058.jpg florence_cathedral_side/49415275_4483143975.jpg 0 0 +florence_cathedral_side/77489583_8137975807.jpg florence_cathedral_side/48537388_6040814708.jpg 0 0 +florence_cathedral_side/77715496_8436223314.jpg florence_cathedral_side/34400199_9548039637.jpg 0 0 +florence_cathedral_side/77715496_8436223314.jpg florence_cathedral_side/48394746_8534396715.jpg 0 0 +florence_cathedral_side/77715496_8436223314.jpg florence_cathedral_side/48537388_6040814708.jpg 0 0 +florence_cathedral_side/77715496_8436223314.jpg florence_cathedral_side/49350312_1193155509.jpg 0 0 +florence_cathedral_side/77715496_8436223314.jpg florence_cathedral_side/65092335_3535759515.jpg 0 0 +florence_cathedral_side/77715496_8436223314.jpg florence_cathedral_side/76927395_4805660921.jpg 0 0 +florence_cathedral_side/77895569_3992142858.jpg florence_cathedral_side/19554081_6203874230.jpg 0 1 +florence_cathedral_side/77895569_3992142858.jpg florence_cathedral_side/77361965_67910438.jpg 0 0 +florence_cathedral_side/77919832_437428975.jpg florence_cathedral_side/36012353_13433924113.jpg 0 0 +florence_cathedral_side/77919832_437428975.jpg florence_cathedral_side/36470436_130676209.jpg 0 3 +florence_cathedral_side/77919832_437428975.jpg florence_cathedral_side/48537388_6040814708.jpg 0 0 +florence_cathedral_side/78034643_9180969128.jpg florence_cathedral_side/19623962_9009504241.jpg 0 0 +florence_cathedral_side/78034643_9180969128.jpg florence_cathedral_side/36470436_130676209.jpg 0 3 +florence_cathedral_side/78034643_9180969128.jpg florence_cathedral_side/50858148_1874262109.jpg 0 0 +florence_cathedral_side/78034643_9180969128.jpg florence_cathedral_side/76820645_7270040720.jpg 0 0 +florence_cathedral_side/78331876_8112939340.jpg florence_cathedral_side/05593705_2177935075.jpg 0 0 +florence_cathedral_side/78331876_8112939340.jpg florence_cathedral_side/19554081_6203874230.jpg 0 1 +florence_cathedral_side/78331876_8112939340.jpg florence_cathedral_side/48537388_6040814708.jpg 0 0 +florence_cathedral_side/78331876_8112939340.jpg florence_cathedral_side/62636559_5644270030.jpg 0 0 +florence_cathedral_side/78590203_7670206258.jpg florence_cathedral_side/05593705_2177935075.jpg 0 0 +florence_cathedral_side/78590203_7670206258.jpg florence_cathedral_side/77361965_67910438.jpg 0 0 +florence_cathedral_side/78703726_4049544434.jpg florence_cathedral_side/07688117_1026530950.jpg 0 0 +florence_cathedral_side/78703726_4049544434.jpg florence_cathedral_side/34532087_392493646.jpg 0 0 +florence_cathedral_side/78703726_4049544434.jpg florence_cathedral_side/34736117_5001830643.jpg 0 0 +florence_cathedral_side/78703726_4049544434.jpg florence_cathedral_side/50314000_12592142.jpg 0 0 +florence_cathedral_side/78703726_4049544434.jpg florence_cathedral_side/62969936_60912810.jpg 0 0 +florence_cathedral_side/78703726_4049544434.jpg florence_cathedral_side/77919832_437428975.jpg 0 0 +florence_cathedral_side/78866526_10679960304.jpg florence_cathedral_side/50858148_1874262109.jpg 0 0 +florence_cathedral_side/79431289_3927070877.jpg florence_cathedral_side/07102255_5222394657.jpg 0 0 +florence_cathedral_side/79431289_3927070877.jpg florence_cathedral_side/34400199_9548039637.jpg 0 0 +florence_cathedral_side/91147212_137583658.jpg florence_cathedral_side/05593705_2177935075.jpg 0 0 +florence_cathedral_side/91147212_137583658.jpg florence_cathedral_side/34161017_5996545915.jpg 0 0 +florence_cathedral_side/91147212_137583658.jpg florence_cathedral_side/36470436_130676209.jpg 0 3 +florence_cathedral_side/91147212_137583658.jpg florence_cathedral_side/62636559_5644270030.jpg 0 0 +florence_cathedral_side/91147212_137583658.jpg florence_cathedral_side/77439149_5156106058.jpg 0 0 +florence_cathedral_side/91147212_137583658.jpg florence_cathedral_side/79431289_3927070877.jpg 0 0 +florence_cathedral_side/91278744_10804280636.jpg florence_cathedral_side/49350312_1193155509.jpg 0 0 +florence_cathedral_side/91289690_7477451478.jpg florence_cathedral_side/07102255_5222394657.jpg 0 0 +florence_cathedral_side/91289690_7477451478.jpg florence_cathedral_side/36012353_13433924113.jpg 0 0 +florence_cathedral_side/91308499_281913661.jpg florence_cathedral_side/07102255_5222394657.jpg 0 0 +florence_cathedral_side/91308499_281913661.jpg florence_cathedral_side/36470436_130676209.jpg 0 3 +florence_cathedral_side/92044893_9509611423.jpg florence_cathedral_side/34400199_9548039637.jpg 0 0 +florence_cathedral_side/92044893_9509611423.jpg florence_cathedral_side/48890355_5768174237.jpg 0 0 +florence_cathedral_side/92129283_2380877332.jpg florence_cathedral_side/36470436_130676209.jpg 3 3 +florence_cathedral_side/92129283_2380877332.jpg florence_cathedral_side/49346328_4692994092.jpg 3 0 +florence_cathedral_side/92129283_2380877332.jpg florence_cathedral_side/62636559_5644270030.jpg 3 0 +florence_cathedral_side/92168939_7218355182.jpg florence_cathedral_side/49127970_3356341878.jpg 0 0 +florence_cathedral_side/92168939_7218355182.jpg florence_cathedral_side/62636559_5644270030.jpg 0 0 +florence_cathedral_side/92249583_11924182863.jpg florence_cathedral_side/07170052_39793444.jpg 3 0 +florence_cathedral_side/92249583_11924182863.jpg florence_cathedral_side/48537388_6040814708.jpg 3 0 +florence_cathedral_side/92249583_11924182863.jpg florence_cathedral_side/77715496_8436223314.jpg 3 0 +florence_cathedral_side/92276925_6644068249.jpg florence_cathedral_side/07102255_5222394657.jpg 0 0 +florence_cathedral_side/92276925_6644068249.jpg florence_cathedral_side/34400199_9548039637.jpg 0 0 +florence_cathedral_side/92276925_6644068249.jpg florence_cathedral_side/77361965_67910438.jpg 0 0 +florence_cathedral_side/92431608_5604255130.jpg florence_cathedral_side/07691402_9180973630.jpg 0 0 +florence_cathedral_side/92431608_5604255130.jpg florence_cathedral_side/48537388_6040814708.jpg 0 0 +florence_cathedral_side/92431608_5604255130.jpg florence_cathedral_side/50858148_1874262109.jpg 0 0 +florence_cathedral_side/92431608_5604255130.jpg florence_cathedral_side/78703726_4049544434.jpg 0 0 +florence_cathedral_side/92641518_198592315.jpg florence_cathedral_side/05593705_2177935075.jpg 0 0 +florence_cathedral_side/92641518_198592315.jpg florence_cathedral_side/77715496_8436223314.jpg 0 0 +florence_cathedral_side/92653974_435154567.jpg florence_cathedral_side/05593705_2177935075.jpg 0 0 +florence_cathedral_side/92653974_435154567.jpg florence_cathedral_side/06984097_7830261366.jpg 0 0 +florence_cathedral_side/92653974_435154567.jpg florence_cathedral_side/36470436_130676209.jpg 0 3 +florence_cathedral_side/92653974_435154567.jpg florence_cathedral_side/48890355_5768174237.jpg 0 0 +florence_cathedral_side/92694930_8121841061.jpg florence_cathedral_side/05593705_2177935075.jpg 3 0 +florence_cathedral_side/92694930_8121841061.jpg florence_cathedral_side/34400199_9548039637.jpg 3 0 +florence_cathedral_side/92800430_2089968370.jpg florence_cathedral_side/07102255_5222394657.jpg 0 0 +florence_cathedral_side/92800430_2089968370.jpg florence_cathedral_side/34400199_9548039637.jpg 0 0 +florence_cathedral_side/92800430_2089968370.jpg florence_cathedral_side/77361965_67910438.jpg 0 0 +florence_cathedral_side/92800430_2089968370.jpg florence_cathedral_side/78331876_8112939340.jpg 0 0 +florence_cathedral_side/92882352_164293844.jpg florence_cathedral_side/34736117_5001830643.jpg 0 0 +florence_cathedral_side/92882352_164293844.jpg florence_cathedral_side/50405849_3072943829.jpg 0 0 +florence_cathedral_side/92882352_164293844.jpg florence_cathedral_side/62969936_60912810.jpg 0 0 +florence_cathedral_side/92882352_164293844.jpg florence_cathedral_side/92431608_5604255130.jpg 0 0 +florence_cathedral_side/92895298_2116859513.jpg florence_cathedral_side/07102255_5222394657.jpg 0 0 +florence_cathedral_side/92895298_2116859513.jpg florence_cathedral_side/49350312_1193155509.jpg 0 0 +florence_cathedral_side/92902059_7576580614.jpg florence_cathedral_side/19554081_6203874230.jpg 0 1 +florence_cathedral_side/92902059_7576580614.jpg florence_cathedral_side/48394746_8534396715.jpg 0 0 +florence_cathedral_side/92902059_7576580614.jpg florence_cathedral_side/48537388_6040814708.jpg 0 0 +florence_cathedral_side/92902059_7576580614.jpg florence_cathedral_side/76820645_7270040720.jpg 0 0 +florence_cathedral_side/92902059_7576580614.jpg florence_cathedral_side/77439149_5156106058.jpg 0 0 +florence_cathedral_side/92902059_7576580614.jpg florence_cathedral_side/92800430_2089968370.jpg 0 0 +florence_cathedral_side/92935174_9397071656.jpg florence_cathedral_side/49346328_4692994092.jpg 0 0 +florence_cathedral_side/92935174_9397071656.jpg florence_cathedral_side/78590203_7670206258.jpg 0 0 +florence_cathedral_side/92935174_9397071656.jpg florence_cathedral_side/92431608_5604255130.jpg 0 0 +florence_cathedral_side/93054574_2748467858.jpg florence_cathedral_side/49350312_1193155509.jpg 0 0 +florence_cathedral_side/93054574_2748467858.jpg florence_cathedral_side/77361965_67910438.jpg 0 0 +florence_cathedral_side/93059960_5096970448.jpg florence_cathedral_side/05246669_3774806731.jpg 0 0 +florence_cathedral_side/93059960_5096970448.jpg florence_cathedral_side/07691402_9180973630.jpg 0 0 +florence_cathedral_side/93059960_5096970448.jpg florence_cathedral_side/19554081_6203874230.jpg 0 1 +florence_cathedral_side/93059960_5096970448.jpg florence_cathedral_side/50405849_3072943829.jpg 0 0 +florence_cathedral_side/93059960_5096970448.jpg florence_cathedral_side/63171471_386589435.jpg 0 0 +florence_cathedral_side/93059960_5096970448.jpg florence_cathedral_side/91308499_281913661.jpg 0 0 +florence_cathedral_side/93059960_5096970448.jpg florence_cathedral_side/92653974_435154567.jpg 0 0 +florence_cathedral_side/93211981_9482880250.jpg florence_cathedral_side/36012353_13433924113.jpg 0 0 +florence_cathedral_side/93211981_9482880250.jpg florence_cathedral_side/78703726_4049544434.jpg 0 0 +florence_cathedral_side/93259120_3414745238.jpg florence_cathedral_side/35267176_1353435726.jpg 0 0 +florence_cathedral_side/93259120_3414745238.jpg florence_cathedral_side/63184385_8522029473.jpg 0 0 +florence_cathedral_side/93259120_3414745238.jpg florence_cathedral_side/63239025_5812522935.jpg 0 0 +florence_cathedral_side/93259120_3414745238.jpg florence_cathedral_side/65254812_348995275.jpg 0 0 +florence_cathedral_side/93259120_3414745238.jpg florence_cathedral_side/79431289_3927070877.jpg 0 0 +florence_cathedral_side/93259120_3414745238.jpg florence_cathedral_side/92555707_8097576779.jpg 0 0 +florence_cathedral_side/93259120_3414745238.jpg florence_cathedral_side/92694930_8121841061.jpg 0 3 +florence_cathedral_side/93321195_8092708743.jpg florence_cathedral_side/07170052_39793444.jpg 0 0 +florence_cathedral_side/93321195_8092708743.jpg florence_cathedral_side/33829279_1887918111.jpg 0 0 +florence_cathedral_side/93321195_8092708743.jpg florence_cathedral_side/35267176_1353435726.jpg 0 0 +florence_cathedral_side/93321195_8092708743.jpg florence_cathedral_side/48394746_8534396715.jpg 0 0 +florence_cathedral_side/93321195_8092708743.jpg florence_cathedral_side/65129021_2335509128.jpg 0 0 +florence_cathedral_side/93321195_8092708743.jpg florence_cathedral_side/92800430_2089968370.jpg 0 0 +florence_cathedral_side/93321195_8092708743.jpg florence_cathedral_side/92882352_164293844.jpg 0 0 +lincoln_memorial_statue/13082955_8089971716.jpg lincoln_memorial_statue/00686276_3154340445.jpg 0 0 +lincoln_memorial_statue/16952887_5048578851.jpg lincoln_memorial_statue/03249325_2081550585.jpg 0 3 +lincoln_memorial_statue/16952887_5048578851.jpg lincoln_memorial_statue/04200207_5398249608.jpg 0 0 +lincoln_memorial_statue/17298108_4573356556.jpg lincoln_memorial_statue/06924650_2885801065.jpg 0 0 +lincoln_memorial_statue/17318660_7986785718.jpg lincoln_memorial_statue/06803523_1476985272.jpg 0 0 +lincoln_memorial_statue/18186569_3987719501.jpg lincoln_memorial_statue/16741581_9092302207.jpg 0 3 +lincoln_memorial_statue/18350939_3569121838.jpg lincoln_memorial_statue/05298275_9440909485.jpg 0 0 +lincoln_memorial_statue/19945218_2947647393.jpg lincoln_memorial_statue/19206100_253938682.jpg 0 0 +lincoln_memorial_statue/21329467_1428708537.jpg lincoln_memorial_statue/02147562_7180435655.jpg 0 0 +lincoln_memorial_statue/21329467_1428708537.jpg lincoln_memorial_statue/05848112_3400529348.jpg 0 0 +lincoln_memorial_statue/21361698_8624592782.jpg lincoln_memorial_statue/19206100_253938682.jpg 0 0 +lincoln_memorial_statue/21466758_3402544788.jpg lincoln_memorial_statue/01928816_3615848611.jpg 0 0 +lincoln_memorial_statue/23927896_892143112.jpg lincoln_memorial_statue/07336943_3621874961.jpg 0 0 +lincoln_memorial_statue/25351616_5535043591.jpg lincoln_memorial_statue/22004463_9586568620.jpg 0 3 +lincoln_memorial_statue/25443017_8510301584.jpg lincoln_memorial_statue/10158581_2893292310.jpg 3 0 +lincoln_memorial_statue/25765337_8514523889.jpg lincoln_memorial_statue/24230963_9029576920.jpg 0 0 +lincoln_memorial_statue/26446253_13207894545.jpg lincoln_memorial_statue/25351616_5535043591.jpg 0 0 +lincoln_memorial_statue/26814847_3221375908.jpg lincoln_memorial_statue/01571120_3584004650.jpg 0 0 +lincoln_memorial_statue/26899047_3624452004.jpg lincoln_memorial_statue/12091885_13896143364.jpg 0 3 +lincoln_memorial_statue/29326653_598978130.jpg lincoln_memorial_statue/06180437_484488967.jpg 0 0 +lincoln_memorial_statue/29533686_6412636905.jpg lincoln_memorial_statue/10158581_2893292310.jpg 0 0 +lincoln_memorial_statue/30902835_3429959775.jpg lincoln_memorial_statue/00686276_3154340445.jpg 0 0 +lincoln_memorial_statue/31632272_3466221447.jpg lincoln_memorial_statue/11631568_2723758018.jpg 0 0 +lincoln_memorial_statue/35227427_3863270123.jpg lincoln_memorial_statue/13576279_12257175066.jpg 0 0 +lincoln_memorial_statue/36102683_8981106019.jpg lincoln_memorial_statue/16418545_6750634541.jpg 0 0 +lincoln_memorial_statue/36329563_7396408574.jpg lincoln_memorial_statue/23980554_4516743555.jpg 0 0 +lincoln_memorial_statue/36504659_306960313.jpg lincoln_memorial_statue/24928265_8136644449.jpg 0 0 +lincoln_memorial_statue/36628739_3583660481.jpg lincoln_memorial_statue/13082955_8089971716.jpg 0 0 +lincoln_memorial_statue/37062237_5136002484.jpg lincoln_memorial_statue/21409731_2281874543.jpg 0 0 +lincoln_memorial_statue/38207682_2230071122.jpg lincoln_memorial_statue/11008423_235398647.jpg 0 0 +lincoln_memorial_statue/38459129_165176983.jpg lincoln_memorial_statue/21329467_1428708537.jpg 0 0 +lincoln_memorial_statue/39441673_13896154994.jpg lincoln_memorial_statue/36329563_7396408574.jpg 3 0 +lincoln_memorial_statue/44904301_532765055.jpg lincoln_memorial_statue/05845947_5728426592.jpg 0 0 +lincoln_memorial_statue/44943351_5316237356.jpg lincoln_memorial_statue/37963993_5506065923.jpg 0 0 +lincoln_memorial_statue/45089573_2509721811.jpg lincoln_memorial_statue/19206100_253938682.jpg 0 0 +lincoln_memorial_statue/46644731_4772610948.jpg lincoln_memorial_statue/37752138_2290706859.jpg 0 0 +lincoln_memorial_statue/47375184_3696903577.jpg lincoln_memorial_statue/21052688_2569212716.jpg 0 0 +lincoln_memorial_statue/47383152_8703827307.jpg lincoln_memorial_statue/37017316_2755138396.jpg 0 0 +lincoln_memorial_statue/47723331_13243637303.jpg lincoln_memorial_statue/35468051_11160436213.jpg 0 0 +lincoln_memorial_statue/47723331_13243637303.jpg lincoln_memorial_statue/37017316_2755138396.jpg 0 0 +lincoln_memorial_statue/47723331_13243637303.jpg lincoln_memorial_statue/45888706_3698196258.jpg 0 0 +lincoln_memorial_statue/48327534_6781152298.jpg lincoln_memorial_statue/01928816_3615848611.jpg 0 0 +lincoln_memorial_statue/48713744_4656669345.jpg lincoln_memorial_statue/30039302_2691795556.jpg 0 0 +lincoln_memorial_statue/48713744_4656669345.jpg lincoln_memorial_statue/48044057_5288369697.jpg 0 0 +lincoln_memorial_statue/49884266_192812793.jpg lincoln_memorial_statue/00924277_2300346048.jpg 0 0 +lincoln_memorial_statue/50530488_3343367811.jpg lincoln_memorial_statue/39441673_13896154994.jpg 0 3 +lincoln_memorial_statue/53572783_8565993973.jpg lincoln_memorial_statue/38301161_5021540811.jpg 0 0 +lincoln_memorial_statue/53686893_5747510414.jpg lincoln_memorial_statue/45888706_3698196258.jpg 0 0 +lincoln_memorial_statue/54062807_3183634116.jpg lincoln_memorial_statue/00686276_3154340445.jpg 0 0 +lincoln_memorial_statue/54778335_2578833235.jpg lincoln_memorial_statue/44943351_5316237356.jpg 0 0 +lincoln_memorial_statue/55002298_3136807816.jpg lincoln_memorial_statue/11008423_235398647.jpg 0 0 +lincoln_memorial_statue/55411209_2435555282.jpg lincoln_memorial_statue/05845947_5728426592.jpg 0 0 +lincoln_memorial_statue/57190339_2666868754.jpg lincoln_memorial_statue/45056557_7150749887.jpg 0 0 +lincoln_memorial_statue/57197080_10394325564.jpg lincoln_memorial_statue/29326653_598978130.jpg 0 0 +lincoln_memorial_statue/58509503_6697980249.jpg lincoln_memorial_statue/42840947_5877691390.jpg 1 0 +lincoln_memorial_statue/59203396_2522862695.jpg lincoln_memorial_statue/07623661_4396998352.jpg 0 0 +lincoln_memorial_statue/59595737_9135219377.jpg lincoln_memorial_statue/26446253_13207894545.jpg 0 0 +lincoln_memorial_statue/59697569_7173637484.jpg lincoln_memorial_statue/00686276_3154340445.jpg 0 0 +lincoln_memorial_statue/60932067_4698145663.jpg lincoln_memorial_statue/59203396_2522862695.jpg 0 0 +lincoln_memorial_statue/61655661_7092592051.jpg lincoln_memorial_statue/32565289_6975402337.jpg 1 0 +lincoln_memorial_statue/62258750_459427313.jpg lincoln_memorial_statue/37017316_2755138396.jpg 0 0 +lincoln_memorial_statue/62391520_3587054829.jpg lincoln_memorial_statue/16741581_9092302207.jpg 0 3 +lincoln_memorial_statue/62391520_3587054829.jpg lincoln_memorial_statue/49884266_192812793.jpg 0 0 +lincoln_memorial_statue/62884812_4176299024.jpg lincoln_memorial_statue/11808021_5072937955.jpg 3 0 +lincoln_memorial_statue/63300263_397253756.jpg lincoln_memorial_statue/11631568_2723758018.jpg 0 0 +lincoln_memorial_statue/64061511_2292727680.jpg lincoln_memorial_statue/16741581_9092302207.jpg 0 3 +lincoln_memorial_statue/64241156_525538963.jpg lincoln_memorial_statue/46644731_4772610948.jpg 0 0 +lincoln_memorial_statue/64327210_11973218833.jpg lincoln_memorial_statue/13082955_8089971716.jpg 0 0 +lincoln_memorial_statue/64327210_11973218833.jpg lincoln_memorial_statue/55368177_6043528109.jpg 0 0 +lincoln_memorial_statue/64821100_5133805957.jpg lincoln_memorial_statue/06180437_484488967.jpg 0 0 +lincoln_memorial_statue/64895903_778444270.jpg lincoln_memorial_statue/25731683_9443697166.jpg 0 0 +lincoln_memorial_statue/65181204_4451654621.jpg lincoln_memorial_statue/37473297_6860213847.jpg 3 0 +lincoln_memorial_statue/66650244_10329876403.jpg lincoln_memorial_statue/05298275_9440909485.jpg 0 0 +lincoln_memorial_statue/66650244_10329876403.jpg lincoln_memorial_statue/37017316_2755138396.jpg 0 0 +lincoln_memorial_statue/66650244_10329876403.jpg lincoln_memorial_statue/37984103_503910065.jpg 0 0 +lincoln_memorial_statue/66874702_631227900.jpg lincoln_memorial_statue/64241183_3955555895.jpg 0 0 +lincoln_memorial_statue/67877113_5020758992.jpg lincoln_memorial_statue/15581874_4781293889.jpg 0 0 +lincoln_memorial_statue/68919197_7125294171.jpg lincoln_memorial_statue/55803790_6332578768.jpg 0 0 +lincoln_memorial_statue/69446961_6057209951.jpg lincoln_memorial_statue/12091885_13896143364.jpg 0 3 +lincoln_memorial_statue/69741850_820787156.jpg lincoln_memorial_statue/43508548_6814413053.jpg 0 0 +lincoln_memorial_statue/69741850_820787156.jpg lincoln_memorial_statue/45630002_12464525165.jpg 0 0 +lincoln_memorial_statue/70977504_6906316334.jpg lincoln_memorial_statue/00686276_3154340445.jpg 0 0 +lincoln_memorial_statue/72695835_2597639209.jpg lincoln_memorial_statue/64821100_5133805957.jpg 0 0 +lincoln_memorial_statue/72748713_2443003685.jpg lincoln_memorial_statue/03670670_5410348951.jpg 0 0 +lincoln_memorial_statue/72748713_2443003685.jpg lincoln_memorial_statue/54936077_10385154344.jpg 0 0 +lincoln_memorial_statue/73224267_1888628261.jpg lincoln_memorial_statue/25443017_8510301584.jpg 0 3 +lincoln_memorial_statue/74022019_497182186.jpg lincoln_memorial_statue/61959957_7530136798.jpg 0 0 +lincoln_memorial_statue/74266508_4929868993.jpg lincoln_memorial_statue/57065041_4613390611.jpg 0 0 +lincoln_memorial_statue/75592590_579522421.jpg lincoln_memorial_statue/16952887_5048578851.jpg 0 0 +lincoln_memorial_statue/76330454_5378360825.jpg lincoln_memorial_statue/24230963_9029576920.jpg 0 0 +lincoln_memorial_statue/76412979_5094862063.jpg lincoln_memorial_statue/15720567_614981065.jpg 0 0 +lincoln_memorial_statue/76529692_2206500322.jpg lincoln_memorial_statue/40632205_5552444584.jpg 0 0 +lincoln_memorial_statue/76700177_3781618478.jpg lincoln_memorial_statue/34166053_6168735411.jpg 0 3 +lincoln_memorial_statue/77345479_563098062.jpg lincoln_memorial_statue/37017316_2755138396.jpg 0 0 +lincoln_memorial_statue/77345479_563098062.jpg lincoln_memorial_statue/47215209_7723554628.jpg 0 3 +lincoln_memorial_statue/77372686_10649469134.jpg lincoln_memorial_statue/05212363_3008622970.jpg 0 0 +lincoln_memorial_statue/77372686_10649469134.jpg lincoln_memorial_statue/15288225_8665822989.jpg 0 0 +lincoln_memorial_statue/77372686_10649469134.jpg lincoln_memorial_statue/19872765_3693280768.jpg 0 0 +lincoln_memorial_statue/77372686_10649469134.jpg lincoln_memorial_statue/48078808_3305068611.jpg 0 0 +lincoln_memorial_statue/77372686_10649469134.jpg lincoln_memorial_statue/76389659_2317495370.jpg 0 0 +lincoln_memorial_statue/77412646_2597639151.jpg lincoln_memorial_statue/19621770_137207442.jpg 0 0 +lincoln_memorial_statue/78231454_3668044077.jpg lincoln_memorial_statue/04200207_5398249608.jpg 0 0 +lincoln_memorial_statue/78231454_3668044077.jpg lincoln_memorial_statue/23980554_4516743555.jpg 0 0 +lincoln_memorial_statue/78231454_3668044077.jpg lincoln_memorial_statue/31560890_4451869767.jpg 0 0 +lincoln_memorial_statue/78233080_2612034146.jpg lincoln_memorial_statue/77474774_2192735402.jpg 3 0 +lincoln_memorial_statue/78294114_4420850416.jpg lincoln_memorial_statue/16741581_9092302207.jpg 0 3 +lincoln_memorial_statue/78403999_3993626480.jpg lincoln_memorial_statue/59697569_7173637484.jpg 0 0 +lincoln_memorial_statue/78475358_2889107366.jpg lincoln_memorial_statue/21329467_1428708537.jpg 0 0 +lincoln_memorial_statue/79687778_493810727.jpg lincoln_memorial_statue/05737592_3838776850.jpg 0 0 +lincoln_memorial_statue/79687778_493810727.jpg lincoln_memorial_statue/19872765_3693280768.jpg 0 0 +lincoln_memorial_statue/80439432_5460938154.jpg lincoln_memorial_statue/01498300_268387363.jpg 0 1 +lincoln_memorial_statue/80712084_3203509117.jpg lincoln_memorial_statue/64821100_5133805957.jpg 0 0 +lincoln_memorial_statue/80840227_6014087777.jpg lincoln_memorial_statue/15979184_321701366.jpg 0 0 +lincoln_memorial_statue/81233182_4943410370.jpg lincoln_memorial_statue/59697569_7173637484.jpg 0 0 +lincoln_memorial_statue/81297701_879934582.jpg lincoln_memorial_statue/07628932_8136644613.jpg 0 0 +lincoln_memorial_statue/81297701_879934582.jpg lincoln_memorial_statue/34166053_6168735411.jpg 0 3 +lincoln_memorial_statue/81460541_67591531.jpg lincoln_memorial_statue/49764304_6160474456.jpg 0 0 +lincoln_memorial_statue/81669575_2070582968.jpg lincoln_memorial_statue/78403999_3993626480.jpg 0 0 +lincoln_memorial_statue/81963336_11663160396.jpg lincoln_memorial_statue/71266655_6909127778.jpg 0 0 +lincoln_memorial_statue/82242850_4619297299.jpg lincoln_memorial_statue/55411209_2435555282.jpg 0 0 +lincoln_memorial_statue/82396569_3830457569.jpg lincoln_memorial_statue/07628932_8136644613.jpg 0 0 +lincoln_memorial_statue/82396569_3830457569.jpg lincoln_memorial_statue/24359954_3607002881.jpg 0 0 +lincoln_memorial_statue/83093791_3394574926.jpg lincoln_memorial_statue/35934584_3155969263.jpg 0 0 +lincoln_memorial_statue/83682725_9521994366.jpg lincoln_memorial_statue/73224267_1888628261.jpg 0 0 +lincoln_memorial_statue/84483699_820824634.jpg lincoln_memorial_statue/16952887_5048578851.jpg 0 0 +lincoln_memorial_statue/85581120_344682050.jpg lincoln_memorial_statue/29362418_8175477730.jpg 0 0 +lincoln_memorial_statue/85641673_7656964846.jpg lincoln_memorial_statue/21329467_1428708537.jpg 0 0 +lincoln_memorial_statue/86371900_3346854133.jpg lincoln_memorial_statue/80712084_3203509117.jpg 0 0 +lincoln_memorial_statue/86371900_3346854133.jpg lincoln_memorial_statue/81963336_11663160396.jpg 0 0 +lincoln_memorial_statue/86753962_1738168354.jpg lincoln_memorial_statue/85533094_5651874858.jpg 0 0 +lincoln_memorial_statue/87203744_585254894.jpg lincoln_memorial_statue/21329467_1428708537.jpg 0 0 +lincoln_memorial_statue/87283840_11106977846.jpg lincoln_memorial_statue/53696992_5215052564.jpg 0 0 +lincoln_memorial_statue/87770864_5232090356.jpg lincoln_memorial_statue/74896472_8689640996.jpg 0 0 +lincoln_memorial_statue/87935974_3168288878.jpg lincoln_memorial_statue/21409731_2281874543.jpg 0 0 +lincoln_memorial_statue/87945475_1449309287.jpg lincoln_memorial_statue/38459129_165176983.jpg 0 0 +lincoln_memorial_statue/87945475_1449309287.jpg lincoln_memorial_statue/76213469_2907113872.jpg 0 0 +lincoln_memorial_statue/88206936_3555476129.jpg lincoln_memorial_statue/10095801_2253484203.jpg 0 3 +lincoln_memorial_statue/88206936_3555476129.jpg lincoln_memorial_statue/37963993_5506065923.jpg 0 0 +lincoln_memorial_statue/88206936_3555476129.jpg lincoln_memorial_statue/50293735_388470190.jpg 0 1 +lincoln_memorial_statue/88315639_4010609002.jpg lincoln_memorial_statue/26446253_13207894545.jpg 0 0 +lincoln_memorial_statue/88317397_578209456.jpg lincoln_memorial_statue/39123753_2937586204.jpg 0 0 +lincoln_memorial_statue/88317397_578209456.jpg lincoln_memorial_statue/39441673_13896154994.jpg 0 3 +lincoln_memorial_statue/88317397_578209456.jpg lincoln_memorial_statue/61489109_6898998005.jpg 0 1 +lincoln_memorial_statue/89339670_4596751801.jpg lincoln_memorial_statue/72784474_5932339703.jpg 0 0 +lincoln_memorial_statue/89390143_5816513678.jpg lincoln_memorial_statue/26899047_3624452004.jpg 0 0 +lincoln_memorial_statue/89611313_3126767373.jpg lincoln_memorial_statue/19792404_6210236940.jpg 0 1 +lincoln_memorial_statue/89712677_2564688085.jpg lincoln_memorial_statue/78233080_2612034146.jpg 0 3 +lincoln_memorial_statue/89896246_3687883261.jpg lincoln_memorial_statue/47723331_13243637303.jpg 0 0 +lincoln_memorial_statue/90337123_4009837083.jpg lincoln_memorial_statue/13576279_12257175066.jpg 0 0 +lincoln_memorial_statue/90847619_4928325348.jpg lincoln_memorial_statue/37626986_10874662824.jpg 0 0 +lincoln_memorial_statue/91007591_3308250033.jpg lincoln_memorial_statue/20468960_220622935.jpg 0 0 +lincoln_memorial_statue/91007591_3308250033.jpg lincoln_memorial_statue/31632272_3466221447.jpg 0 0 +lincoln_memorial_statue/91007591_3308250033.jpg lincoln_memorial_statue/78397365_6539014179.jpg 0 0 +lincoln_memorial_statue/91104833_2443004125.jpg lincoln_memorial_statue/31632272_3466221447.jpg 0 0 +lincoln_memorial_statue/91104833_2443004125.jpg lincoln_memorial_statue/54122237_4602822395.jpg 0 0 +lincoln_memorial_statue/91104833_2443004125.jpg lincoln_memorial_statue/84575830_3456508930.jpg 0 0 +lincoln_memorial_statue/91652974_6406825499.jpg lincoln_memorial_statue/55174361_10036594944.jpg 0 1 +lincoln_memorial_statue/91652974_6406825499.jpg lincoln_memorial_statue/63913323_4735107229.jpg 0 0 +lincoln_memorial_statue/91787975_31698352.jpg lincoln_memorial_statue/36329563_7396408574.jpg 0 0 +lincoln_memorial_statue/91793168_6994320666.jpg lincoln_memorial_statue/91104833_2443004125.jpg 0 0 +lincoln_memorial_statue/91926492_310854130.jpg lincoln_memorial_statue/33602489_4598043375.jpg 0 0 +lincoln_memorial_statue/92138496_6087402047.jpg lincoln_memorial_statue/48886010_8223072110.jpg 0 0 +lincoln_memorial_statue/93082752_4942824131.jpg lincoln_memorial_statue/57197080_10394325564.jpg 0 0 +lincoln_memorial_statue/93457013_2574056331.jpg lincoln_memorial_statue/03518714_5846844084.jpg 3 0 +lincoln_memorial_statue/93457013_2574056331.jpg lincoln_memorial_statue/10093576_3699240011.jpg 3 0 +lincoln_memorial_statue/93457013_2574056331.jpg lincoln_memorial_statue/16906427_9230971629.jpg 3 0 +lincoln_memorial_statue/93457013_2574056331.jpg lincoln_memorial_statue/37062237_5136002484.jpg 3 0 +lincoln_memorial_statue/93457013_2574056331.jpg lincoln_memorial_statue/47321659_5651026926.jpg 3 0 +lincoln_memorial_statue/93457013_2574056331.jpg lincoln_memorial_statue/87188593_559205297.jpg 3 0 +lincoln_memorial_statue/93554336_3168288048.jpg lincoln_memorial_statue/27146844_6829288242.jpg 0 0 +lincoln_memorial_statue/93554336_3168288048.jpg lincoln_memorial_statue/46984323_2163783955.jpg 0 0 +lincoln_memorial_statue/93698389_3780787679.jpg lincoln_memorial_statue/06924650_2885801065.jpg 0 0 +lincoln_memorial_statue/93698389_3780787679.jpg lincoln_memorial_statue/62391520_3587054829.jpg 0 0 +lincoln_memorial_statue/93783002_5816529438.jpg lincoln_memorial_statue/19975008_7108573609.jpg 0 0 +lincoln_memorial_statue/93797799_5148256971.jpg lincoln_memorial_statue/77412646_2597639151.jpg 0 0 +lincoln_memorial_statue/94803476_8924647809.jpg lincoln_memorial_statue/19792404_6210236940.jpg 0 1 +lincoln_memorial_statue/94803476_8924647809.jpg lincoln_memorial_statue/53474755_7553395416.jpg 0 0 +lincoln_memorial_statue/94803476_8924647809.jpg lincoln_memorial_statue/69400167_2490471441.jpg 0 0 +lincoln_memorial_statue/95091382_3593993445.jpg lincoln_memorial_statue/21409731_2281874543.jpg 0 0 +lincoln_memorial_statue/95091382_3593993445.jpg lincoln_memorial_statue/61489109_6898998005.jpg 0 1 +lincoln_memorial_statue/95149025_6858240968.jpg lincoln_memorial_statue/66650244_10329876403.jpg 0 0 +lincoln_memorial_statue/95149025_6858240968.jpg lincoln_memorial_statue/72916019_4735107005.jpg 0 0 +lincoln_memorial_statue/95317558_4854760568.jpg lincoln_memorial_statue/87945475_1449309287.jpg 0 0 +lincoln_memorial_statue/95554644_558540114.jpg lincoln_memorial_statue/67484976_6539378405.jpg 0 3 +lincoln_memorial_statue/96081763_8413775160.jpg lincoln_memorial_statue/18437883_5922880181.jpg 0 0 +lincoln_memorial_statue/96081763_8413775160.jpg lincoln_memorial_statue/31418708_264610937.jpg 0 0 +lincoln_memorial_statue/96081763_8413775160.jpg lincoln_memorial_statue/63913323_4735107229.jpg 0 0 +lincoln_memorial_statue/96081763_8413775160.jpg lincoln_memorial_statue/69446961_6057209951.jpg 0 0 +lincoln_memorial_statue/96226160_7836430236.jpg lincoln_memorial_statue/31632272_3466221447.jpg 0 0 +lincoln_memorial_statue/96226160_7836430236.jpg lincoln_memorial_statue/91451203_6616894383.jpg 0 0 +lincoln_memorial_statue/96271143_7279421658.jpg lincoln_memorial_statue/25731683_9443697166.jpg 0 0 +lincoln_memorial_statue/96661413_593561088.jpg lincoln_memorial_statue/01673983_4399099111.jpg 0 0 +lincoln_memorial_statue/97588439_3898367991.jpg lincoln_memorial_statue/49868672_13207885545.jpg 0 0 +lincoln_memorial_statue/97709283_5341686130.jpg lincoln_memorial_statue/47215209_7723554628.jpg 0 3 +lincoln_memorial_statue/97709283_5341686130.jpg lincoln_memorial_statue/63458051_2947647269.jpg 0 0 +lincoln_memorial_statue/97709283_5341686130.jpg lincoln_memorial_statue/67140549_8441515662.jpg 0 0 +lincoln_memorial_statue/97858374_2573627048.jpg lincoln_memorial_statue/36329563_7396408574.jpg 0 0 +lincoln_memorial_statue/99493891_3011259384.jpg lincoln_memorial_statue/47375184_3696903577.jpg 0 0 +lincoln_memorial_statue/99493891_3011259384.jpg lincoln_memorial_statue/63913323_4735107229.jpg 0 0 +lincoln_memorial_statue/99493891_3011259384.jpg lincoln_memorial_statue/72748713_2443003685.jpg 0 0 +london_bridge/08278139_2634201949.jpg london_bridge/03056519_8258262520.jpg 0 0 +london_bridge/19207465_2544223170.jpg london_bridge/13019435_186138685.jpg 0 0 +london_bridge/20023116_5421687643.jpg london_bridge/18729057_9080105.jpg 3 0 +london_bridge/20405123_128094190.jpg london_bridge/20347260_5667408378.jpg 0 0 +london_bridge/20595503_9712689035.jpg london_bridge/18097284_2718422028.jpg 0 0 +london_bridge/22067875_1698122634.jpg london_bridge/18335565_3297959090.jpg 0 0 +london_bridge/26810457_3147145259.jpg london_bridge/21158902_4470324385.jpg 0 0 +london_bridge/31647077_485602614.jpg london_bridge/20225516_2792939.jpg 0 0 +london_bridge/31853519_8596440914.jpg london_bridge/07490932_4348794400.jpg 0 0 +london_bridge/31970140_6634097275.jpg london_bridge/07683560_6170683727.jpg 0 0 +london_bridge/32036804_5535380500.jpg london_bridge/20229285_33241398.jpg 3 0 +london_bridge/33523016_291963955.jpg london_bridge/06652923_2201387028.jpg 0 0 +london_bridge/35241016_1186125534.jpg london_bridge/06531968_4889446663.jpg 0 0 +london_bridge/36038911_166411083.jpg london_bridge/07186335_3558850296.jpg 3 0 +london_bridge/41036763_6827756012.jpg london_bridge/05682711_3297960944.jpg 0 0 +london_bridge/41052979_3529123028.jpg london_bridge/07334678_8855299536.jpg 0 0 +london_bridge/41379826_4685825383.jpg london_bridge/22598979_7611096986.jpg 0 0 +london_bridge/41621790_106757051.jpg london_bridge/41036763_6827756012.jpg 0 0 +london_bridge/42765075_5017598472.jpg london_bridge/05699774_3488587719.jpg 0 0 +london_bridge/45936578_366302032.jpg london_bridge/41052979_3529123028.jpg 3 0 +london_bridge/46900524_408074408.jpg london_bridge/45982679_2071304283.jpg 0 0 +london_bridge/47522343_9886375636.jpg london_bridge/07639926_4910929401.jpg 0 0 +london_bridge/47522343_9886375636.jpg london_bridge/35739206_2395150121.jpg 0 0 +london_bridge/47591486_5809581591.jpg london_bridge/07282207_5938720226.jpg 0 0 +london_bridge/47766864_4905885872.jpg london_bridge/32416744_4936638495.jpg 0 1 +london_bridge/47766864_4905885872.jpg london_bridge/46900524_408074408.jpg 0 0 +london_bridge/48381415_7660964834.jpg london_bridge/07852881_3527159925.jpg 0 0 +london_bridge/48381415_7660964834.jpg london_bridge/14130304_8440549863.jpg 0 0 +london_bridge/48839923_6635018265.jpg london_bridge/21812221_27879156.jpg 0 0 +london_bridge/48991746_3638679168.jpg london_bridge/31633384_8811635449.jpg 0 0 +london_bridge/49071248_1208697258.jpg london_bridge/47522343_9886375636.jpg 0 0 +london_bridge/49697111_3486881518.jpg london_bridge/32036804_5535380500.jpg 0 3 +london_bridge/49787823_1492785088.jpg london_bridge/45674428_114124965.jpg 0 0 +london_bridge/49848355_1308917034.jpg london_bridge/04179811_841970073.jpg 0 3 +london_bridge/50080022_3688256142.jpg london_bridge/48490230_4828607768.jpg 0 3 +london_bridge/50666539_5168136646.jpg london_bridge/03883929_464191316.jpg 3 0 +london_bridge/51354308_76535383.jpg london_bridge/41839695_456027870.jpg 0 0 +london_bridge/52376063_43327536.jpg london_bridge/34093382_732830431.jpg 0 0 +london_bridge/55186796_8171991338.jpg london_bridge/46900524_408074408.jpg 0 0 +london_bridge/55301481_7657961792.jpg london_bridge/54608046_7053937641.jpg 0 0 +london_bridge/55690351_94977346.jpg london_bridge/20425300_8652803179.jpg 0 0 +london_bridge/55847383_6003246835.jpg london_bridge/40557224_2373511082.jpg 0 0 +london_bridge/55847383_6003246835.jpg london_bridge/54682107_1186188936.jpg 0 0 +london_bridge/60192112_8003999831.jpg london_bridge/20062145_4467632690.jpg 0 0 +london_bridge/60192112_8003999831.jpg london_bridge/31647077_485602614.jpg 0 0 +london_bridge/61348712_3694745087.jpg london_bridge/41646178_2806744848.jpg 0 0 +london_bridge/61663487_8399179996.jpg london_bridge/46900524_408074408.jpg 0 0 +london_bridge/61842491_3176714729.jpg london_bridge/23556762_7278862614.jpg 0 0 +london_bridge/62022925_2693007513.jpg london_bridge/11997423_3626472014.jpg 1 0 +london_bridge/62176535_3512251841.jpg london_bridge/35290229_117741330.jpg 0 0 +london_bridge/62260530_3688288753.jpg london_bridge/56560945_34426400.jpg 0 0 +london_bridge/62303972_7144505933.jpg london_bridge/62089544_5029080077.jpg 0 0 +london_bridge/62372076_167703256.jpg london_bridge/55186796_8171991338.jpg 0 0 +london_bridge/62396791_2126875785.jpg london_bridge/12490067_3144949199.jpg 0 0 +london_bridge/62413803_708857580.jpg london_bridge/35739206_2395150121.jpg 0 0 +london_bridge/62726238_8468971284.jpg london_bridge/46345637_10209646825.jpg 0 0 +london_bridge/62817089_245529897.jpg london_bridge/35290229_117741330.jpg 3 0 +london_bridge/63262116_8653898740.jpg london_bridge/13244147_12490363893.jpg 0 0 +london_bridge/63479747_1803190845.jpg london_bridge/26284064_7436581478.jpg 0 0 +london_bridge/63891090_8467636479.jpg london_bridge/20225516_2792939.jpg 0 0 +london_bridge/63944456_5731038830.jpg london_bridge/50766190_42440035.jpg 0 1 +london_bridge/64231662_7054018091.jpg london_bridge/40557224_2373511082.jpg 3 0 +london_bridge/64297583_4227460519.jpg london_bridge/62176535_3512251841.jpg 0 0 +london_bridge/64467846_4938629798.jpg london_bridge/18527372_8101436669.jpg 0 0 +london_bridge/65825816_352990305.jpg london_bridge/63891090_8467636479.jpg 0 0 +london_bridge/69272085_9909552734.jpg london_bridge/07334678_8855299536.jpg 0 0 +london_bridge/69935447_6093186570.jpg london_bridge/54682107_1186188936.jpg 0 0 +london_bridge/70766740_4122792392.jpg london_bridge/31970140_6634097275.jpg 0 0 +london_bridge/70946539_3563615937.jpg london_bridge/62176535_3512251841.jpg 0 0 +london_bridge/71288088_8226833241.jpg london_bridge/26049549_252163864.jpg 0 0 +london_bridge/71374558_6127705532.jpg london_bridge/40557224_2373511082.jpg 0 0 +london_bridge/74268764_520343028.jpg london_bridge/49787823_1492785088.jpg 0 0 +london_bridge/74371618_4861521984.jpg london_bridge/12371471_6970739040.jpg 0 0 +london_bridge/74371618_4861521984.jpg london_bridge/45674428_114124965.jpg 0 0 +london_bridge/75258777_4584154688.jpg london_bridge/69710612_11559039.jpg 1 0 +london_bridge/75748660_9481305610.jpg london_bridge/07734258_8290831202.jpg 0 0 +london_bridge/75898593_8653900502.jpg london_bridge/13019435_186138685.jpg 0 0 +london_bridge/76068420_5299061233.jpg london_bridge/66091227_3514083832.jpg 0 0 +london_bridge/76085757_8436749389.jpg london_bridge/18630666_5040782274.jpg 0 0 +london_bridge/76110544_2682975791.jpg london_bridge/75148084_6749951705.jpg 0 0 +london_bridge/76168297_3845798847.jpg london_bridge/50766190_42440035.jpg 0 1 +london_bridge/76180713_5366664456.jpg london_bridge/20023116_5421687643.jpg 0 3 +london_bridge/76603380_824714182.jpg london_bridge/26403879_1174400623.jpg 0 0 +london_bridge/76636670_1910109264.jpg london_bridge/46900524_408074408.jpg 0 0 +london_bridge/76646912_2191674927.jpg london_bridge/06359852_29636017.jpg 0 0 +london_bridge/76646912_2191674927.jpg london_bridge/33523016_291963955.jpg 0 0 +london_bridge/76877019_49040376.jpg london_bridge/63610718_3725911425.jpg 0 0 +london_bridge/77247594_6091723791.jpg london_bridge/61805062_8226022806.jpg 3 0 +london_bridge/77528746_3513058392.jpg london_bridge/26441114_393464758.jpg 0 0 +london_bridge/77528746_3513058392.jpg london_bridge/41646178_2806744848.jpg 0 0 +london_bridge/77528746_3513058392.jpg london_bridge/69639512_264883638.jpg 0 0 +london_bridge/78020045_6099103371.jpg london_bridge/51511090_7996021589.jpg 0 0 +london_bridge/78396322_5174957211.jpg london_bridge/55690351_94977346.jpg 0 0 +london_bridge/78396322_5174957211.jpg london_bridge/75898593_8653900502.jpg 0 0 +london_bridge/78449055_115831184.jpg london_bridge/61842491_3176714729.jpg 0 0 +london_bridge/78626430_4904147191.jpg london_bridge/04179811_841970073.jpg 0 3 +london_bridge/78626430_4904147191.jpg london_bridge/45796493_5485233376.jpg 0 0 +london_bridge/78626430_4904147191.jpg london_bridge/70106401_3725909945.jpg 0 0 +london_bridge/78916675_4568141288.jpg london_bridge/19481797_2295892421.jpg 0 0 +london_bridge/79133322_965884313.jpg london_bridge/62396791_2126875785.jpg 0 0 +london_bridge/79133796_3231983201.jpg london_bridge/50766190_42440035.jpg 0 1 +london_bridge/79311719_8754717804.jpg london_bridge/19385592_3430336776.jpg 0 0 +london_bridge/79390907_84542969.jpg london_bridge/65576311_7690418734.jpg 0 0 +london_bridge/79522515_8233442918.jpg london_bridge/06531968_4889446663.jpg 0 0 +london_bridge/79535553_2389666517.jpg london_bridge/69271199_8101151730.jpg 0 0 +london_bridge/79535553_2389666517.jpg london_bridge/74665301_9234085507.jpg 0 0 +london_bridge/79537455_168190945.jpg london_bridge/76875613_7554733144.jpg 3 0 +london_bridge/79712084_4349952442.jpg london_bridge/40337583_2379709443.jpg 0 0 +london_bridge/79712084_4349952442.jpg london_bridge/70946539_3563615937.jpg 0 0 +london_bridge/79788332_5016987633.jpg london_bridge/26129954_7955889970.jpg 0 0 +london_bridge/79830729_7571036642.jpg london_bridge/69271199_8101151730.jpg 0 0 +london_bridge/82608548_2734289.jpg london_bridge/78915288_6255510543.jpg 0 0 +london_bridge/83138368_8975795400.jpg london_bridge/71374558_6127705532.jpg 0 0 +london_bridge/83370896_2115315370.jpg london_bridge/18335565_3297959090.jpg 0 0 +london_bridge/84517809_4196739283.jpg london_bridge/36043147_5455799549.jpg 0 0 +london_bridge/84816962_3543194879.jpg london_bridge/41159843_6422403495.jpg 0 0 +london_bridge/84832554_4782833123.jpg london_bridge/47105537_5072087415.jpg 0 0 +london_bridge/85096985_8026283726.jpg london_bridge/66091227_3514083832.jpg 0 0 +london_bridge/85233769_4106673042.jpg london_bridge/75845229_4196741247.jpg 0 1 +london_bridge/85476891_335880077.jpg london_bridge/23750979_375861379.jpg 0 0 +london_bridge/85584076_8904668080.jpg london_bridge/25445671_2115316438.jpg 0 0 +london_bridge/88778449_49695769.jpg london_bridge/77021523_6098415298.jpg 0 0 +london_bridge/88789939_7174080384.jpg london_bridge/33264442_4763848502.jpg 0 0 +london_bridge/88789939_7174080384.jpg london_bridge/63869952_8590332631.jpg 0 0 +london_bridge/88789939_7174080384.jpg london_bridge/70723523_3020012591.jpg 0 0 +london_bridge/89444328_3530983949.jpg london_bridge/62413803_708857580.jpg 0 0 +london_bridge/89444328_3530983949.jpg london_bridge/77648362_1397019548.jpg 0 0 +london_bridge/89444328_3530983949.jpg london_bridge/79390907_84542969.jpg 0 0 +london_bridge/89531924_3514091536.jpg london_bridge/18094503_2247083079.jpg 0 0 +london_bridge/89531924_3514091536.jpg london_bridge/20023116_5421687643.jpg 0 3 +london_bridge/89601210_593757701.jpg london_bridge/18630666_5040782274.jpg 0 0 +london_bridge/89601210_593757701.jpg london_bridge/63235406_4979890904.jpg 0 0 +london_bridge/90150466_7212680376.jpg london_bridge/19481797_2295892421.jpg 0 0 +london_bridge/90265556_5385991054.jpg london_bridge/31970140_6634097275.jpg 0 0 +london_bridge/90488918_4623221677.jpg london_bridge/50941897_2034832947.jpg 0 0 +london_bridge/90604858_3556463264.jpg london_bridge/06652923_2201387028.jpg 0 0 +london_bridge/90604858_3556463264.jpg london_bridge/83811730_12249093534.jpg 0 0 +london_bridge/90638314_8598757860.jpg london_bridge/20121117_321297589.jpg 0 0 +london_bridge/90638314_8598757860.jpg london_bridge/20405123_128094190.jpg 0 0 +london_bridge/90737419_10325331565.jpg london_bridge/05682711_3297960944.jpg 0 0 +london_bridge/91189023_385269920.jpg london_bridge/88789939_7174080384.jpg 0 0 +london_bridge/91303183_2824661522.jpg london_bridge/07851671_1041438921.jpg 0 0 +london_bridge/91303183_2824661522.jpg london_bridge/39709678_294325118.jpg 0 0 +london_bridge/91303183_2824661522.jpg london_bridge/42765075_5017598472.jpg 0 0 +london_bridge/91303183_2824661522.jpg london_bridge/49697111_3486881518.jpg 0 0 +london_bridge/91752360_11147850914.jpg london_bridge/79390907_84542969.jpg 0 0 +london_bridge/91752360_11147850914.jpg london_bridge/91437331_7906061296.jpg 0 0 +london_bridge/91792724_3689048972.jpg london_bridge/50766190_42440035.jpg 0 1 +london_bridge/91792724_3689048972.jpg london_bridge/91303183_2824661522.jpg 0 0 +london_bridge/91911225_2407926393.jpg london_bridge/18630666_5040782274.jpg 0 0 +london_bridge/91953315_227667269.jpg london_bridge/63479747_1803190845.jpg 0 0 +london_bridge/91965370_2365452174.jpg london_bridge/85584076_8904668080.jpg 0 0 +london_bridge/91978508_473540590.jpg london_bridge/84816962_3543194879.jpg 0 0 +london_bridge/92200114_7212675576.jpg london_bridge/06412139_5307478090.jpg 0 0 +london_bridge/92200114_7212675576.jpg london_bridge/55186796_8171991338.jpg 0 0 +london_bridge/92273298_5039274514.jpg london_bridge/45982679_2071304283.jpg 0 0 +london_bridge/92342098_8290490494.jpg london_bridge/04623268_95526798.jpg 0 3 +london_bridge/92342098_8290490494.jpg london_bridge/51716724_2971719107.jpg 0 0 +london_bridge/92342098_8290490494.jpg london_bridge/54047970_10330925914.jpg 0 0 +london_bridge/92342098_8290490494.jpg london_bridge/76110544_2682975791.jpg 0 0 +london_bridge/92603586_6600242655.jpg london_bridge/63944456_5731038830.jpg 0 0 +london_bridge/93104886_3090786642.jpg london_bridge/75398559_1260443177.jpg 0 0 +london_bridge/93121634_143685594.jpg london_bridge/90604858_3556463264.jpg 0 0 +london_bridge/93127124_20600114.jpg london_bridge/19393327_9226782122.jpg 0 0 +london_bridge/93143066_7167178078.jpg london_bridge/11749316_8574315264.jpg 0 0 +london_bridge/93183176_7717726854.jpg london_bridge/40696009_8084232635.jpg 0 0 +london_bridge/93195484_3387380391.jpg london_bridge/12490067_3144949199.jpg 0 0 +london_bridge/93195484_3387380391.jpg london_bridge/19385592_3430336776.jpg 0 0 +london_bridge/93195484_3387380391.jpg london_bridge/49190386_5209386933.jpg 0 0 +london_bridge/93195484_3387380391.jpg london_bridge/69759052_115830747.jpg 0 0 +london_bridge/93368739_3256457053.jpg london_bridge/78364492_7660965900.jpg 1 0 +london_bridge/93399054_352990076.jpg london_bridge/14130304_8440549863.jpg 0 0 +london_bridge/93438861_4930284746.jpg london_bridge/18592669_4905334497.jpg 0 0 +london_bridge/93438861_4930284746.jpg london_bridge/63845103_1084109602.jpg 0 0 +london_bridge/93707856_1732678256.jpg london_bridge/93384467_7506881624.jpg 0 1 +london_bridge/93785322_3735008116.jpg london_bridge/45796493_5485233376.jpg 0 0 +london_bridge/93785322_3735008116.jpg london_bridge/91640743_2397669346.jpg 0 0 +london_bridge/93864378_3500100961.jpg london_bridge/20099616_8289883725.jpg 0 0 +london_bridge/93864378_3500100961.jpg london_bridge/36038911_166411083.jpg 0 3 +london_bridge/93864378_3500100961.jpg london_bridge/62176535_3512251841.jpg 0 0 +london_bridge/93959860_5260728997.jpg london_bridge/31866879_541449395.jpg 0 0 +london_bridge/94185272_3874562886.jpg london_bridge/49190386_5209386933.jpg 0 0 +london_bridge/94341458_4015370784.jpg london_bridge/91640743_2397669346.jpg 0 0 +london_bridge/96899257_2408765238.jpg london_bridge/21158902_4470324385.jpg 0 0 +london_bridge/97363284_1803189471.jpg london_bridge/31970140_6634097275.jpg 0 0 +london_bridge/97454199_2345558379.jpg london_bridge/32036804_5535380500.jpg 0 3 +london_bridge/97796279_5366665762.jpg london_bridge/63235406_4979890904.jpg 0 0 +london_bridge/97864853_473527112.jpg london_bridge/79687441_8589429211.jpg 0 0 +london_bridge/98171507_6653170807.jpg london_bridge/41138218_6777472832.jpg 0 0 +london_bridge/98393934_1731843165.jpg london_bridge/20023116_5421687643.jpg 0 3 +london_bridge/98393934_1731843165.jpg london_bridge/79765928_309387981.jpg 0 0 +london_bridge/98476918_4349092903.jpg london_bridge/06315923_583151782.jpg 0 0 +london_bridge/98476918_4349092903.jpg london_bridge/49787823_1492785088.jpg 0 0 +london_bridge/98785901_283650758.jpg london_bridge/79765928_309387981.jpg 0 0 +london_bridge/98927097_8227903876.jpg london_bridge/76110544_2682975791.jpg 0 0 +london_bridge/99049710_7170901787.jpg london_bridge/32847098_8322788433.jpg 0 0 +london_bridge/99049710_7170901787.jpg london_bridge/89214256_5809582211.jpg 0 0 +london_bridge/99076627_2905743831.jpg london_bridge/78020045_6099103371.jpg 0 0 +london_bridge/99524629_271437867.jpg london_bridge/49086001_188954415.jpg 0 0 +london_bridge/99890186_4963782842.jpg london_bridge/40718293_5747464186.jpg 0 0 +milan_cathedral/09601272_2772667324.jpg milan_cathedral/09575022_3989231800.jpg 0 0 +milan_cathedral/09938392_10075603284.jpg milan_cathedral/09552919_4222142873.jpg 0 0 +milan_cathedral/11217188_10189419774.jpg milan_cathedral/09552919_4222142873.jpg 0 0 +milan_cathedral/11665119_9718798941.jpg milan_cathedral/09552919_4222142873.jpg 0 0 +milan_cathedral/13117887_4341298481.jpg milan_cathedral/09575022_3989231800.jpg 1 0 +milan_cathedral/23721333_5020933386.jpg milan_cathedral/09491878_4406179803.jpg 0 0 +milan_cathedral/24449231_3882126092.jpg milan_cathedral/09601272_2772667324.jpg 0 0 +milan_cathedral/24893392_5965941089.jpg milan_cathedral/09552919_4222142873.jpg 0 0 +milan_cathedral/25159141_5131720800.jpg milan_cathedral/11772337_6005928979.jpg 0 0 +milan_cathedral/25159141_5131720800.jpg milan_cathedral/24449231_3882126092.jpg 0 0 +milan_cathedral/25229711_5555074741.jpg milan_cathedral/25159141_5131720800.jpg 0 0 +milan_cathedral/26118601_7878021902.jpg milan_cathedral/25159141_5131720800.jpg 0 0 +milan_cathedral/26872899_8774605072.jpg milan_cathedral/09932992_10193660434.jpg 0 0 +milan_cathedral/26872899_8774605072.jpg milan_cathedral/10273610_2867561643.jpg 0 0 +milan_cathedral/26872899_8774605072.jpg milan_cathedral/25159141_5131720800.jpg 0 0 +milan_cathedral/26988791_8522603768.jpg milan_cathedral/25159141_5131720800.jpg 0 0 +milan_cathedral/38203065_13966912134.jpg milan_cathedral/09932992_10193660434.jpg 0 0 +milan_cathedral/38563221_11151571323.jpg milan_cathedral/09601272_2772667324.jpg 0 0 +milan_cathedral/38668777_6910847202.jpg milan_cathedral/11665119_9718798941.jpg 0 0 +milan_cathedral/38668777_6910847202.jpg milan_cathedral/11772337_6005928979.jpg 0 0 +milan_cathedral/38694587_10820714163.jpg milan_cathedral/09491878_4406179803.jpg 0 0 +milan_cathedral/39482084_2491760334.jpg milan_cathedral/09938392_10075603284.jpg 0 0 +milan_cathedral/39482084_2491760334.jpg milan_cathedral/11217188_10189419774.jpg 0 0 +milan_cathedral/39482084_2491760334.jpg milan_cathedral/13117887_4341298481.jpg 0 1 +milan_cathedral/39482084_2491760334.jpg milan_cathedral/24893392_5965941089.jpg 0 0 +milan_cathedral/40314980_9700079070.jpg milan_cathedral/09575022_3989231800.jpg 0 0 +milan_cathedral/40314980_9700079070.jpg milan_cathedral/23721333_5020933386.jpg 0 0 +milan_cathedral/40314980_9700079070.jpg milan_cathedral/26872899_8774605072.jpg 0 0 +milan_cathedral/40314980_9700079070.jpg milan_cathedral/39482084_2491760334.jpg 0 0 +milan_cathedral/40789559_6046840301.jpg milan_cathedral/26872899_8774605072.jpg 0 0 +milan_cathedral/40789559_6046840301.jpg milan_cathedral/39482084_2491760334.jpg 0 0 +milan_cathedral/41071529_8754456844.jpg milan_cathedral/09491878_4406179803.jpg 0 0 +milan_cathedral/41071529_8754456844.jpg milan_cathedral/09938392_10075603284.jpg 0 0 +milan_cathedral/41356882_8106006560.jpg milan_cathedral/09491878_4406179803.jpg 0 0 +milan_cathedral/41356882_8106006560.jpg milan_cathedral/09601272_2772667324.jpg 0 0 +milan_cathedral/41356882_8106006560.jpg milan_cathedral/11217188_10189419774.jpg 0 0 +milan_cathedral/41356882_8106006560.jpg milan_cathedral/26872899_8774605072.jpg 0 0 +milan_cathedral/53356557_5939317819.jpg milan_cathedral/38668777_6910847202.jpg 0 0 +milan_cathedral/53471362_4657435792.jpg milan_cathedral/24893392_5965941089.jpg 0 0 +milan_cathedral/53801537_9617244539.jpg milan_cathedral/24893392_5965941089.jpg 0 0 +milan_cathedral/53849586_8585727848.jpg milan_cathedral/09575022_3989231800.jpg 0 0 +milan_cathedral/53849586_8585727848.jpg milan_cathedral/25159141_5131720800.jpg 0 0 +milan_cathedral/53849586_8585727848.jpg milan_cathedral/26872899_8774605072.jpg 0 0 +milan_cathedral/54685652_2433834750.jpg milan_cathedral/11665119_9718798941.jpg 0 0 +milan_cathedral/54685652_2433834750.jpg milan_cathedral/11984869_4871131843.jpg 0 0 +milan_cathedral/54685652_2433834750.jpg milan_cathedral/24012674_5016524113.jpg 0 0 +milan_cathedral/54685652_2433834750.jpg milan_cathedral/24543018_4255817801.jpg 0 0 +milan_cathedral/54685652_2433834750.jpg milan_cathedral/25202772_11322868525.jpg 0 0 +milan_cathedral/54685652_2433834750.jpg milan_cathedral/39011107_5067696969.jpg 0 0 +milan_cathedral/54685652_2433834750.jpg milan_cathedral/39062293_8665487142.jpg 0 0 +milan_cathedral/54685652_2433834750.jpg milan_cathedral/39422913_4566931177.jpg 0 0 +milan_cathedral/54685652_2433834750.jpg milan_cathedral/40789559_6046840301.jpg 0 0 +milan_cathedral/55339819_5966046893.jpg milan_cathedral/10273610_2867561643.jpg 0 0 +milan_cathedral/55339819_5966046893.jpg milan_cathedral/26872899_8774605072.jpg 0 0 +milan_cathedral/55339819_5966046893.jpg milan_cathedral/40314980_9700079070.jpg 0 0 +milan_cathedral/55339819_5966046893.jpg milan_cathedral/54685652_2433834750.jpg 0 0 +milan_cathedral/55536380_13171182884.jpg milan_cathedral/54685652_2433834750.jpg 0 0 +milan_cathedral/66724950_4113569852.jpg milan_cathedral/54685652_2433834750.jpg 0 0 +milan_cathedral/67498776_9619879776.jpg milan_cathedral/38668777_6910847202.jpg 3 0 +milan_cathedral/67664985_8512266409.jpg milan_cathedral/09601272_2772667324.jpg 0 0 +milan_cathedral/67664985_8512266409.jpg milan_cathedral/11217188_10189419774.jpg 0 0 +milan_cathedral/67664985_8512266409.jpg milan_cathedral/26872899_8774605072.jpg 0 0 +milan_cathedral/67664985_8512266409.jpg milan_cathedral/26988791_8522603768.jpg 0 0 +milan_cathedral/67664985_8512266409.jpg milan_cathedral/38203065_13966912134.jpg 0 0 +milan_cathedral/67664985_8512266409.jpg milan_cathedral/40314980_9700079070.jpg 0 0 +milan_cathedral/67664985_8512266409.jpg milan_cathedral/54685652_2433834750.jpg 0 0 +milan_cathedral/68120996_2636150316.jpg milan_cathedral/09601272_2772667324.jpg 0 0 +milan_cathedral/68120996_2636150316.jpg milan_cathedral/09938392_10075603284.jpg 0 0 +milan_cathedral/68120996_2636150316.jpg milan_cathedral/11217188_10189419774.jpg 0 0 +milan_cathedral/68120996_2636150316.jpg milan_cathedral/13117887_4341298481.jpg 0 1 +milan_cathedral/68120996_2636150316.jpg milan_cathedral/25159141_5131720800.jpg 0 0 +milan_cathedral/68120996_2636150316.jpg milan_cathedral/41071529_8754456844.jpg 0 0 +milan_cathedral/68284001_4159199505.jpg milan_cathedral/54685652_2433834750.jpg 0 0 +milan_cathedral/69664899_8650581482.jpg milan_cathedral/09491878_4406179803.jpg 0 0 +milan_cathedral/69664899_8650581482.jpg milan_cathedral/11772337_6005928979.jpg 0 0 +milan_cathedral/69664899_8650581482.jpg milan_cathedral/24543018_4255817801.jpg 0 0 +milan_cathedral/70364995_248102962.jpg milan_cathedral/38668777_6910847202.jpg 0 0 +milan_cathedral/80890088_13351503353.jpg milan_cathedral/68120996_2636150316.jpg 3 0 +milan_cathedral/81385612_8027121340.jpg milan_cathedral/09932992_10193660434.jpg 0 0 +milan_cathedral/81385612_8027121340.jpg milan_cathedral/24449231_3882126092.jpg 0 0 +milan_cathedral/81385612_8027121340.jpg milan_cathedral/55339819_5966046893.jpg 0 0 +milan_cathedral/81455961_4688119718.jpg milan_cathedral/25159141_5131720800.jpg 0 0 +milan_cathedral/81919943_8062512982.jpg milan_cathedral/09575022_3989231800.jpg 0 0 +milan_cathedral/81919943_8062512982.jpg milan_cathedral/12354026_1343286555.jpg 0 0 +milan_cathedral/81919943_8062512982.jpg milan_cathedral/40314980_9700079070.jpg 0 0 +milan_cathedral/81919943_8062512982.jpg milan_cathedral/53801537_9617244539.jpg 0 0 +milan_cathedral/81919943_8062512982.jpg milan_cathedral/67664985_8512266409.jpg 0 0 +milan_cathedral/82134202_3125259320.jpg milan_cathedral/26872899_8774605072.jpg 0 0 +milan_cathedral/82134202_3125259320.jpg milan_cathedral/68120996_2636150316.jpg 0 0 +milan_cathedral/82180318_8665866581.jpg milan_cathedral/09491878_4406179803.jpg 0 0 +milan_cathedral/82180318_8665866581.jpg milan_cathedral/39482084_2491760334.jpg 0 0 +milan_cathedral/82656570_6648747811.jpg milan_cathedral/09491878_4406179803.jpg 0 0 +milan_cathedral/82656570_6648747811.jpg milan_cathedral/11984869_4871131843.jpg 0 0 +milan_cathedral/82656570_6648747811.jpg milan_cathedral/13103628_8003383048.jpg 0 0 +milan_cathedral/82656570_6648747811.jpg milan_cathedral/24012674_5016524113.jpg 0 0 +milan_cathedral/82656570_6648747811.jpg milan_cathedral/25229711_5555074741.jpg 0 0 +milan_cathedral/82656570_6648747811.jpg milan_cathedral/26118601_7878021902.jpg 0 0 +milan_cathedral/82656570_6648747811.jpg milan_cathedral/26988791_8522603768.jpg 0 0 +milan_cathedral/82656570_6648747811.jpg milan_cathedral/38694587_10820714163.jpg 0 0 +milan_cathedral/82656570_6648747811.jpg milan_cathedral/39422913_4566931177.jpg 0 0 +milan_cathedral/82656570_6648747811.jpg milan_cathedral/39482084_2491760334.jpg 0 0 +milan_cathedral/82656570_6648747811.jpg milan_cathedral/41458735_8067064688.jpg 0 0 +milan_cathedral/82656570_6648747811.jpg milan_cathedral/52460672_5842914124.jpg 0 0 +milan_cathedral/82656570_6648747811.jpg milan_cathedral/52533713_3985889024.jpg 0 0 +milan_cathedral/82656570_6648747811.jpg milan_cathedral/55536380_13171182884.jpg 0 0 +milan_cathedral/82656570_6648747811.jpg milan_cathedral/67431377_18110420.jpg 0 0 +milan_cathedral/82744973_2713232606.jpg milan_cathedral/09552919_4222142873.jpg 0 0 +milan_cathedral/82744973_2713232606.jpg milan_cathedral/09938392_10075603284.jpg 0 0 +milan_cathedral/82744973_2713232606.jpg milan_cathedral/13117887_4341298481.jpg 0 1 +milan_cathedral/82744973_2713232606.jpg milan_cathedral/24449231_3882126092.jpg 0 0 +milan_cathedral/82744973_2713232606.jpg milan_cathedral/26872899_8774605072.jpg 0 0 +milan_cathedral/82744973_2713232606.jpg milan_cathedral/67664985_8512266409.jpg 0 0 +milan_cathedral/82744973_2713232606.jpg milan_cathedral/82180318_8665866581.jpg 0 0 +milan_cathedral/82805870_8278544614.jpg milan_cathedral/39422913_4566931177.jpg 0 0 +milan_cathedral/82805870_8278544614.jpg milan_cathedral/55339819_5966046893.jpg 0 0 +milan_cathedral/82805870_8278544614.jpg milan_cathedral/67664985_8512266409.jpg 0 0 +milan_cathedral/82805870_8278544614.jpg milan_cathedral/69664899_8650581482.jpg 0 0 +milan_cathedral/82805870_8278544614.jpg milan_cathedral/81385612_8027121340.jpg 0 0 +milan_cathedral/82945467_7669538700.jpg milan_cathedral/41356882_8106006560.jpg 0 0 +milan_cathedral/82945467_7669538700.jpg milan_cathedral/54685652_2433834750.jpg 0 0 +milan_cathedral/82945467_7669538700.jpg milan_cathedral/82656570_6648747811.jpg 0 0 +milan_cathedral/83160190_6602514537.jpg milan_cathedral/68120996_2636150316.jpg 0 0 +milan_cathedral/83160190_6602514537.jpg milan_cathedral/82134202_3125259320.jpg 0 0 +milan_cathedral/83277557_4730085418.jpg milan_cathedral/23702407_4728224411.jpg 0 0 +milan_cathedral/83481119_8234117159.jpg milan_cathedral/25159141_5131720800.jpg 0 0 +milan_cathedral/83481119_8234117159.jpg milan_cathedral/41071529_8754456844.jpg 0 0 +milan_cathedral/83481119_8234117159.jpg milan_cathedral/54685652_2433834750.jpg 0 0 +milan_cathedral/83481119_8234117159.jpg milan_cathedral/81919943_8062512982.jpg 0 0 +milan_cathedral/84130020_8585018861.jpg milan_cathedral/25229711_5555074741.jpg 0 0 +milan_cathedral/84130020_8585018861.jpg milan_cathedral/41356882_8106006560.jpg 0 0 +milan_cathedral/84130020_8585018861.jpg milan_cathedral/55544947_3988476189.jpg 0 0 +milan_cathedral/84130020_8585018861.jpg milan_cathedral/80890088_13351503353.jpg 0 3 +milan_cathedral/84130020_8585018861.jpg milan_cathedral/82180318_8665866581.jpg 0 0 +milan_cathedral/84130020_8585018861.jpg milan_cathedral/82656570_6648747811.jpg 0 0 +milan_cathedral/84536974_3522858107.jpg milan_cathedral/25159141_5131720800.jpg 0 0 +milan_cathedral/84536974_3522858107.jpg milan_cathedral/84130020_8585018861.jpg 0 0 +milan_cathedral/95327663_7389319598.jpg milan_cathedral/09552919_4222142873.jpg 0 0 +milan_cathedral/95327663_7389319598.jpg milan_cathedral/09601272_2772667324.jpg 0 0 +milan_cathedral/95327663_7389319598.jpg milan_cathedral/54685652_2433834750.jpg 0 0 +milan_cathedral/95336721_3326114406.jpg milan_cathedral/09575022_3989231800.jpg 0 0 +milan_cathedral/95336721_3326114406.jpg milan_cathedral/09601272_2772667324.jpg 0 0 +milan_cathedral/95336721_3326114406.jpg milan_cathedral/09938392_10075603284.jpg 0 0 +milan_cathedral/95336721_3326114406.jpg milan_cathedral/24449231_3882126092.jpg 0 0 +milan_cathedral/95336721_3326114406.jpg milan_cathedral/26988791_8522603768.jpg 0 0 +milan_cathedral/95336721_3326114406.jpg milan_cathedral/41356882_8106006560.jpg 0 0 +milan_cathedral/95336721_3326114406.jpg milan_cathedral/53356557_5939317819.jpg 0 0 +milan_cathedral/95336721_3326114406.jpg milan_cathedral/53849586_8585727848.jpg 0 0 +milan_cathedral/95778567_8067087428.jpg milan_cathedral/25159141_5131720800.jpg 0 0 +milan_cathedral/96070062_6464470413.jpg milan_cathedral/09932992_10193660434.jpg 0 0 +milan_cathedral/96070062_6464470413.jpg milan_cathedral/54685652_2433834750.jpg 0 0 +milan_cathedral/96102133_8988647089.jpg milan_cathedral/25159141_5131720800.jpg 0 0 +milan_cathedral/96121006_2929145265.jpg milan_cathedral/25159141_5131720800.jpg 0 0 +milan_cathedral/96121006_2929145265.jpg milan_cathedral/82656570_6648747811.jpg 0 0 +milan_cathedral/96321014_2180687528.jpg milan_cathedral/25159141_5131720800.jpg 0 0 +milan_cathedral/96758111_4832521003.jpg milan_cathedral/09601272_2772667324.jpg 0 0 +milan_cathedral/96758111_4832521003.jpg milan_cathedral/10273610_2867561643.jpg 0 0 +milan_cathedral/96758111_4832521003.jpg milan_cathedral/13117887_4341298481.jpg 0 1 +milan_cathedral/96758111_4832521003.jpg milan_cathedral/52533713_3985889024.jpg 0 0 +milan_cathedral/97177075_4363672786.jpg milan_cathedral/25159141_5131720800.jpg 0 0 +milan_cathedral/97327934_3716435244.jpg milan_cathedral/84130020_8585018861.jpg 0 0 +milan_cathedral/97327934_3716435244.jpg milan_cathedral/96758111_4832521003.jpg 0 0 +milan_cathedral/97356290_13956354952.jpg milan_cathedral/11665119_9718798941.jpg 0 0 +milan_cathedral/97356290_13956354952.jpg milan_cathedral/24543018_4255817801.jpg 0 0 +milan_cathedral/97356290_13956354952.jpg milan_cathedral/39062293_8665487142.jpg 0 0 +milan_cathedral/97356290_13956354952.jpg milan_cathedral/39482084_2491760334.jpg 0 0 +milan_cathedral/97356290_13956354952.jpg milan_cathedral/41071529_8754456844.jpg 0 0 +milan_cathedral/97356290_13956354952.jpg milan_cathedral/55544947_3988476189.jpg 0 0 +milan_cathedral/97356290_13956354952.jpg milan_cathedral/67431377_18110420.jpg 0 0 +milan_cathedral/97356290_13956354952.jpg milan_cathedral/67498776_9619879776.jpg 0 3 +milan_cathedral/97356290_13956354952.jpg milan_cathedral/82945467_7669538700.jpg 0 0 +milan_cathedral/97400342_4040694720.jpg milan_cathedral/09491878_4406179803.jpg 0 0 +milan_cathedral/97400342_4040694720.jpg milan_cathedral/54685652_2433834750.jpg 0 0 +milan_cathedral/97525867_5402831034.jpg milan_cathedral/54685652_2433834750.jpg 0 0 +milan_cathedral/97803267_5001703316.jpg milan_cathedral/09575022_3989231800.jpg 0 0 +milan_cathedral/97803267_5001703316.jpg milan_cathedral/09932992_10193660434.jpg 0 0 +milan_cathedral/97803267_5001703316.jpg milan_cathedral/11665119_9718798941.jpg 0 0 +milan_cathedral/97803267_5001703316.jpg milan_cathedral/38668777_6910847202.jpg 0 0 +milan_cathedral/97803267_5001703316.jpg milan_cathedral/53849586_8585727848.jpg 0 0 +milan_cathedral/97803267_5001703316.jpg milan_cathedral/95336721_3326114406.jpg 0 0 +milan_cathedral/98005135_5019457891.jpg milan_cathedral/96758111_4832521003.jpg 0 0 +milan_cathedral/98032155_13959989264.jpg milan_cathedral/24012674_5016524113.jpg 0 0 +milan_cathedral/98032155_13959989264.jpg milan_cathedral/25159141_5131720800.jpg 0 0 +milan_cathedral/98032155_13959989264.jpg milan_cathedral/39863084_3824970896.jpg 0 0 +milan_cathedral/98032155_13959989264.jpg milan_cathedral/67431377_18110420.jpg 0 0 +milan_cathedral/98032155_13959989264.jpg milan_cathedral/67498776_9619879776.jpg 0 3 +milan_cathedral/98032155_13959989264.jpg milan_cathedral/82180318_8665866581.jpg 0 0 +milan_cathedral/98032155_13959989264.jpg milan_cathedral/82945467_7669538700.jpg 0 0 +milan_cathedral/98032155_13959989264.jpg milan_cathedral/96121006_2929145265.jpg 0 0 +milan_cathedral/98032155_13959989264.jpg milan_cathedral/97952572_3538223849.jpg 0 0 +milan_cathedral/98632867_8234125577.jpg milan_cathedral/09575022_3989231800.jpg 0 0 +milan_cathedral/98632867_8234125577.jpg milan_cathedral/09601272_2772667324.jpg 0 0 +milan_cathedral/98632867_8234125577.jpg milan_cathedral/24893392_5965941089.jpg 0 0 +milan_cathedral/98632867_8234125577.jpg milan_cathedral/38668777_6910847202.jpg 0 0 +milan_cathedral/98632867_8234125577.jpg milan_cathedral/97356290_13956354952.jpg 0 0 +milan_cathedral/98669736_5479262314.jpg milan_cathedral/54685652_2433834750.jpg 0 0 +milan_cathedral/99015226_7414618182.jpg milan_cathedral/09491878_4406179803.jpg 3 0 +milan_cathedral/99015226_7414618182.jpg milan_cathedral/38668777_6910847202.jpg 3 0 +milan_cathedral/99015226_7414618182.jpg milan_cathedral/40314980_9700079070.jpg 3 0 +milan_cathedral/99015226_7414618182.jpg milan_cathedral/41071529_8754456844.jpg 3 0 +milan_cathedral/99015226_7414618182.jpg milan_cathedral/98032155_13959989264.jpg 3 0 +mount_rushmore/25745031_9648740952.jpg mount_rushmore/12668054_3615518953.jpg 0 0 +mount_rushmore/25745031_9648740952.jpg mount_rushmore/13042738_4857773665.jpg 0 0 +mount_rushmore/25745031_9648740952.jpg mount_rushmore/13097504_1142757587.jpg 0 0 +mount_rushmore/25745031_9648740952.jpg mount_rushmore/13599769_4836706620.jpg 0 0 +mount_rushmore/25919332_7953779934.jpg mount_rushmore/13042738_4857773665.jpg 0 0 +mount_rushmore/25919332_7953779934.jpg mount_rushmore/13599769_4836706620.jpg 0 0 +mount_rushmore/25970722_11460326784.jpg mount_rushmore/25745031_9648740952.jpg 0 0 +mount_rushmore/26519501_4668153482.jpg mount_rushmore/25745031_9648740952.jpg 0 0 +mount_rushmore/26593481_4911039163.jpg mount_rushmore/25745031_9648740952.jpg 0 0 +mount_rushmore/27036190_5892985504.jpg mount_rushmore/25745031_9648740952.jpg 0 0 +mount_rushmore/27360670_2866909708.jpg mount_rushmore/13490291_4734187970.jpg 0 0 +mount_rushmore/27360670_2866909708.jpg mount_rushmore/25919332_7953779934.jpg 0 0 +mount_rushmore/27986088_6048005262.jpg mount_rushmore/13042738_4857773665.jpg 0 0 +mount_rushmore/27986088_6048005262.jpg mount_rushmore/25745031_9648740952.jpg 0 0 +mount_rushmore/40227857_5892406989.jpg mount_rushmore/12432969_7553798136.jpg 0 0 +mount_rushmore/40227857_5892406989.jpg mount_rushmore/12875628_4653425873.jpg 0 0 +mount_rushmore/40227857_5892406989.jpg mount_rushmore/13097504_1142757587.jpg 0 0 +mount_rushmore/40227857_5892406989.jpg mount_rushmore/25745031_9648740952.jpg 0 0 +mount_rushmore/40227857_5892406989.jpg mount_rushmore/25970722_11460326784.jpg 0 0 +mount_rushmore/40227857_5892406989.jpg mount_rushmore/26519501_4668153482.jpg 0 0 +mount_rushmore/40227857_5892406989.jpg mount_rushmore/26593481_4911039163.jpg 0 0 +mount_rushmore/40227857_5892406989.jpg mount_rushmore/27036190_5892985504.jpg 0 0 +mount_rushmore/40227857_5892406989.jpg mount_rushmore/27360670_2866909708.jpg 0 0 +mount_rushmore/40744002_5962170652.jpg mount_rushmore/12668054_3615518953.jpg 0 0 +mount_rushmore/40744002_5962170652.jpg mount_rushmore/13599769_4836706620.jpg 0 0 +mount_rushmore/40744002_5962170652.jpg mount_rushmore/26519501_4668153482.jpg 0 0 +mount_rushmore/40744002_5962170652.jpg mount_rushmore/40227857_5892406989.jpg 0 0 +mount_rushmore/42247466_4943183303.jpg mount_rushmore/25919332_7953779934.jpg 0 0 +mount_rushmore/42880237_8761277261.jpg mount_rushmore/40227857_5892406989.jpg 0 0 +mount_rushmore/55138946_6047449563.jpg mount_rushmore/12875628_4653425873.jpg 0 0 +mount_rushmore/55138946_6047449563.jpg mount_rushmore/27827505_2816554094.jpg 0 0 +mount_rushmore/55138946_6047449563.jpg mount_rushmore/40744002_5962170652.jpg 0 0 +mount_rushmore/55605765_8987605276.jpg mount_rushmore/25745031_9648740952.jpg 0 0 +mount_rushmore/55938628_7284140540.jpg mount_rushmore/12875628_4653425873.jpg 0 0 +mount_rushmore/55938628_7284140540.jpg mount_rushmore/13097504_1142757587.jpg 0 0 +mount_rushmore/55938628_7284140540.jpg mount_rushmore/25970722_11460326784.jpg 0 0 +mount_rushmore/55938628_7284140540.jpg mount_rushmore/26519501_4668153482.jpg 0 0 +mount_rushmore/55938628_7284140540.jpg mount_rushmore/26593481_4911039163.jpg 0 0 +mount_rushmore/55938628_7284140540.jpg mount_rushmore/40744002_5962170652.jpg 0 0 +mount_rushmore/55938628_7284140540.jpg mount_rushmore/42880237_8761277261.jpg 0 0 +mount_rushmore/55965355_4883950078.jpg mount_rushmore/25745031_9648740952.jpg 0 0 +mount_rushmore/55965355_4883950078.jpg mount_rushmore/55138946_6047449563.jpg 0 0 +mount_rushmore/56046600_7553774456.jpg mount_rushmore/40227857_5892406989.jpg 0 0 +mount_rushmore/56132120_4832030217.jpg mount_rushmore/25745031_9648740952.jpg 0 0 +mount_rushmore/56132120_4832030217.jpg mount_rushmore/55965355_4883950078.jpg 0 0 +mount_rushmore/56719066_6048070074.jpg mount_rushmore/55938628_7284140540.jpg 0 0 +mount_rushmore/68573560_9287440946.jpg mount_rushmore/25745031_9648740952.jpg 3 0 +mount_rushmore/68573560_9287440946.jpg mount_rushmore/40744002_5962170652.jpg 3 0 +mount_rushmore/68573560_9287440946.jpg mount_rushmore/55938628_7284140540.jpg 3 0 +mount_rushmore/68573560_9287440946.jpg mount_rushmore/55965355_4883950078.jpg 3 0 +mount_rushmore/68573560_9287440946.jpg mount_rushmore/56132120_4832030217.jpg 3 0 +mount_rushmore/69455994_461071902.jpg mount_rushmore/12432969_7553798136.jpg 0 0 +mount_rushmore/69455994_461071902.jpg mount_rushmore/13042738_4857773665.jpg 0 0 +mount_rushmore/69455994_461071902.jpg mount_rushmore/26593481_4911039163.jpg 0 0 +mount_rushmore/69455994_461071902.jpg mount_rushmore/27022419_3624031522.jpg 0 0 +mount_rushmore/69455994_461071902.jpg mount_rushmore/27036190_5892985504.jpg 0 0 +mount_rushmore/69455994_461071902.jpg mount_rushmore/27173700_4686249949.jpg 0 0 +mount_rushmore/69455994_461071902.jpg mount_rushmore/27360670_2866909708.jpg 0 0 +mount_rushmore/69455994_461071902.jpg mount_rushmore/39985105_4640556511.jpg 0 0 +mount_rushmore/69455994_461071902.jpg mount_rushmore/40043670_7128770321.jpg 0 0 +mount_rushmore/69455994_461071902.jpg mount_rushmore/40227857_5892406989.jpg 0 0 +mount_rushmore/69455994_461071902.jpg mount_rushmore/42880237_8761277261.jpg 0 0 +mount_rushmore/69455994_461071902.jpg mount_rushmore/55938628_7284140540.jpg 0 0 +mount_rushmore/70576073_2805205182.jpg mount_rushmore/14206145_1039630726.jpg 0 0 +mount_rushmore/70576073_2805205182.jpg mount_rushmore/25745031_9648740952.jpg 0 0 +mount_rushmore/70576073_2805205182.jpg mount_rushmore/25809836_1698548495.jpg 0 0 +mount_rushmore/70576073_2805205182.jpg mount_rushmore/25863550_4877153701.jpg 0 0 +mount_rushmore/70576073_2805205182.jpg mount_rushmore/42247466_4943183303.jpg 0 0 +mount_rushmore/70576073_2805205182.jpg mount_rushmore/55146346_536570536.jpg 0 0 +mount_rushmore/70576073_2805205182.jpg mount_rushmore/55441477_6048058460.jpg 0 0 +mount_rushmore/70576073_2805205182.jpg mount_rushmore/55938628_7284140540.jpg 0 0 +mount_rushmore/70576073_2805205182.jpg mount_rushmore/56719066_6048070074.jpg 0 0 +mount_rushmore/70576073_2805205182.jpg mount_rushmore/69455994_461071902.jpg 0 0 +mount_rushmore/70728516_9506700800.jpg mount_rushmore/40227857_5892406989.jpg 0 0 +mount_rushmore/70728516_9506700800.jpg mount_rushmore/55938628_7284140540.jpg 0 0 +mount_rushmore/70918194_5163437102.jpg mount_rushmore/69455994_461071902.jpg 0 0 +mount_rushmore/82809955_2646237180.jpg mount_rushmore/25745031_9648740952.jpg 0 0 +mount_rushmore/82809955_2646237180.jpg mount_rushmore/55138946_6047449563.jpg 0 0 +mount_rushmore/82809955_2646237180.jpg mount_rushmore/55938628_7284140540.jpg 0 0 +mount_rushmore/82809955_2646237180.jpg mount_rushmore/55965355_4883950078.jpg 0 0 +mount_rushmore/83140596_201542848.jpg mount_rushmore/13599769_4836706620.jpg 0 0 +mount_rushmore/83140596_201542848.jpg mount_rushmore/40227857_5892406989.jpg 0 0 +mount_rushmore/83140596_201542848.jpg mount_rushmore/55138946_6047449563.jpg 0 0 +mount_rushmore/83140596_201542848.jpg mount_rushmore/55938628_7284140540.jpg 0 0 +mount_rushmore/83140596_201542848.jpg mount_rushmore/56132120_4832030217.jpg 0 0 +mount_rushmore/83140596_201542848.jpg mount_rushmore/69455994_461071902.jpg 0 0 +mount_rushmore/83688925_461076108.jpg mount_rushmore/25809836_1698548495.jpg 0 0 +mount_rushmore/83688925_461076108.jpg mount_rushmore/25919332_7953779934.jpg 0 0 +mount_rushmore/83688925_461076108.jpg mount_rushmore/27173700_4686249949.jpg 0 0 +mount_rushmore/83688925_461076108.jpg mount_rushmore/39985105_4640556511.jpg 0 0 +mount_rushmore/83688925_461076108.jpg mount_rushmore/40227857_5892406989.jpg 0 0 +mount_rushmore/83688925_461076108.jpg mount_rushmore/42880237_8761277261.jpg 0 0 +mount_rushmore/83688925_461076108.jpg mount_rushmore/55337102_621872279.jpg 0 0 +mount_rushmore/83688925_461076108.jpg mount_rushmore/55605765_8987605276.jpg 0 0 +mount_rushmore/83688925_461076108.jpg mount_rushmore/56046600_7553774456.jpg 0 0 +mount_rushmore/83688925_461076108.jpg mount_rushmore/56513063_4145127986.jpg 0 0 +mount_rushmore/83688925_461076108.jpg mount_rushmore/69455994_461071902.jpg 0 0 +mount_rushmore/83688925_461076108.jpg mount_rushmore/71063765_5851683472.jpg 0 0 +mount_rushmore/83688925_461076108.jpg mount_rushmore/82974837_4686248503.jpg 0 0 +mount_rushmore/83688925_461076108.jpg mount_rushmore/83140596_201542848.jpg 0 0 +mount_rushmore/83799128_4712257925.jpg mount_rushmore/25745031_9648740952.jpg 0 0 +mount_rushmore/83799128_4712257925.jpg mount_rushmore/69455994_461071902.jpg 0 0 +mount_rushmore/83799128_4712257925.jpg mount_rushmore/70576073_2805205182.jpg 0 0 +mount_rushmore/83898990_6048075796.jpg mount_rushmore/70576073_2805205182.jpg 0 0 +mount_rushmore/84121976_7144353889.jpg mount_rushmore/70576073_2805205182.jpg 0 0 +mount_rushmore/84215382_4781271009.jpg mount_rushmore/40227857_5892406989.jpg 0 0 +mount_rushmore/84215382_4781271009.jpg mount_rushmore/69455994_461071902.jpg 0 0 +mount_rushmore/84350961_1389246026.jpg mount_rushmore/25745031_9648740952.jpg 0 0 +mount_rushmore/84418263_223923906.jpg mount_rushmore/25745031_9648740952.jpg 0 0 +mount_rushmore/84418263_223923906.jpg mount_rushmore/27827505_2816554094.jpg 0 0 +mount_rushmore/84418263_223923906.jpg mount_rushmore/55138946_6047449563.jpg 0 0 +mount_rushmore/84418263_223923906.jpg mount_rushmore/55605765_8987605276.jpg 0 0 +mount_rushmore/84418263_223923906.jpg mount_rushmore/55965355_4883950078.jpg 0 0 +mount_rushmore/84597100_5916365737.jpg mount_rushmore/12668054_3615518953.jpg 0 0 +mount_rushmore/84597100_5916365737.jpg mount_rushmore/27986088_6048005262.jpg 0 0 +mount_rushmore/84597100_5916365737.jpg mount_rushmore/40744002_5962170652.jpg 0 0 +mount_rushmore/84597100_5916365737.jpg mount_rushmore/56046600_7553774456.jpg 0 0 +mount_rushmore/84597100_5916365737.jpg mount_rushmore/56132120_4832030217.jpg 0 0 +mount_rushmore/84597100_5916365737.jpg mount_rushmore/68573560_9287440946.jpg 0 3 +mount_rushmore/84597100_5916365737.jpg mount_rushmore/83140596_201542848.jpg 0 0 +mount_rushmore/84597100_5916365737.jpg mount_rushmore/84418263_223923906.jpg 0 0 +mount_rushmore/84724838_6048066210.jpg mount_rushmore/25745031_9648740952.jpg 0 0 +mount_rushmore/84724838_6048066210.jpg mount_rushmore/69455994_461071902.jpg 0 0 +mount_rushmore/84738085_6039549973.jpg mount_rushmore/40227857_5892406989.jpg 0 0 +mount_rushmore/84738085_6039549973.jpg mount_rushmore/70576073_2805205182.jpg 0 0 +mount_rushmore/84840272_5284924939.jpg mount_rushmore/83140596_201542848.jpg 0 0 +mount_rushmore/84840272_5284924939.jpg mount_rushmore/83688925_461076108.jpg 0 0 +mount_rushmore/84881604_2382566314.jpg mount_rushmore/55938628_7284140540.jpg 0 0 +mount_rushmore/84881604_2382566314.jpg mount_rushmore/69455994_461071902.jpg 0 0 +mount_rushmore/97084118_247007226.jpg mount_rushmore/27986088_6048005262.jpg 0 0 +mount_rushmore/97084118_247007226.jpg mount_rushmore/40744002_5962170652.jpg 0 0 +mount_rushmore/97084118_247007226.jpg mount_rushmore/55138946_6047449563.jpg 0 0 +mount_rushmore/97084118_247007226.jpg mount_rushmore/55605765_8987605276.jpg 0 0 +mount_rushmore/97084118_247007226.jpg mount_rushmore/55965355_4883950078.jpg 0 0 +mount_rushmore/97084118_247007226.jpg mount_rushmore/68573560_9287440946.jpg 0 3 +mount_rushmore/97084118_247007226.jpg mount_rushmore/69455994_461071902.jpg 0 0 +mount_rushmore/97084118_247007226.jpg mount_rushmore/83140596_201542848.jpg 0 0 +mount_rushmore/97084118_247007226.jpg mount_rushmore/84597100_5916365737.jpg 0 0 +mount_rushmore/97157549_3697007723.jpg mount_rushmore/25745031_9648740952.jpg 0 0 +mount_rushmore/97157549_3697007723.jpg mount_rushmore/27360670_2866909708.jpg 0 0 +mount_rushmore/97207904_6047535595.jpg mount_rushmore/70576073_2805205182.jpg 0 0 +mount_rushmore/97207904_6047535595.jpg mount_rushmore/83688925_461076108.jpg 0 0 +mount_rushmore/97259426_3355802451.jpg mount_rushmore/70576073_2805205182.jpg 0 0 +mount_rushmore/97424146_6047547573.jpg mount_rushmore/55938628_7284140540.jpg 0 0 +mount_rushmore/97513402_8065873318.jpg mount_rushmore/55938628_7284140540.jpg 0 0 +mount_rushmore/97513402_8065873318.jpg mount_rushmore/83688925_461076108.jpg 0 0 +mount_rushmore/97901432_6048090248.jpg mount_rushmore/55938628_7284140540.jpg 0 0 +mount_rushmore/97901432_6048090248.jpg mount_rushmore/83688925_461076108.jpg 0 0 +mount_rushmore/97901432_6048090248.jpg mount_rushmore/84597100_5916365737.jpg 0 0 +mount_rushmore/98069734_5740862309.jpg mount_rushmore/13042738_4857773665.jpg 0 0 +mount_rushmore/98069734_5740862309.jpg mount_rushmore/25745031_9648740952.jpg 0 0 +mount_rushmore/98069734_5740862309.jpg mount_rushmore/26587899_8627862949.jpg 0 3 +mount_rushmore/98069734_5740862309.jpg mount_rushmore/26593481_4911039163.jpg 0 0 +mount_rushmore/98069734_5740862309.jpg mount_rushmore/27986088_6048005262.jpg 0 0 +mount_rushmore/98069734_5740862309.jpg mount_rushmore/40744002_5962170652.jpg 0 0 +mount_rushmore/98069734_5740862309.jpg mount_rushmore/42880237_8761277261.jpg 0 0 +mount_rushmore/98069734_5740862309.jpg mount_rushmore/55605765_8987605276.jpg 0 0 +mount_rushmore/98069734_5740862309.jpg mount_rushmore/70728516_9506700800.jpg 0 0 +mount_rushmore/98069734_5740862309.jpg mount_rushmore/82809955_2646237180.jpg 0 0 +mount_rushmore/98069734_5740862309.jpg mount_rushmore/83140596_201542848.jpg 0 0 +mount_rushmore/98069734_5740862309.jpg mount_rushmore/84418263_223923906.jpg 0 0 +mount_rushmore/98069734_5740862309.jpg mount_rushmore/84881604_2382566314.jpg 0 0 +mount_rushmore/98069734_5740862309.jpg mount_rushmore/85724949_2805227318.jpg 0 0 +mount_rushmore/98069734_5740862309.jpg mount_rushmore/97424146_6047547573.jpg 0 0 +mount_rushmore/98069734_5740862309.jpg mount_rushmore/97513402_8065873318.jpg 0 0 +mount_rushmore/98378744_2691084009.jpg mount_rushmore/27827505_2816554094.jpg 0 0 +mount_rushmore/98378744_2691084009.jpg mount_rushmore/27986088_6048005262.jpg 0 0 +mount_rushmore/98378744_2691084009.jpg mount_rushmore/55605765_8987605276.jpg 0 0 +mount_rushmore/98378744_2691084009.jpg mount_rushmore/55938628_7284140540.jpg 0 0 +mount_rushmore/98378744_2691084009.jpg mount_rushmore/56719066_6048070074.jpg 0 0 +mount_rushmore/98378744_2691084009.jpg mount_rushmore/68573560_9287440946.jpg 0 3 +mount_rushmore/98378744_2691084009.jpg mount_rushmore/69455994_461071902.jpg 0 0 +mount_rushmore/98378744_2691084009.jpg mount_rushmore/69883770_6048064640.jpg 0 0 +mount_rushmore/98378744_2691084009.jpg mount_rushmore/84597100_5916365737.jpg 0 0 +mount_rushmore/98608981_1084644066.jpg mount_rushmore/70576073_2805205182.jpg 0 0 +mount_rushmore/98609318_1084707374.jpg mount_rushmore/27036190_5892985504.jpg 0 0 +mount_rushmore/98609318_1084707374.jpg mount_rushmore/27986088_6048005262.jpg 0 0 +mount_rushmore/98609318_1084707374.jpg mount_rushmore/40747061_18798486.jpg 0 0 +mount_rushmore/98609318_1084707374.jpg mount_rushmore/55138946_6047449563.jpg 0 0 +mount_rushmore/98609318_1084707374.jpg mount_rushmore/55605765_8987605276.jpg 0 0 +mount_rushmore/98609318_1084707374.jpg mount_rushmore/55965355_4883950078.jpg 0 0 +mount_rushmore/98609318_1084707374.jpg mount_rushmore/68573560_9287440946.jpg 0 3 +mount_rushmore/98609318_1084707374.jpg mount_rushmore/70728516_9506700800.jpg 0 0 +mount_rushmore/98609318_1084707374.jpg mount_rushmore/83140596_201542848.jpg 0 0 +mount_rushmore/98609318_1084707374.jpg mount_rushmore/85724949_2805227318.jpg 0 0 +mount_rushmore/98609318_1084707374.jpg mount_rushmore/97424146_6047547573.jpg 0 0 +mount_rushmore/98609318_1084707374.jpg mount_rushmore/97901432_6048090248.jpg 0 0 +mount_rushmore/98638853_5709018819.jpg mount_rushmore/98069734_5740862309.jpg 0 0 +mount_rushmore/99048849_5851679720.jpg mount_rushmore/25745031_9648740952.jpg 0 0 +mount_rushmore/99048849_5851679720.jpg mount_rushmore/27986088_6048005262.jpg 0 0 +mount_rushmore/99221765_4781278429.jpg mount_rushmore/25919332_7953779934.jpg 0 0 +mount_rushmore/99221765_4781278429.jpg mount_rushmore/25970722_11460326784.jpg 0 0 +mount_rushmore/99221765_4781278429.jpg mount_rushmore/39985105_4640556511.jpg 0 0 +mount_rushmore/99221765_4781278429.jpg mount_rushmore/40744002_5962170652.jpg 0 0 +mount_rushmore/99221765_4781278429.jpg mount_rushmore/56046600_7553774456.jpg 0 0 +mount_rushmore/99221765_4781278429.jpg mount_rushmore/69395165_8846630969.jpg 0 0 +mount_rushmore/99221765_4781278429.jpg mount_rushmore/84031843_6236172361.jpg 0 0 +mount_rushmore/99221765_4781278429.jpg mount_rushmore/84724838_6048066210.jpg 0 0 +mount_rushmore/99710004_3337007293.jpg mount_rushmore/40227857_5892406989.jpg 0 0 +mount_rushmore/99922009_3624016266.jpg mount_rushmore/69455994_461071902.jpg 0 0 +piazza_san_marco/04953444_2423753086.jpg piazza_san_marco/04017487_9005602998.jpg 0 0 +piazza_san_marco/15148634_5228701572.jpg piazza_san_marco/06795901_3725050516.jpg 0 0 +piazza_san_marco/15304651_3539832959.jpg piazza_san_marco/01688348_12300730234.jpg 0 0 +piazza_san_marco/16020278_3065916809.jpg piazza_san_marco/04953444_2423753086.jpg 0 0 +piazza_san_marco/20649592_384001953.jpg piazza_san_marco/05687240_1655294248.jpg 0 0 +piazza_san_marco/20649592_384001953.jpg piazza_san_marco/06295798_12300742994.jpg 0 0 +piazza_san_marco/20659768_370983914.jpg piazza_san_marco/06075189_6856096074.jpg 0 0 +piazza_san_marco/23751938_13250570774.jpg piazza_san_marco/08641657_1396164280.jpg 0 0 +piazza_san_marco/29047785_2387506155.jpg piazza_san_marco/06770278_12300476553.jpg 0 0 +piazza_san_marco/32061298_12585710763.jpg piazza_san_marco/06295798_12300742994.jpg 0 0 +piazza_san_marco/32061298_12585710763.jpg piazza_san_marco/20618803_4109950571.jpg 0 0 +piazza_san_marco/32189638_13916077925.jpg piazza_san_marco/19489590_236391387.jpg 0 0 +piazza_san_marco/32189638_13916077925.jpg piazza_san_marco/23048180_1188435764.jpg 0 0 +piazza_san_marco/33038875_6372044149.jpg piazza_san_marco/21173158_6043347191.jpg 0 0 +piazza_san_marco/33397731_219579118.jpg piazza_san_marco/21173158_6043347191.jpg 0 0 +piazza_san_marco/33610828_3107405660.jpg piazza_san_marco/16413076_9488649958.jpg 0 0 +piazza_san_marco/33610828_3107405660.jpg piazza_san_marco/30421945_199386877.jpg 0 0 +piazza_san_marco/35580319_7242840168.jpg piazza_san_marco/08020749_4084672329.jpg 0 0 +piazza_san_marco/35580319_7242840168.jpg piazza_san_marco/29047785_2387506155.jpg 0 0 +piazza_san_marco/36146268_3693794507.jpg piazza_san_marco/01688348_12300730234.jpg 0 0 +piazza_san_marco/36146268_3693794507.jpg piazza_san_marco/16576515_3093906064.jpg 0 0 +piazza_san_marco/36422008_2674079787.jpg piazza_san_marco/08641657_1396164280.jpg 0 0 +piazza_san_marco/36422008_2674079787.jpg piazza_san_marco/34745432_3311117688.jpg 0 0 +piazza_san_marco/36422008_2674079787.jpg piazza_san_marco/34900147_9647945813.jpg 0 0 +piazza_san_marco/37929918_11153434073.jpg piazza_san_marco/35580319_7242840168.jpg 0 0 +piazza_san_marco/43351518_2659980686.jpg piazza_san_marco/02765213_3937871604.jpg 0 0 +piazza_san_marco/43351518_2659980686.jpg piazza_san_marco/06795901_3725050516.jpg 0 0 +piazza_san_marco/43613632_3927740200.jpg piazza_san_marco/33370194_3086484243.jpg 0 0 +piazza_san_marco/47503930_312393288.jpg piazza_san_marco/35052211_7626597300.jpg 0 0 +piazza_san_marco/47708384_1462867702.jpg piazza_san_marco/05446260_7175726639.jpg 0 0 +piazza_san_marco/47708384_1462867702.jpg piazza_san_marco/19723085_13560889295.jpg 0 0 +piazza_san_marco/48336247_12513898.jpg piazza_san_marco/06795901_3725050516.jpg 0 0 +piazza_san_marco/48336247_12513898.jpg piazza_san_marco/20659768_370983914.jpg 0 0 +piazza_san_marco/49865216_1748767363.jpg piazza_san_marco/04412498_5871274067.jpg 0 0 +piazza_san_marco/49865216_1748767363.jpg piazza_san_marco/47503930_312393288.jpg 0 0 +piazza_san_marco/50945014_11874822725.jpg piazza_san_marco/20308172_3751782049.jpg 0 0 +piazza_san_marco/50945014_11874822725.jpg piazza_san_marco/46012194_5979633804.jpg 0 0 +piazza_san_marco/51641355_9558925683.jpg piazza_san_marco/20792936_4634852597.jpg 0 0 +piazza_san_marco/51956988_5207058219.jpg piazza_san_marco/03693106_384020886.jpg 0 0 +piazza_san_marco/51956988_5207058219.jpg piazza_san_marco/05606298_1057177690.jpg 0 0 +piazza_san_marco/51956988_5207058219.jpg piazza_san_marco/32061298_12585710763.jpg 0 0 +piazza_san_marco/58751010_4849458397.jpg piazza_san_marco/18627786_5929294590.jpg 0 0 +piazza_san_marco/58895530_3799481913.jpg piazza_san_marco/20308172_3751782049.jpg 0 0 +piazza_san_marco/60103943_4900329193.jpg piazza_san_marco/19394510_8649812072.jpg 0 0 +piazza_san_marco/60271577_12265830353.jpg piazza_san_marco/50945014_11874822725.jpg 0 0 +piazza_san_marco/60670754_4994924151.jpg piazza_san_marco/02938363_7768045658.jpg 0 0 +piazza_san_marco/60670754_4994924151.jpg piazza_san_marco/03693106_384020886.jpg 0 0 +piazza_san_marco/62093128_3607386703.jpg piazza_san_marco/32189638_13916077925.jpg 0 0 +piazza_san_marco/62119409_1192224848.jpg piazza_san_marco/21173158_6043347191.jpg 0 0 +piazza_san_marco/63288675_113807539.jpg piazza_san_marco/33038875_6372044149.jpg 0 0 +piazza_san_marco/63288675_113807539.jpg piazza_san_marco/49583632_7174270281.jpg 0 0 +piazza_san_marco/63338936_4890937953.jpg piazza_san_marco/34900147_9647945813.jpg 0 0 +piazza_san_marco/63442625_6470162101.jpg piazza_san_marco/08023741_4677043648.jpg 0 0 +piazza_san_marco/63442625_6470162101.jpg piazza_san_marco/36111627_7991189675.jpg 0 0 +piazza_san_marco/63537846_4128582942.jpg piazza_san_marco/35580319_7242840168.jpg 0 0 +piazza_san_marco/63653340_2826842977.jpg piazza_san_marco/19489590_236391387.jpg 0 0 +piazza_san_marco/63857949_8723080529.jpg piazza_san_marco/15148634_5228701572.jpg 0 0 +piazza_san_marco/63857949_8723080529.jpg piazza_san_marco/58895530_3799481913.jpg 0 0 +piazza_san_marco/64594077_8123467784.jpg piazza_san_marco/20308172_3751782049.jpg 0 0 +piazza_san_marco/64594077_8123467784.jpg piazza_san_marco/51956988_5207058219.jpg 0 0 +piazza_san_marco/64656176_4679312849.jpg piazza_san_marco/63274578_2100444889.jpg 0 0 +piazza_san_marco/64743922_5783936681.jpg piazza_san_marco/04953444_2423753086.jpg 0 0 +piazza_san_marco/64743922_5783936681.jpg piazza_san_marco/20308172_3751782049.jpg 0 0 +piazza_san_marco/64743922_5783936681.jpg piazza_san_marco/29028340_7801838214.jpg 0 0 +piazza_san_marco/64743922_5783936681.jpg piazza_san_marco/43613632_3927740200.jpg 0 0 +piazza_san_marco/64743922_5783936681.jpg piazza_san_marco/45865934_9118195672.jpg 0 0 +piazza_san_marco/65217461_5742419027.jpg piazza_san_marco/15304651_3539832959.jpg 0 0 +piazza_san_marco/65402493_2396575310.jpg piazza_san_marco/15148634_5228701572.jpg 0 0 +piazza_san_marco/65402493_2396575310.jpg piazza_san_marco/31074615_337589016.jpg 0 0 +piazza_san_marco/65402493_2396575310.jpg piazza_san_marco/49865216_1748767363.jpg 0 0 +piazza_san_marco/65627187_4621853852.jpg piazza_san_marco/32189638_13916077925.jpg 0 0 +piazza_san_marco/72108655_2387642563.jpg piazza_san_marco/43351518_2659980686.jpg 0 0 +piazza_san_marco/72108655_2387642563.jpg piazza_san_marco/62921760_5076240383.jpg 0 0 +piazza_san_marco/72108655_2387642563.jpg piazza_san_marco/63823465_312464387.jpg 0 0 +piazza_san_marco/72137639_2396573496.jpg piazza_san_marco/06295798_12300742994.jpg 0 0 +piazza_san_marco/72137639_2396573496.jpg piazza_san_marco/37929918_11153434073.jpg 0 0 +piazza_san_marco/73031475_2511490966.jpg piazza_san_marco/63338936_4890937953.jpg 0 0 +piazza_san_marco/73078543_3145524064.jpg piazza_san_marco/60103943_4900329193.jpg 0 0 +piazza_san_marco/73108736_2395798865.jpg piazza_san_marco/21934911_4003183688.jpg 0 0 +piazza_san_marco/73377885_8565827693.jpg piazza_san_marco/23751938_13250570774.jpg 0 0 +piazza_san_marco/73377885_8565827693.jpg piazza_san_marco/51202043_9310221789.jpg 0 0 +piazza_san_marco/73377885_8565827693.jpg piazza_san_marco/73031475_2511490966.jpg 0 0 +piazza_san_marco/73403778_6170168314.jpg piazza_san_marco/32061298_12585710763.jpg 0 0 +piazza_san_marco/73403778_6170168314.jpg piazza_san_marco/47978286_6233178275.jpg 0 0 +piazza_san_marco/73403778_6170168314.jpg piazza_san_marco/73078543_3145524064.jpg 0 0 +piazza_san_marco/73403778_6170168314.jpg piazza_san_marco/73377885_8565827693.jpg 0 0 +piazza_san_marco/74263091_7852076056.jpg piazza_san_marco/16953110_11565839383.jpg 0 0 +piazza_san_marco/74263091_7852076056.jpg piazza_san_marco/30421945_199386877.jpg 0 0 +piazza_san_marco/74527868_4826312307.jpg piazza_san_marco/20659768_370983914.jpg 0 0 +piazza_san_marco/74527868_4826312307.jpg piazza_san_marco/72137639_2396573496.jpg 0 0 +piazza_san_marco/74866473_2387505643.jpg piazza_san_marco/50945014_11874822725.jpg 0 0 +piazza_san_marco/74898472_10388533604.jpg piazza_san_marco/06770278_12300476553.jpg 0 0 +piazza_san_marco/74916703_5908105580.jpg piazza_san_marco/31886141_6282148917.jpg 0 0 +piazza_san_marco/75292523_2051266090.jpg piazza_san_marco/05687240_1655294248.jpg 0 0 +piazza_san_marco/75308231_2511491192.jpg piazza_san_marco/33370194_3086484243.jpg 0 0 +piazza_san_marco/75477827_2387644061.jpg piazza_san_marco/08023741_4677043648.jpg 0 0 +piazza_san_marco/77003989_7920835670.jpg piazza_san_marco/60670754_4994924151.jpg 0 0 +piazza_san_marco/77051149_4476113946.jpg piazza_san_marco/63442625_6470162101.jpg 0 0 +piazza_san_marco/77424109_6130805744.jpg piazza_san_marco/51956988_5207058219.jpg 0 0 +piazza_san_marco/77424109_6130805744.jpg piazza_san_marco/61930566_214360505.jpg 0 0 +piazza_san_marco/77521770_8269470005.jpg piazza_san_marco/62921760_5076240383.jpg 0 0 +piazza_san_marco/78197122_7042380723.jpg piazza_san_marco/31074615_337589016.jpg 0 0 +piazza_san_marco/78197122_7042380723.jpg piazza_san_marco/50945014_11874822725.jpg 0 0 +piazza_san_marco/78389630_9150785175.jpg piazza_san_marco/15304651_3539832959.jpg 0 0 +piazza_san_marco/78561552_3419764262.jpg piazza_san_marco/19723085_13560889295.jpg 0 0 +piazza_san_marco/78561552_3419764262.jpg piazza_san_marco/45865934_9118195672.jpg 0 0 +piazza_san_marco/78561552_3419764262.jpg piazza_san_marco/61516101_5764639634.jpg 0 0 +piazza_san_marco/78561552_3419764262.jpg piazza_san_marco/64594077_8123467784.jpg 0 0 +piazza_san_marco/78737281_5764090221.jpg piazza_san_marco/08641657_1396164280.jpg 0 0 +piazza_san_marco/78763159_3108420750.jpg piazza_san_marco/73403778_6170168314.jpg 0 0 +piazza_san_marco/78763159_3108420750.jpg piazza_san_marco/77566319_4610981397.jpg 0 0 +piazza_san_marco/78826220_5076853856.jpg piazza_san_marco/06295798_12300742994.jpg 0 0 +piazza_san_marco/78826220_5076853856.jpg piazza_san_marco/06795901_3725050516.jpg 0 0 +piazza_san_marco/78826220_5076853856.jpg piazza_san_marco/44559050_8123175494.jpg 0 0 +piazza_san_marco/78826220_5076853856.jpg piazza_san_marco/62409294_4434824649.jpg 0 0 +piazza_san_marco/79015492_5156227704.jpg piazza_san_marco/00509209_2257958656.jpg 0 0 +piazza_san_marco/79015492_5156227704.jpg piazza_san_marco/45237970_2886209338.jpg 0 0 +piazza_san_marco/79212202_7390070042.jpg piazza_san_marco/16020278_3065916809.jpg 0 0 +piazza_san_marco/79212202_7390070042.jpg piazza_san_marco/47978286_6233178275.jpg 0 0 +piazza_san_marco/79212202_7390070042.jpg piazza_san_marco/50153416_1936826074.jpg 0 0 +piazza_san_marco/79212202_7390070042.jpg piazza_san_marco/77521770_8269470005.jpg 0 0 +piazza_san_marco/79254412_8307212818.jpg piazza_san_marco/43613632_3927740200.jpg 0 0 +piazza_san_marco/79254412_8307212818.jpg piazza_san_marco/45237970_2886209338.jpg 0 0 +piazza_san_marco/79407265_89273988.jpg piazza_san_marco/03693106_384020886.jpg 0 0 +piazza_san_marco/79407265_89273988.jpg piazza_san_marco/16020278_3065916809.jpg 0 0 +piazza_san_marco/79407265_89273988.jpg piazza_san_marco/48581346_160207431.jpg 0 0 +piazza_san_marco/79407265_89273988.jpg piazza_san_marco/62790655_2282561318.jpg 0 0 +piazza_san_marco/79407265_89273988.jpg piazza_san_marco/74904629_1996652968.jpg 0 0 +piazza_san_marco/79442373_8155669197.jpg piazza_san_marco/73403778_6170168314.jpg 0 0 +piazza_san_marco/79666681_10553566785.jpg piazza_san_marco/00911019_30410665.jpg 0 0 +piazza_san_marco/79666681_10553566785.jpg piazza_san_marco/17443033_7313985440.jpg 0 0 +piazza_san_marco/79682395_5076856297.jpg piazza_san_marco/48336247_12513898.jpg 0 0 +piazza_san_marco/79682395_5076856297.jpg piazza_san_marco/77051149_4476113946.jpg 0 0 +piazza_san_marco/80473531_4064167989.jpg piazza_san_marco/21269219_11222531165.jpg 0 0 +piazza_san_marco/86366235_8544729158.jpg piazza_san_marco/15304651_3539832959.jpg 0 0 +piazza_san_marco/86390456_4731250935.jpg piazza_san_marco/74867893_6196270991.jpg 0 0 +piazza_san_marco/87075524_5742959286.jpg piazza_san_marco/06795901_3725050516.jpg 0 0 +piazza_san_marco/87075524_5742959286.jpg piazza_san_marco/50945014_11874822725.jpg 0 0 +piazza_san_marco/87179181_4063549880.jpg piazza_san_marco/16953110_11565839383.jpg 0 0 +piazza_san_marco/87881625_5204241577.jpg piazza_san_marco/62173718_8535861281.jpg 0 0 +piazza_san_marco/87881625_5204241577.jpg piazza_san_marco/77051149_4476113946.jpg 0 0 +piazza_san_marco/88128107_7274587574.jpg piazza_san_marco/04047711_9535362799.jpg 0 0 +piazza_san_marco/88128107_7274587574.jpg piazza_san_marco/20308172_3751782049.jpg 0 0 +piazza_san_marco/88128107_7274587574.jpg piazza_san_marco/44162677_9178589722.jpg 0 0 +piazza_san_marco/88128107_7274587574.jpg piazza_san_marco/66875911_37658371.jpg 0 0 +piazza_san_marco/88128107_7274587574.jpg piazza_san_marco/87075524_5742959286.jpg 0 0 +piazza_san_marco/88529748_4619988049.jpg piazza_san_marco/62173718_8535861281.jpg 0 0 +piazza_san_marco/88529748_4619988049.jpg piazza_san_marco/77051149_4476113946.jpg 0 0 +piazza_san_marco/88903035_931104328.jpg piazza_san_marco/44162677_9178589722.jpg 0 0 +piazza_san_marco/88903035_931104328.jpg piazza_san_marco/73108736_2395798865.jpg 0 0 +piazza_san_marco/89187826_2713761502.jpg piazza_san_marco/49865216_1748767363.jpg 0 0 +piazza_san_marco/89187826_2713761502.jpg piazza_san_marco/50945014_11874822725.jpg 0 0 +piazza_san_marco/89712692_8270535190.jpg piazza_san_marco/37929918_11153434073.jpg 0 0 +piazza_san_marco/89712692_8270535190.jpg piazza_san_marco/77051149_4476113946.jpg 0 0 +piazza_san_marco/89716178_7078411929.jpg piazza_san_marco/78561552_3419764262.jpg 0 0 +piazza_san_marco/90493830_2558575355.jpg piazza_san_marco/74916703_5908105580.jpg 0 0 +piazza_san_marco/90638337_1435435593.jpg piazza_san_marco/05446260_7175726639.jpg 0 0 +piazza_san_marco/90638337_1435435593.jpg piazza_san_marco/08020749_4084672329.jpg 0 0 +piazza_san_marco/91074477_4346050514.jpg piazza_san_marco/16413076_9488649958.jpg 0 0 +piazza_san_marco/91074477_4346050514.jpg piazza_san_marco/72476032_7195353632.jpg 0 0 +piazza_san_marco/91074477_4346050514.jpg piazza_san_marco/74527868_4826312307.jpg 0 0 +piazza_san_marco/91217018_430586397.jpg piazza_san_marco/34900147_9647945813.jpg 0 0 +piazza_san_marco/91220503_2367910011.jpg piazza_san_marco/77424109_6130805744.jpg 0 0 +piazza_san_marco/91754868_8269469475.jpg piazza_san_marco/35580319_7242840168.jpg 0 0 +piazza_san_marco/91754868_8269469475.jpg piazza_san_marco/75292523_2051266090.jpg 0 0 +piazza_san_marco/91754868_8269469475.jpg piazza_san_marco/75477827_2387644061.jpg 0 0 +piazza_san_marco/91949369_5742957310.jpg piazza_san_marco/74527868_4826312307.jpg 0 0 +piazza_san_marco/91949369_5742957310.jpg piazza_san_marco/78737281_5764090221.jpg 0 0 +piazza_san_marco/91949369_5742957310.jpg piazza_san_marco/90726425_1192292030.jpg 0 0 +piazza_san_marco/92411490_3982080934.jpg piazza_san_marco/04017487_9005602998.jpg 0 0 +piazza_san_marco/92411490_3982080934.jpg piazza_san_marco/06795901_3725050516.jpg 0 0 +piazza_san_marco/92411490_3982080934.jpg piazza_san_marco/18522932_1886959999.jpg 0 0 +piazza_san_marco/92411490_3982080934.jpg piazza_san_marco/65627187_4621853852.jpg 0 0 +piazza_san_marco/92411490_3982080934.jpg piazza_san_marco/79015492_5156227704.jpg 0 0 +piazza_san_marco/92636520_2754649089.jpg piazza_san_marco/63537846_4128582942.jpg 0 0 +piazza_san_marco/92643910_5422709475.jpg piazza_san_marco/20659768_370983914.jpg 0 0 +piazza_san_marco/92731479_11583537716.jpg piazza_san_marco/20649592_384001953.jpg 0 0 +piazza_san_marco/92731479_11583537716.jpg piazza_san_marco/90726425_1192292030.jpg 0 0 +piazza_san_marco/92816782_2348689080.jpg piazza_san_marco/16413076_9488649958.jpg 0 0 +piazza_san_marco/92816782_2348689080.jpg piazza_san_marco/51684108_3672893181.jpg 0 0 +piazza_san_marco/93049757_375115894.jpg piazza_san_marco/36422008_2674079787.jpg 0 0 +piazza_san_marco/93049757_375115894.jpg piazza_san_marco/45865934_9118195672.jpg 0 0 +piazza_san_marco/93114090_518435769.jpg piazza_san_marco/63537846_4128582942.jpg 0 0 +piazza_san_marco/93221497_7164520549.jpg piazza_san_marco/58895530_3799481913.jpg 0 0 +piazza_san_marco/93221497_7164520549.jpg piazza_san_marco/79212202_7390070042.jpg 0 0 +piazza_san_marco/93587382_6156273792.jpg piazza_san_marco/50945014_11874822725.jpg 0 0 +piazza_san_marco/93895621_4064914168.jpg piazza_san_marco/37929918_11153434073.jpg 0 0 +piazza_san_marco/93895621_4064914168.jpg piazza_san_marco/92731479_11583537716.jpg 0 0 +piazza_san_marco/94011496_2894625345.jpg piazza_san_marco/50945014_11874822725.jpg 0 0 +piazza_san_marco/94011496_2894625345.jpg piazza_san_marco/79015492_5156227704.jpg 0 0 +piazza_san_marco/94214075_5607687744.jpg piazza_san_marco/43351518_2659980686.jpg 0 0 +piazza_san_marco/94214075_5607687744.jpg piazza_san_marco/60670754_4994924151.jpg 0 0 +piazza_san_marco/94214075_5607687744.jpg piazza_san_marco/74263091_7852076056.jpg 0 0 +piazza_san_marco/94335283_2094194994.jpg piazza_san_marco/04953444_2423753086.jpg 0 0 +piazza_san_marco/94335283_2094194994.jpg piazza_san_marco/06770278_12300476553.jpg 0 0 +piazza_san_marco/94335283_2094194994.jpg piazza_san_marco/15148634_5228701572.jpg 0 0 +piazza_san_marco/94335283_2094194994.jpg piazza_san_marco/43351518_2659980686.jpg 0 0 +piazza_san_marco/95011980_440501799.jpg piazza_san_marco/79407265_89273988.jpg 0 0 +piazza_san_marco/95318611_2387505083.jpg piazza_san_marco/22896449_6282149621.jpg 0 0 +piazza_san_marco/95318611_2387505083.jpg piazza_san_marco/35052211_7626597300.jpg 0 0 +reichstag/05866831_3427466899.jpg reichstag/05466646_5360480312.jpg 0 0 +reichstag/06030835_119872882.jpg reichstag/05545431_1341290848.jpg 0 0 +reichstag/06229406_8584869180.jpg reichstag/05466646_5360480312.jpg 0 0 +reichstag/06639257_4979506057.jpg reichstag/05534141_6340060522.jpg 0 0 +reichstag/06796518_2036664706.jpg reichstag/05534141_6340060522.jpg 0 0 +reichstag/06796518_2036664706.jpg reichstag/05545431_1341290848.jpg 0 0 +reichstag/06796518_2036664706.jpg reichstag/06639257_4979506057.jpg 0 0 +reichstag/06857713_2570944910.jpg reichstag/05466646_5360480312.jpg 0 0 +reichstag/20329925_5164269072.jpg reichstag/05545431_1341290848.jpg 0 0 +reichstag/20613988_1265419368.jpg reichstag/05466646_5360480312.jpg 0 0 +reichstag/20982577_4977562846.jpg reichstag/05466646_5360480312.jpg 0 0 +reichstag/20982577_4977562846.jpg reichstag/05534141_6340060522.jpg 0 0 +reichstag/20982577_4977562846.jpg reichstag/05545431_1341290848.jpg 0 0 +reichstag/20982577_4977562846.jpg reichstag/05866831_3427466899.jpg 0 0 +reichstag/20982577_4977562846.jpg reichstag/06639257_4979506057.jpg 0 0 +reichstag/20982577_4977562846.jpg reichstag/20329925_5164269072.jpg 0 0 +reichstag/34272622_11098902473.jpg reichstag/06857713_2570944910.jpg 0 0 +reichstag/34272622_11098902473.jpg reichstag/19799508_3094174298.jpg 0 0 +reichstag/34272622_11098902473.jpg reichstag/20613988_1265419368.jpg 0 0 +reichstag/34481400_9199849492.jpg reichstag/05545431_1341290848.jpg 0 0 +reichstag/34481400_9199849492.jpg reichstag/06796518_2036664706.jpg 0 0 +reichstag/34481400_9199849492.jpg reichstag/20982577_4977562846.jpg 0 0 +reichstag/34481400_9199849492.jpg reichstag/34272622_11098902473.jpg 0 0 +reichstag/48542127_4157749181.jpg reichstag/34272622_11098902473.jpg 0 0 +reichstag/48551853_12793928283.jpg reichstag/05466646_5360480312.jpg 0 0 +reichstag/48551853_12793928283.jpg reichstag/06373813_9127207861.jpg 0 0 +reichstag/48551853_12793928283.jpg reichstag/20613988_1265419368.jpg 0 0 +reichstag/48716728_829974943.jpg reichstag/05534141_6340060522.jpg 0 0 +reichstag/48716728_829974943.jpg reichstag/05866831_3427466899.jpg 0 0 +reichstag/48716728_829974943.jpg reichstag/06030835_119872882.jpg 0 0 +reichstag/48716728_829974943.jpg reichstag/20329925_5164269072.jpg 0 0 +reichstag/48815289_2513792540.jpg reichstag/05866831_3427466899.jpg 0 0 +reichstag/48815289_2513792540.jpg reichstag/06030835_119872882.jpg 0 0 +reichstag/48815289_2513792540.jpg reichstag/34481400_9199849492.jpg 0 0 +reichstag/48900330_6782044072.jpg reichstag/06030835_119872882.jpg 0 0 +reichstag/48900330_6782044072.jpg reichstag/06639257_4979506057.jpg 0 0 +reichstag/48983853_5719892543.jpg reichstag/05545431_1341290848.jpg 0 0 +reichstag/48983853_5719892543.jpg reichstag/05866831_3427466899.jpg 0 0 +reichstag/48983853_5719892543.jpg reichstag/06030835_119872882.jpg 0 0 +reichstag/48983853_5719892543.jpg reichstag/06639257_4979506057.jpg 0 0 +reichstag/48983853_5719892543.jpg reichstag/06796518_2036664706.jpg 0 0 +reichstag/49051226_8836027266.jpg reichstag/06030835_119872882.jpg 0 0 +reichstag/49051226_8836027266.jpg reichstag/06796518_2036664706.jpg 0 0 +reichstag/49051226_8836027266.jpg reichstag/48551853_12793928283.jpg 0 0 +reichstag/49501249_12793461434.jpg reichstag/05866831_3427466899.jpg 0 0 +reichstag/49501249_12793461434.jpg reichstag/05936329_2458217347.jpg 0 0 +reichstag/49501249_12793461434.jpg reichstag/05978621_9257964873.jpg 0 0 +reichstag/49501249_12793461434.jpg reichstag/06796518_2036664706.jpg 0 0 +reichstag/49501249_12793461434.jpg reichstag/20099963_3586531606.jpg 0 0 +reichstag/49501249_12793461434.jpg reichstag/34481400_9199849492.jpg 0 0 +reichstag/49501249_12793461434.jpg reichstag/34537245_34002183.jpg 0 0 +reichstag/62810349_4295140640.jpg reichstag/05466646_5360480312.jpg 0 0 +reichstag/63329391_7754963780.jpg reichstag/06030835_119872882.jpg 0 0 +reichstag/63329391_7754963780.jpg reichstag/48551853_12793928283.jpg 0 0 +reichstag/63329391_7754963780.jpg reichstag/48900330_6782044072.jpg 0 0 +reichstag/63329391_7754963780.jpg reichstag/48983853_5719892543.jpg 0 0 +reichstag/64097451_5212815345.jpg reichstag/05866831_3427466899.jpg 0 0 +reichstag/64097451_5212815345.jpg reichstag/06229406_8584869180.jpg 0 0 +reichstag/64097451_5212815345.jpg reichstag/06796518_2036664706.jpg 0 0 +reichstag/64097451_5212815345.jpg reichstag/48551853_12793928283.jpg 0 0 +reichstag/64097451_5212815345.jpg reichstag/48716728_829974943.jpg 0 0 +reichstag/64097451_5212815345.jpg reichstag/48983853_5719892543.jpg 0 0 +reichstag/64097451_5212815345.jpg reichstag/49501249_12793461434.jpg 0 0 +reichstag/64097451_5212815345.jpg reichstag/62810349_4295140640.jpg 0 0 +reichstag/64127786_281241429.jpg reichstag/05466646_5360480312.jpg 0 0 +reichstag/64127786_281241429.jpg reichstag/06030835_119872882.jpg 0 0 +reichstag/64127786_281241429.jpg reichstag/06639257_4979506057.jpg 0 0 +reichstag/64127786_281241429.jpg reichstag/06796518_2036664706.jpg 0 0 +reichstag/64127786_281241429.jpg reichstag/34481400_9199849492.jpg 0 0 +reichstag/64127786_281241429.jpg reichstag/48716728_829974943.jpg 0 0 +reichstag/64127786_281241429.jpg reichstag/48815289_2513792540.jpg 0 0 +reichstag/64127786_281241429.jpg reichstag/48900330_6782044072.jpg 0 0 +reichstag/64271070_4602086309.jpg reichstag/49501249_12793461434.jpg 0 0 +reichstag/76958303_5507621260.jpg reichstag/05466646_5360480312.jpg 0 0 +reichstag/76958303_5507621260.jpg reichstag/20329925_5164269072.jpg 0 0 +reichstag/77107104_4141016705.jpg reichstag/05545431_1341290848.jpg 0 0 +reichstag/77107104_4141016705.jpg reichstag/63329391_7754963780.jpg 0 0 +reichstag/77214581_8512429399.jpg reichstag/05466646_5360480312.jpg 0 0 +reichstag/77214581_8512429399.jpg reichstag/05545431_1341290848.jpg 0 0 +reichstag/77214581_8512429399.jpg reichstag/06639257_4979506057.jpg 0 0 +reichstag/77214581_8512429399.jpg reichstag/20329925_5164269072.jpg 0 0 +reichstag/77214581_8512429399.jpg reichstag/48551853_12793928283.jpg 0 0 +reichstag/77214581_8512429399.jpg reichstag/49501249_12793461434.jpg 0 0 +reichstag/77274889_6889793618.jpg reichstag/06229406_8584869180.jpg 0 0 +reichstag/77274889_6889793618.jpg reichstag/34272622_11098902473.jpg 0 0 +reichstag/77274889_6889793618.jpg reichstag/34481400_9199849492.jpg 0 0 +reichstag/77274889_6889793618.jpg reichstag/49501249_12793461434.jpg 0 0 +reichstag/77274889_6889793618.jpg reichstag/62810349_4295140640.jpg 0 0 +reichstag/77349640_2188160842.jpg reichstag/06639257_4979506057.jpg 0 0 +reichstag/77349640_2188160842.jpg reichstag/06796518_2036664706.jpg 0 0 +reichstag/77349640_2188160842.jpg reichstag/34481400_9199849492.jpg 0 0 +reichstag/77349640_2188160842.jpg reichstag/48551853_12793928283.jpg 0 0 +reichstag/77349640_2188160842.jpg reichstag/48668943_3586566128.jpg 0 0 +reichstag/77349640_2188160842.jpg reichstag/48983853_5719892543.jpg 0 0 +reichstag/77349640_2188160842.jpg reichstag/49501249_12793461434.jpg 0 0 +reichstag/77349640_2188160842.jpg reichstag/62673079_4759250457.jpg 0 0 +reichstag/77349640_2188160842.jpg reichstag/62810349_4295140640.jpg 0 0 +reichstag/77349640_2188160842.jpg reichstag/64097451_5212815345.jpg 0 0 +reichstag/77349640_2188160842.jpg reichstag/64127786_281241429.jpg 0 0 +reichstag/77349640_2188160842.jpg reichstag/76958303_5507621260.jpg 0 0 +reichstag/77349640_2188160842.jpg reichstag/77107104_4141016705.jpg 0 0 +reichstag/77361791_2035867493.jpg reichstag/05545431_1341290848.jpg 0 0 +reichstag/77361791_2035867493.jpg reichstag/06229406_8584869180.jpg 0 0 +reichstag/77361791_2035867493.jpg reichstag/20982577_4977562846.jpg 0 0 +reichstag/77361791_2035867493.jpg reichstag/48551853_12793928283.jpg 0 0 +reichstag/77361791_2035867493.jpg reichstag/48983853_5719892543.jpg 0 0 +reichstag/77361791_2035867493.jpg reichstag/63329391_7754963780.jpg 0 0 +reichstag/77361791_2035867493.jpg reichstag/77274889_6889793618.jpg 0 0 +reichstag/77458003_1504115665.jpg reichstag/20329925_5164269072.jpg 0 0 +reichstag/77458003_1504115665.jpg reichstag/20613988_1265419368.jpg 0 0 +reichstag/77458003_1504115665.jpg reichstag/48668943_3586566128.jpg 0 0 +reichstag/77458003_1504115665.jpg reichstag/48900330_6782044072.jpg 0 0 +reichstag/77458003_1504115665.jpg reichstag/48983853_5719892543.jpg 0 0 +reichstag/77458003_1504115665.jpg reichstag/62810349_4295140640.jpg 0 0 +reichstag/77458003_1504115665.jpg reichstag/63329391_7754963780.jpg 0 0 +reichstag/77458003_1504115665.jpg reichstag/63812586_393800330.jpg 0 1 +reichstag/77458003_1504115665.jpg reichstag/76958303_5507621260.jpg 0 0 +reichstag/77458003_1504115665.jpg reichstag/77122925_1063274053.jpg 0 0 +reichstag/77594532_1434504133.jpg reichstag/34481400_9199849492.jpg 0 0 +reichstag/77594532_1434504133.jpg reichstag/48551853_12793928283.jpg 0 0 +reichstag/77594532_1434504133.jpg reichstag/77458003_1504115665.jpg 0 0 +reichstag/77902859_6141520050.jpg reichstag/05545431_1341290848.jpg 0 0 +reichstag/77902859_6141520050.jpg reichstag/05866831_3427466899.jpg 0 0 +reichstag/77902859_6141520050.jpg reichstag/20982577_4977562846.jpg 0 0 +reichstag/77902859_6141520050.jpg reichstag/49501249_12793461434.jpg 0 0 +reichstag/77902859_6141520050.jpg reichstag/64127786_281241429.jpg 0 0 +reichstag/77902859_6141520050.jpg reichstag/77458003_1504115665.jpg 0 0 +reichstag/78040542_6368040213.jpg reichstag/49501249_12793461434.jpg 0 0 +reichstag/78043438_3428167710.jpg reichstag/05866831_3427466899.jpg 0 0 +reichstag/78043438_3428167710.jpg reichstag/20329925_5164269072.jpg 0 0 +reichstag/78043438_3428167710.jpg reichstag/20982577_4977562846.jpg 0 0 +reichstag/78043438_3428167710.jpg reichstag/34481400_9199849492.jpg 0 0 +reichstag/78043438_3428167710.jpg reichstag/48716728_829974943.jpg 0 0 +reichstag/78043438_3428167710.jpg reichstag/48983853_5719892543.jpg 0 0 +reichstag/78043438_3428167710.jpg reichstag/64127786_281241429.jpg 0 0 +reichstag/78043438_3428167710.jpg reichstag/77107104_4141016705.jpg 0 0 +reichstag/78043438_3428167710.jpg reichstag/77274889_6889793618.jpg 0 0 +reichstag/78043438_3428167710.jpg reichstag/77361791_2035867493.jpg 0 0 +reichstag/78043438_3428167710.jpg reichstag/77902859_6141520050.jpg 0 0 +reichstag/91549947_3428166276.jpg reichstag/05466646_5360480312.jpg 0 0 +reichstag/91549947_3428166276.jpg reichstag/05545431_1341290848.jpg 0 0 +reichstag/91549947_3428166276.jpg reichstag/48551853_12793928283.jpg 0 0 +reichstag/91549947_3428166276.jpg reichstag/48716728_829974943.jpg 0 0 +reichstag/91549947_3428166276.jpg reichstag/48983853_5719892543.jpg 0 0 +reichstag/91549947_3428166276.jpg reichstag/49051226_8836027266.jpg 0 0 +reichstag/91549947_3428166276.jpg reichstag/64097451_5212815345.jpg 0 0 +reichstag/91549947_3428166276.jpg reichstag/77214581_8512429399.jpg 0 0 +reichstag/91629190_2705184160.jpg reichstag/05534141_6340060522.jpg 0 0 +reichstag/91629190_2705184160.jpg reichstag/48900330_6782044072.jpg 0 0 +reichstag/91629190_2705184160.jpg reichstag/48983853_5719892543.jpg 0 0 +reichstag/91629190_2705184160.jpg reichstag/63329391_7754963780.jpg 0 0 +reichstag/91629190_2705184160.jpg reichstag/64097451_5212815345.jpg 0 0 +reichstag/91629190_2705184160.jpg reichstag/64127786_281241429.jpg 0 0 +reichstag/91629190_2705184160.jpg reichstag/77274889_6889793618.jpg 0 0 +reichstag/91629190_2705184160.jpg reichstag/91549947_3428166276.jpg 0 0 +reichstag/91831337_388207037.jpg reichstag/05866831_3427466899.jpg 0 0 +reichstag/91831337_388207037.jpg reichstag/06030835_119872882.jpg 0 0 +reichstag/91831337_388207037.jpg reichstag/06796518_2036664706.jpg 0 0 +reichstag/91831337_388207037.jpg reichstag/20329925_5164269072.jpg 0 0 +reichstag/91831337_388207037.jpg reichstag/34537245_34002183.jpg 0 0 +reichstag/91831337_388207037.jpg reichstag/48983853_5719892543.jpg 0 0 +reichstag/91831337_388207037.jpg reichstag/77107104_4141016705.jpg 0 0 +reichstag/91831337_388207037.jpg reichstag/77214581_8512429399.jpg 0 0 +reichstag/91840440_9426147613.jpg reichstag/48716728_829974943.jpg 0 0 +reichstag/91840440_9426147613.jpg reichstag/48900330_6782044072.jpg 0 0 +reichstag/91840440_9426147613.jpg reichstag/49051226_8836027266.jpg 0 0 +reichstag/91840440_9426147613.jpg reichstag/64127786_281241429.jpg 0 0 +reichstag/91840440_9426147613.jpg reichstag/77349640_2188160842.jpg 0 0 +reichstag/92102978_5376734902.jpg reichstag/05534141_6340060522.jpg 0 0 +reichstag/92102978_5376734902.jpg reichstag/06030835_119872882.jpg 0 0 +reichstag/92102978_5376734902.jpg reichstag/20329925_5164269072.jpg 0 0 +reichstag/92102978_5376734902.jpg reichstag/48900330_6782044072.jpg 0 0 +reichstag/92102978_5376734902.jpg reichstag/63329391_7754963780.jpg 0 0 +reichstag/92102978_5376734902.jpg reichstag/91629190_2705184160.jpg 0 0 +reichstag/92414106_7915968882.jpg reichstag/34272622_11098902473.jpg 0 0 +reichstag/92414106_7915968882.jpg reichstag/91831337_388207037.jpg 0 0 +reichstag/92414106_7915968882.jpg reichstag/91840440_9426147613.jpg 0 0 +reichstag/92481126_2062182859.jpg reichstag/05466646_5360480312.jpg 0 0 +reichstag/92481126_2062182859.jpg reichstag/05545431_1341290848.jpg 0 0 +reichstag/92481126_2062182859.jpg reichstag/48551853_12793928283.jpg 0 0 +reichstag/92481126_2062182859.jpg reichstag/64097451_5212815345.jpg 0 0 +reichstag/92481126_2062182859.jpg reichstag/77214581_8512429399.jpg 0 0 +reichstag/92481126_2062182859.jpg reichstag/77361791_2035867493.jpg 0 0 +reichstag/92481126_2062182859.jpg reichstag/77902859_6141520050.jpg 0 0 +reichstag/92481126_2062182859.jpg reichstag/78043438_3428167710.jpg 0 0 +reichstag/92481126_2062182859.jpg reichstag/91549947_3428166276.jpg 0 0 +reichstag/92481126_2062182859.jpg reichstag/91840440_9426147613.jpg 0 0 +reichstag/92697655_166630020.jpg reichstag/20329925_5164269072.jpg 0 0 +reichstag/92697655_166630020.jpg reichstag/77349640_2188160842.jpg 0 0 +reichstag/92697655_166630020.jpg reichstag/91831337_388207037.jpg 0 0 +reichstag/92697655_166630020.jpg reichstag/92414106_7915968882.jpg 0 0 +reichstag/92753909_16247242.jpg reichstag/05466646_5360480312.jpg 0 0 +reichstag/92753909_16247242.jpg reichstag/06639257_4979506057.jpg 0 0 +reichstag/92753909_16247242.jpg reichstag/06796518_2036664706.jpg 0 0 +reichstag/92753909_16247242.jpg reichstag/20982577_4977562846.jpg 0 0 +reichstag/92753909_16247242.jpg reichstag/48815289_2513792540.jpg 0 0 +reichstag/92753909_16247242.jpg reichstag/49501249_12793461434.jpg 0 0 +reichstag/92753909_16247242.jpg reichstag/77349640_2188160842.jpg 0 0 +reichstag/92753909_16247242.jpg reichstag/77458003_1504115665.jpg 0 0 +reichstag/92753909_16247242.jpg reichstag/92481126_2062182859.jpg 0 0 +sagrada_familia/19984930_1145725136.jpg sagrada_familia/12770134_3005812068.jpg 0 0 +sagrada_familia/20823420_2517837445.jpg sagrada_familia/06472125_1559910919.jpg 0 0 +sagrada_familia/20823420_2517837445.jpg sagrada_familia/07243806_6872304775.jpg 0 0 +sagrada_familia/20823420_2517837445.jpg sagrada_familia/10663611_8011833165.jpg 0 0 +sagrada_familia/40051122_331460052.jpg sagrada_familia/35256775_2917928780.jpg 0 0 +sagrada_familia/40051122_331460052.jpg sagrada_familia/38841475_337764293.jpg 0 0 +sagrada_familia/40758654_6777208517.jpg sagrada_familia/38813090_8718096192.jpg 0 0 +sagrada_familia/49809790_3475639998.jpg sagrada_familia/38813090_8718096192.jpg 0 0 +sagrada_familia/50533266_2205998141.jpg sagrada_familia/10663611_8011833165.jpg 0 0 +sagrada_familia/50533266_2205998141.jpg sagrada_familia/13733906_13273000843.jpg 0 3 +sagrada_familia/50555888_4522439720.jpg sagrada_familia/27509064_544054747.jpg 0 0 +sagrada_familia/53139401_542430193.jpg sagrada_familia/20823420_2517837445.jpg 0 0 +sagrada_familia/54067497_536054505.jpg sagrada_familia/53685662_3717501640.jpg 0 0 +sagrada_familia/54163059_5716537618.jpg sagrada_familia/50555888_4522439720.jpg 0 0 +sagrada_familia/54347804_2292452655.jpg sagrada_familia/25696031_9137970326.jpg 0 3 +sagrada_familia/54347804_2292452655.jpg sagrada_familia/25698610_255919153.jpg 0 0 +sagrada_familia/54347804_2292452655.jpg sagrada_familia/27890077_2479274373.jpg 0 0 +sagrada_familia/54347804_2292452655.jpg sagrada_familia/28054738_800221072.jpg 0 0 +sagrada_familia/54347804_2292452655.jpg sagrada_familia/35826726_5196132753.jpg 0 1 +sagrada_familia/54357333_3440411087.jpg sagrada_familia/38813090_8718096192.jpg 0 0 +sagrada_familia/54627819_131932061.jpg sagrada_familia/26562357_392867929.jpg 0 0 +sagrada_familia/55511525_3006982389.jpg sagrada_familia/38813090_8718096192.jpg 0 0 +sagrada_familia/55681420_9334004985.jpg sagrada_familia/19984930_1145725136.jpg 0 0 +sagrada_familia/56854840_6393356391.jpg sagrada_familia/38813090_8718096192.jpg 0 0 +sagrada_familia/63115108_7361811820.jpg sagrada_familia/10753602_5372457519.jpg 0 0 +sagrada_familia/63115108_7361811820.jpg sagrada_familia/12431116_2036747570.jpg 0 0 +sagrada_familia/63115108_7361811820.jpg sagrada_familia/25187960_71513912.jpg 0 0 +sagrada_familia/63115108_7361811820.jpg sagrada_familia/40675016_6796035625.jpg 0 0 +sagrada_familia/63115108_7361811820.jpg sagrada_familia/41008058_11378443185.jpg 0 0 +sagrada_familia/63135281_5801848783.jpg sagrada_familia/40051122_331460052.jpg 0 0 +sagrada_familia/63329370_9388052579.jpg sagrada_familia/57150283_3781281244.jpg 0 0 +sagrada_familia/63658177_5762079910.jpg sagrada_familia/38813090_8718096192.jpg 0 0 +sagrada_familia/64221081_3554468955.jpg sagrada_familia/50533266_2205998141.jpg 0 0 +sagrada_familia/64323676_6818875446.jpg sagrada_familia/38813090_8718096192.jpg 0 0 +sagrada_familia/64323676_6818875446.jpg sagrada_familia/38831042_7503459238.jpg 0 0 +sagrada_familia/64323676_6818875446.jpg sagrada_familia/40758654_6777208517.jpg 0 0 +sagrada_familia/64323676_6818875446.jpg sagrada_familia/54933845_5249908477.jpg 0 0 +sagrada_familia/64706254_8497647563.jpg sagrada_familia/50555888_4522439720.jpg 0 0 +sagrada_familia/64706254_8497647563.jpg sagrada_familia/54627819_131932061.jpg 0 0 +sagrada_familia/67474312_1037008516.jpg sagrada_familia/63115108_7361811820.jpg 0 0 +sagrada_familia/67537706_7619283504.jpg sagrada_familia/50533266_2205998141.jpg 0 0 +sagrada_familia/68153193_3880254823.jpg sagrada_familia/38813090_8718096192.jpg 3 0 +sagrada_familia/68420027_2806323314.jpg sagrada_familia/21526113_4379776807.jpg 0 0 +sagrada_familia/68420027_2806323314.jpg sagrada_familia/27575735_6078735425.jpg 0 0 +sagrada_familia/68585004_2249855733.jpg sagrada_familia/68420027_2806323314.jpg 0 0 +sagrada_familia/68778752_5850750270.jpg sagrada_familia/38813090_8718096192.jpg 0 0 +sagrada_familia/68819939_7619291090.jpg sagrada_familia/20664412_10641306555.jpg 0 0 +sagrada_familia/68819939_7619291090.jpg sagrada_familia/64003022_7172078138.jpg 0 0 +sagrada_familia/68904187_5071178043.jpg sagrada_familia/38813090_8718096192.jpg 0 0 +sagrada_familia/69305986_4941166067.jpg sagrada_familia/38813090_8718096192.jpg 0 0 +sagrada_familia/70361728_2162129761.jpg sagrada_familia/68420027_2806323314.jpg 0 0 +sagrada_familia/70774566_2471305349.jpg sagrada_familia/35014080_9822091453.jpg 0 0 +sagrada_familia/77056867_7461601108.jpg sagrada_familia/40051122_331460052.jpg 3 0 +sagrada_familia/77094281_7189061312.jpg sagrada_familia/63115108_7361811820.jpg 0 0 +sagrada_familia/77151900_277624143.jpg sagrada_familia/63115108_7361811820.jpg 0 0 +sagrada_familia/77221978_6935829227.jpg sagrada_familia/35496328_6037159177.jpg 0 0 +sagrada_familia/77638341_4064879131.jpg sagrada_familia/50533266_2205998141.jpg 0 0 +sagrada_familia/77638341_4064879131.jpg sagrada_familia/68819939_7619291090.jpg 0 0 +sagrada_familia/77890665_7213228852.jpg sagrada_familia/06610028_2530553679.jpg 0 0 +sagrada_familia/77890665_7213228852.jpg sagrada_familia/64706254_8497647563.jpg 0 0 +sagrada_familia/77943764_2807707499.jpg sagrada_familia/54347804_2292452655.jpg 1 0 +sagrada_familia/78155518_7461591828.jpg sagrada_familia/11847394_2837464515.jpg 3 0 +sagrada_familia/78155518_7461591828.jpg sagrada_familia/20030168_5196129467.jpg 3 1 +sagrada_familia/78155518_7461591828.jpg sagrada_familia/25930528_6781762.jpg 3 0 +sagrada_familia/78155518_7461591828.jpg sagrada_familia/34169301_5802403584.jpg 3 0 +sagrada_familia/78155518_7461591828.jpg sagrada_familia/41685774_3639631112.jpg 3 0 +sagrada_familia/78155518_7461591828.jpg sagrada_familia/55688086_5383627655.jpg 3 0 +sagrada_familia/78155518_7461591828.jpg sagrada_familia/64706254_8497647563.jpg 3 0 +sagrada_familia/78155518_7461591828.jpg sagrada_familia/71492127_3881063344.jpg 3 0 +sagrada_familia/78155518_7461591828.jpg sagrada_familia/77370329_6270105502.jpg 3 0 +sagrada_familia/78155518_7461591828.jpg sagrada_familia/77943764_2807707499.jpg 3 1 +sagrada_familia/78567244_236873581.jpg sagrada_familia/38813090_8718096192.jpg 0 0 +sagrada_familia/78656641_694506358.jpg sagrada_familia/20823420_2517837445.jpg 1 0 +sagrada_familia/78796792_457569684.jpg sagrada_familia/11399998_1047042992.jpg 0 0 +sagrada_familia/79056906_2421705518.jpg sagrada_familia/10228378_1129870372.jpg 0 0 +sagrada_familia/79102647_8710851342.jpg sagrada_familia/06266933_2412362527.jpg 0 0 +sagrada_familia/81911935_699044848.jpg sagrada_familia/38813090_8718096192.jpg 0 0 +sagrada_familia/81920577_295842164.jpg sagrada_familia/19984930_1145725136.jpg 0 0 +sagrada_familia/81920577_295842164.jpg sagrada_familia/41008058_11378443185.jpg 0 0 +sagrada_familia/81920577_295842164.jpg sagrada_familia/54347804_2292452655.jpg 0 0 +sagrada_familia/81920577_295842164.jpg sagrada_familia/68819939_7619291090.jpg 0 0 +sagrada_familia/81920577_295842164.jpg sagrada_familia/79056906_2421705518.jpg 0 0 +sagrada_familia/81930712_6975535163.jpg sagrada_familia/11165595_3234558093.jpg 0 0 +sagrada_familia/81930712_6975535163.jpg sagrada_familia/13134737_12094791465.jpg 0 3 +sagrada_familia/81930712_6975535163.jpg sagrada_familia/20091499_4835747520.jpg 0 0 +sagrada_familia/81930712_6975535163.jpg sagrada_familia/35256775_2917928780.jpg 0 0 +sagrada_familia/81930712_6975535163.jpg sagrada_familia/40103707_6393354149.jpg 0 0 +sagrada_familia/81930712_6975535163.jpg sagrada_familia/42578175_457568876.jpg 0 0 +sagrada_familia/81930712_6975535163.jpg sagrada_familia/49475543_393653555.jpg 0 0 +sagrada_familia/81930712_6975535163.jpg sagrada_familia/56006303_2904508433.jpg 0 0 +sagrada_familia/81930712_6975535163.jpg sagrada_familia/63646797_5636194200.jpg 0 1 +sagrada_familia/81930712_6975535163.jpg sagrada_familia/64099927_10616457153.jpg 0 0 +sagrada_familia/81930712_6975535163.jpg sagrada_familia/68153193_3880254823.jpg 0 3 +sagrada_familia/81930712_6975535163.jpg sagrada_familia/76933024_4349371898.jpg 0 0 +sagrada_familia/81930712_6975535163.jpg sagrada_familia/77943764_2807707499.jpg 0 1 +sagrada_familia/82110920_5250511156.jpg sagrada_familia/68819939_7619291090.jpg 0 0 +sagrada_familia/82110920_5250511156.jpg sagrada_familia/77890665_7213228852.jpg 0 0 +sagrada_familia/82256987_3473601857.jpg sagrada_familia/63329370_9388052579.jpg 0 0 +sagrada_familia/82938671_7461612508.jpg sagrada_familia/78155518_7461591828.jpg 3 3 +sagrada_familia/82947236_2386495.jpg sagrada_familia/41685774_3639631112.jpg 0 0 +sagrada_familia/83228898_6185099506.jpg sagrada_familia/35496328_6037159177.jpg 0 0 +sagrada_familia/83921448_3622114515.jpg sagrada_familia/77890665_7213228852.jpg 0 0 +sagrada_familia/84053003_3651274021.jpg sagrada_familia/35014080_9822091453.jpg 0 0 +sagrada_familia/84053003_3651274021.jpg sagrada_familia/57150283_3781281244.jpg 0 0 +sagrada_familia/84090454_6168919500.jpg sagrada_familia/38813090_8718096192.jpg 3 0 +sagrada_familia/84090454_6168919500.jpg sagrada_familia/78155518_7461591828.jpg 3 3 +sagrada_familia/84186401_1625525634.jpg sagrada_familia/68127387_81603260.jpg 0 1 +sagrada_familia/84231146_4225153279.jpg sagrada_familia/11399998_1047042992.jpg 0 0 +sagrada_familia/84231146_4225153279.jpg sagrada_familia/49331387_5131734970.jpg 0 0 +sagrada_familia/84231146_4225153279.jpg sagrada_familia/49809790_3475639998.jpg 0 0 +sagrada_familia/84231146_4225153279.jpg sagrada_familia/55977985_3683209458.jpg 0 0 +sagrada_familia/84231146_4225153279.jpg sagrada_familia/57150283_3781281244.jpg 0 0 +sagrada_familia/84231146_4225153279.jpg sagrada_familia/63551602_523500988.jpg 0 1 +sagrada_familia/84231146_4225153279.jpg sagrada_familia/63808966_5089910663.jpg 0 0 +sagrada_familia/84231146_4225153279.jpg sagrada_familia/64221081_3554468955.jpg 0 0 +sagrada_familia/84231146_4225153279.jpg sagrada_familia/69451972_7399540544.jpg 0 0 +sagrada_familia/84231146_4225153279.jpg sagrada_familia/69868392_3604404326.jpg 0 1 +sagrada_familia/84231146_4225153279.jpg sagrada_familia/78567244_236873581.jpg 0 0 +sagrada_familia/84231146_4225153279.jpg sagrada_familia/78656641_694506358.jpg 0 1 +sagrada_familia/84314478_393653425.jpg sagrada_familia/20664412_10641306555.jpg 0 0 +sagrada_familia/84314478_393653425.jpg sagrada_familia/26562357_392867929.jpg 0 0 +sagrada_familia/84314478_393653425.jpg sagrada_familia/38838349_11820772536.jpg 0 0 +sagrada_familia/84314478_393653425.jpg sagrada_familia/41685774_3639631112.jpg 0 0 +sagrada_familia/84314478_393653425.jpg sagrada_familia/64323676_6818875446.jpg 0 0 +sagrada_familia/84314478_393653425.jpg sagrada_familia/64706254_8497647563.jpg 0 0 +sagrada_familia/84643624_4155180831.jpg sagrada_familia/50386268_3888560710.jpg 0 3 +sagrada_familia/84866694_4115560485.jpg sagrada_familia/57150283_3781281244.jpg 0 0 +sagrada_familia/85395992_2274248997.jpg sagrada_familia/50533266_2205998141.jpg 0 0 +sagrada_familia/85466689_4799896463.jpg sagrada_familia/10228378_1129870372.jpg 0 0 +sagrada_familia/85466689_4799896463.jpg sagrada_familia/41008058_11378443185.jpg 0 0 +sagrada_familia/85466689_4799896463.jpg sagrada_familia/79056906_2421705518.jpg 0 0 +sagrada_familia/85466689_4799896463.jpg sagrada_familia/79120355_309585400.jpg 0 0 +sagrada_familia/85561049_3652082148.jpg sagrada_familia/12890596_278950237.jpg 1 0 +sagrada_familia/85561049_3652082148.jpg sagrada_familia/21940554_61318367.jpg 1 0 +sagrada_familia/85561049_3652082148.jpg sagrada_familia/78567244_236873581.jpg 1 0 +sagrada_familia/85561049_3652082148.jpg sagrada_familia/83228898_6185099506.jpg 1 0 +sagrada_familia/91509894_45017296.jpg sagrada_familia/85561049_3652082148.jpg 0 1 +sagrada_familia/91561113_5281252766.jpg sagrada_familia/50533266_2205998141.jpg 0 0 +sagrada_familia/91642076_6950949551.jpg sagrada_familia/84231146_4225153279.jpg 0 0 +sagrada_familia/91751049_10616196756.jpg sagrada_familia/13355718_562944809.jpg 0 0 +sagrada_familia/91751049_10616196756.jpg sagrada_familia/13735513_5692911565.jpg 0 0 +sagrada_familia/91751049_10616196756.jpg sagrada_familia/27509064_544054747.jpg 0 0 +sagrada_familia/91751049_10616196756.jpg sagrada_familia/41308284_5491767916.jpg 0 3 +sagrada_familia/91751049_10616196756.jpg sagrada_familia/63884522_10176648864.jpg 0 0 +sagrada_familia/91751049_10616196756.jpg sagrada_familia/64614321_312072603.jpg 0 0 +sagrada_familia/91751049_10616196756.jpg sagrada_familia/67474312_1037008516.jpg 0 0 +sagrada_familia/92014338_3615980119.jpg sagrada_familia/54347804_2292452655.jpg 0 0 +sagrada_familia/92031733_3992238201.jpg sagrada_familia/21196047_2425535608.jpg 0 0 +sagrada_familia/92031733_3992238201.jpg sagrada_familia/68789674_5090510748.jpg 0 0 +sagrada_familia/92125663_8664514487.jpg sagrada_familia/20823420_2517837445.jpg 0 0 +sagrada_familia/92125663_8664514487.jpg sagrada_familia/38813090_8718096192.jpg 0 0 +sagrada_familia/92168273_1423075313.jpg sagrada_familia/06632489_52173611.jpg 0 0 +sagrada_familia/92168273_1423075313.jpg sagrada_familia/77638341_4064879131.jpg 0 0 +sagrada_familia/92354128_9503260272.jpg sagrada_familia/38813090_8718096192.jpg 0 0 +sagrada_familia/92376688_8105076200.jpg sagrada_familia/91751049_10616196756.jpg 0 0 +sagrada_familia/92715582_12998743884.jpg sagrada_familia/50533266_2205998141.jpg 0 0 +sagrada_familia/92715582_12998743884.jpg sagrada_familia/79208245_3081215320.jpg 0 0 +sagrada_familia/93204482_3006984721.jpg sagrada_familia/91751049_10616196756.jpg 0 0 +sagrada_familia/93215045_3631031195.jpg sagrada_familia/78155518_7461591828.jpg 0 3 +sagrada_familia/93267550_5089915841.jpg sagrada_familia/78155518_7461591828.jpg 0 3 +sagrada_familia/93333526_3318766925.jpg sagrada_familia/20823420_2517837445.jpg 0 0 +sagrada_familia/93333526_3318766925.jpg sagrada_familia/92600324_3077699832.jpg 0 0 +sagrada_familia/96047910_4059946697.jpg sagrada_familia/20823420_2517837445.jpg 1 0 +sagrada_familia/96047910_4059946697.jpg sagrada_familia/91751049_10616196756.jpg 1 0 +sagrada_familia/96201590_3200767373.jpg sagrada_familia/78155518_7461591828.jpg 0 3 +sagrada_familia/96201590_3200767373.jpg sagrada_familia/81930712_6975535163.jpg 0 0 +sagrada_familia/96907696_4120826724.jpg sagrada_familia/06632489_52173611.jpg 0 0 +sagrada_familia/96907696_4120826724.jpg sagrada_familia/55688086_5383627655.jpg 0 0 +sagrada_familia/96907696_4120826724.jpg sagrada_familia/69305986_4941166067.jpg 0 0 +sagrada_familia/97004593_3177103373.jpg sagrada_familia/84231146_4225153279.jpg 0 0 +sagrada_familia/97169406_8015985714.jpg sagrada_familia/63115108_7361811820.jpg 1 0 +sagrada_familia/97169406_8015985714.jpg sagrada_familia/78155518_7461591828.jpg 1 3 +sagrada_familia/97179337_6215126501.jpg sagrada_familia/19984824_7182429725.jpg 0 0 +sagrada_familia/97179337_6215126501.jpg sagrada_familia/56006303_2904508433.jpg 0 0 +sagrada_familia/97179337_6215126501.jpg sagrada_familia/56467556_329414679.jpg 0 0 +sagrada_familia/97179337_6215126501.jpg sagrada_familia/68127387_81603260.jpg 0 1 +sagrada_familia/97179337_6215126501.jpg sagrada_familia/68789674_5090510748.jpg 0 0 +sagrada_familia/97179337_6215126501.jpg sagrada_familia/92715582_12998743884.jpg 0 0 +sagrada_familia/97367794_424389313.jpg sagrada_familia/50555888_4522439720.jpg 0 0 +sagrada_familia/97367794_424389313.jpg sagrada_familia/84314478_393653425.jpg 0 0 +sagrada_familia/97406833_473359169.jpg sagrada_familia/78155518_7461591828.jpg 0 3 +sagrada_familia/97714096_4116326980.jpg sagrada_familia/20423959_8012701768.jpg 0 0 +sagrada_familia/97714096_4116326980.jpg sagrada_familia/38813090_8718096192.jpg 0 0 +sagrada_familia/97714096_4116326980.jpg sagrada_familia/41834893_3076907793.jpg 0 0 +sagrada_familia/97714096_4116326980.jpg sagrada_familia/77600296_4997051701.jpg 0 0 +sagrada_familia/97714096_4116326980.jpg sagrada_familia/82256987_3473601857.jpg 0 0 +sagrada_familia/97714096_4116326980.jpg sagrada_familia/91642076_6950949551.jpg 0 0 +sagrada_familia/97714096_4116326980.jpg sagrada_familia/92014338_3615980119.jpg 0 0 +sagrada_familia/98183808_9526955139.jpg sagrada_familia/20823420_2517837445.jpg 0 0 +sagrada_familia/98183808_9526955139.jpg sagrada_familia/64323676_6818875446.jpg 0 0 +sagrada_familia/98262701_6263115408.jpg sagrada_familia/54347804_2292452655.jpg 0 0 +sagrada_familia/98262701_6263115408.jpg sagrada_familia/78155518_7461591828.jpg 0 3 +sagrada_familia/98515662_4526699256.jpg sagrada_familia/84231146_4225153279.jpg 0 0 +sagrada_familia/98527924_144697798.jpg sagrada_familia/92168273_1423075313.jpg 0 0 +sagrada_familia/98653115_457567968.jpg sagrada_familia/78155518_7461591828.jpg 0 3 +sagrada_familia/99028479_5845680717.jpg sagrada_familia/54347804_2292452655.jpg 0 0 +sagrada_familia/99028479_5845680717.jpg sagrada_familia/97110264_925766245.jpg 0 0 +sagrada_familia/99128282_984569005.jpg sagrada_familia/68420027_2806323314.jpg 0 0 +sagrada_familia/99759589_12014053845.jpg sagrada_familia/91751049_10616196756.jpg 0 0 +sagrada_familia/99765221_4300410235.jpg sagrada_familia/84231146_4225153279.jpg 0 0 +st_pauls_cathedral/08176129_6393745661.jpg st_pauls_cathedral/08167647_97159954.jpg 0 0 +st_pauls_cathedral/15340635_6286567877.jpg st_pauls_cathedral/04828754_9693520555.jpg 1 0 +st_pauls_cathedral/15389470_4226878977.jpg st_pauls_cathedral/01316177_6520734803.jpg 0 0 +st_pauls_cathedral/17039840_3640486350.jpg st_pauls_cathedral/01316177_6520734803.jpg 0 0 +st_pauls_cathedral/18817327_6863321426.jpg st_pauls_cathedral/05719717_1698133784.jpg 0 0 +st_pauls_cathedral/19760614_9409217244.jpg st_pauls_cathedral/02796054_3846089993.jpg 0 0 +st_pauls_cathedral/20929450_4800036127.jpg st_pauls_cathedral/20807412_2958009988.jpg 0 0 +st_pauls_cathedral/20967888_9189833310.jpg st_pauls_cathedral/08869142_6155122813.jpg 0 0 +st_pauls_cathedral/22750302_6119726944.jpg st_pauls_cathedral/01316177_6520734803.jpg 0 0 +st_pauls_cathedral/27064989_3849330238.jpg st_pauls_cathedral/01316177_6520734803.jpg 0 0 +st_pauls_cathedral/27064989_3849330238.jpg st_pauls_cathedral/20807412_2958009988.jpg 0 0 +st_pauls_cathedral/27064989_3849330238.jpg st_pauls_cathedral/22377572_12368699944.jpg 0 0 +st_pauls_cathedral/28827719_5982596692.jpg st_pauls_cathedral/21554356_128094409.jpg 0 0 +st_pauls_cathedral/29174605_7176344417.jpg st_pauls_cathedral/22051479_11389229645.jpg 0 0 +st_pauls_cathedral/29554256_9647596492.jpg st_pauls_cathedral/00550125_12586860275.jpg 0 0 +st_pauls_cathedral/31386580_6302270950.jpg st_pauls_cathedral/20254945_2718395808.jpg 0 0 +st_pauls_cathedral/31594419_1541091566.jpg st_pauls_cathedral/08212369_4763831145.jpg 0 0 +st_pauls_cathedral/31625001_4005740884.jpg st_pauls_cathedral/15772565_8194552508.jpg 0 0 +st_pauls_cathedral/33418784_3260622521.jpg st_pauls_cathedral/20807412_2958009988.jpg 0 0 +st_pauls_cathedral/33664064_6394879475.jpg st_pauls_cathedral/22051479_11389229645.jpg 0 0 +st_pauls_cathedral/33851048_3247953152.jpg st_pauls_cathedral/02139247_2294669227.jpg 1 0 +st_pauls_cathedral/35027905_112883925.jpg st_pauls_cathedral/01195078_6302076277.jpg 0 0 +st_pauls_cathedral/35195543_94410439.jpg st_pauls_cathedral/22750302_6119726944.jpg 1 0 +st_pauls_cathedral/36508790_5233146026.jpg st_pauls_cathedral/08911833_11169723556.jpg 0 0 +st_pauls_cathedral/36508790_5233146026.jpg st_pauls_cathedral/29039581_3538872333.jpg 0 0 +st_pauls_cathedral/36924691_6406659277.jpg st_pauls_cathedral/22051479_11389229645.jpg 0 0 +st_pauls_cathedral/37315684_2905900255.jpg st_pauls_cathedral/05635777_10299076615.jpg 0 0 +st_pauls_cathedral/37315684_2905900255.jpg st_pauls_cathedral/07894309_5375125380.jpg 0 0 +st_pauls_cathedral/37347628_10902811376.jpg st_pauls_cathedral/09383696_8658922004.jpg 0 0 +st_pauls_cathedral/37347628_10902811376.jpg st_pauls_cathedral/20320151_3688506507.jpg 0 0 +st_pauls_cathedral/37347628_10902811376.jpg st_pauls_cathedral/20929450_4800036127.jpg 0 0 +st_pauls_cathedral/37347628_10902811376.jpg st_pauls_cathedral/23790024_2978070963.jpg 0 0 +st_pauls_cathedral/37347628_10902811376.jpg st_pauls_cathedral/30776973_2635313996.jpg 0 0 +st_pauls_cathedral/43098554_2567707606.jpg st_pauls_cathedral/31625001_4005740884.jpg 0 0 +st_pauls_cathedral/43153665_6098486135.jpg st_pauls_cathedral/02796054_3846089993.jpg 0 0 +st_pauls_cathedral/43305420_2502235648.jpg st_pauls_cathedral/20807412_2958009988.jpg 0 0 +st_pauls_cathedral/43374295_5092794275.jpg st_pauls_cathedral/08911833_11169723556.jpg 0 0 +st_pauls_cathedral/43920096_10906605833.jpg st_pauls_cathedral/04223687_109190093.jpg 0 0 +st_pauls_cathedral/43920096_10906605833.jpg st_pauls_cathedral/28868724_6451537377.jpg 0 0 +st_pauls_cathedral/43920096_10906605833.jpg st_pauls_cathedral/31055607_5795560563.jpg 0 0 +st_pauls_cathedral/45884178_4648913169.jpg st_pauls_cathedral/04828754_9693520555.jpg 0 0 +st_pauls_cathedral/47300577_6254970696.jpg st_pauls_cathedral/43573928_4799703434.jpg 0 3 +st_pauls_cathedral/47389825_5983277496.jpg st_pauls_cathedral/02507010_6482269847.jpg 0 0 +st_pauls_cathedral/47389825_5983277496.jpg st_pauls_cathedral/05555073_3695647463.jpg 0 0 +st_pauls_cathedral/47552538_8236638213.jpg st_pauls_cathedral/35195543_94410439.jpg 0 1 +st_pauls_cathedral/47643007_6652360459.jpg st_pauls_cathedral/43573928_4799703434.jpg 0 3 +st_pauls_cathedral/47854767_3623008711.jpg st_pauls_cathedral/07053525_144594298.jpg 0 0 +st_pauls_cathedral/48298153_373030198.jpg st_pauls_cathedral/47914593_6251014013.jpg 1 0 +st_pauls_cathedral/48358427_3896668101.jpg st_pauls_cathedral/29137875_1898785145.jpg 0 0 +st_pauls_cathedral/48617661_5184270075.jpg st_pauls_cathedral/08911833_11169723556.jpg 0 0 +st_pauls_cathedral/49041734_3030871690.jpg st_pauls_cathedral/16225635_9025416201.jpg 0 0 +st_pauls_cathedral/49041734_3030871690.jpg st_pauls_cathedral/32921038_2925499378.jpg 0 0 +st_pauls_cathedral/49315113_8501218407.jpg st_pauls_cathedral/37347628_10902811376.jpg 0 0 +st_pauls_cathedral/49739029_7090067565.jpg st_pauls_cathedral/37315684_2905900255.jpg 0 0 +st_pauls_cathedral/50015054_5731757063.jpg st_pauls_cathedral/20807412_2958009988.jpg 0 0 +st_pauls_cathedral/50051127_464320147.jpg st_pauls_cathedral/36924691_6406659277.jpg 0 0 +st_pauls_cathedral/50777283_4936535855.jpg st_pauls_cathedral/17654897_3090776556.jpg 1 0 +st_pauls_cathedral/50777283_4936535855.jpg st_pauls_cathedral/19670417_117668166.jpg 1 0 +st_pauls_cathedral/51765627_2376275904.jpg st_pauls_cathedral/05231892_4069310469.jpg 0 1 +st_pauls_cathedral/58326617_3236365572.jpg st_pauls_cathedral/09272147_6331287121.jpg 0 0 +st_pauls_cathedral/60025920_424361737.jpg st_pauls_cathedral/08176129_6393745661.jpg 0 0 +st_pauls_cathedral/60155766_8376459916.jpg st_pauls_cathedral/22051479_11389229645.jpg 0 0 +st_pauls_cathedral/60178844_5377589147.jpg st_pauls_cathedral/16324897_294035351.jpg 0 0 +st_pauls_cathedral/60904467_330234484.jpg st_pauls_cathedral/19670417_117668166.jpg 0 0 +st_pauls_cathedral/61122520_9405023864.jpg st_pauls_cathedral/35195543_94410439.jpg 0 1 +st_pauls_cathedral/61885596_4253724960.jpg st_pauls_cathedral/43098554_2567707606.jpg 0 0 +st_pauls_cathedral/62128087_8691185414.jpg st_pauls_cathedral/60904467_330234484.jpg 0 0 +st_pauls_cathedral/62294687_8656172024.jpg st_pauls_cathedral/16235258_330234250.jpg 0 0 +st_pauls_cathedral/62294687_8656172024.jpg st_pauls_cathedral/48256290_4727047656.jpg 0 0 +st_pauls_cathedral/62294687_8656172024.jpg st_pauls_cathedral/57622826_4530932320.jpg 0 0 +st_pauls_cathedral/62295984_6069707235.jpg st_pauls_cathedral/47300577_6254970696.jpg 0 0 +st_pauls_cathedral/62353676_286108565.jpg st_pauls_cathedral/30334836_12936770043.jpg 0 0 +st_pauls_cathedral/62683867_5924337162.jpg st_pauls_cathedral/16324897_294035351.jpg 0 0 +st_pauls_cathedral/62791107_4284958026.jpg st_pauls_cathedral/05436300_3736382215.jpg 0 0 +st_pauls_cathedral/63030934_164451351.jpg st_pauls_cathedral/20807412_2958009988.jpg 0 0 +st_pauls_cathedral/63184016_3221774427.jpg st_pauls_cathedral/21554356_128094409.jpg 0 0 +st_pauls_cathedral/63464824_2041524685.jpg st_pauls_cathedral/15330789_4069315829.jpg 0 0 +st_pauls_cathedral/63608693_4550249661.jpg st_pauls_cathedral/02507010_6482269847.jpg 0 0 +st_pauls_cathedral/63872067_2580089824.jpg st_pauls_cathedral/02507010_6482269847.jpg 0 0 +st_pauls_cathedral/63872067_2580089824.jpg st_pauls_cathedral/23597661_1540227653.jpg 0 0 +st_pauls_cathedral/64178508_2848319812.jpg st_pauls_cathedral/48358427_3896668101.jpg 0 0 +st_pauls_cathedral/65355222_10666107726.jpg st_pauls_cathedral/64598994_2796727575.jpg 3 0 +st_pauls_cathedral/65579340_8658903934.jpg st_pauls_cathedral/07053525_144594298.jpg 0 0 +st_pauls_cathedral/65936305_7224343890.jpg st_pauls_cathedral/35236682_3866876026.jpg 0 0 +st_pauls_cathedral/65936305_7224343890.jpg st_pauls_cathedral/48779683_6852385253.jpg 0 0 +st_pauls_cathedral/66000253_7189140937.jpg st_pauls_cathedral/23624636_5162872877.jpg 0 0 +st_pauls_cathedral/66084499_424361970.jpg st_pauls_cathedral/50134568_5607401795.jpg 1 0 +st_pauls_cathedral/66095423_6623249375.jpg st_pauls_cathedral/65406857_5849308747.jpg 0 0 +st_pauls_cathedral/66354598_8658993474.jpg st_pauls_cathedral/35195543_94410439.jpg 0 1 +st_pauls_cathedral/71847013_2485566661.jpg st_pauls_cathedral/65406857_5849308747.jpg 0 0 +st_pauls_cathedral/72125766_3947493463.jpg st_pauls_cathedral/08811062_7652433566.jpg 0 0 +st_pauls_cathedral/72125766_3947493463.jpg st_pauls_cathedral/58326617_3236365572.jpg 0 0 +st_pauls_cathedral/72125766_3947493463.jpg st_pauls_cathedral/62813483_8289412815.jpg 0 0 +st_pauls_cathedral/72428851_6930601407.jpg st_pauls_cathedral/20807412_2958009988.jpg 0 0 +st_pauls_cathedral/72783275_3199359396.jpg st_pauls_cathedral/49041734_3030871690.jpg 0 0 +st_pauls_cathedral/72921906_482978020.jpg st_pauls_cathedral/22051479_11389229645.jpg 0 0 +st_pauls_cathedral/73132283_4714901221.jpg st_pauls_cathedral/09272147_6331287121.jpg 0 0 +st_pauls_cathedral/73132283_4714901221.jpg st_pauls_cathedral/51592699_1165340842.jpg 0 0 +st_pauls_cathedral/73446579_6254771569.jpg st_pauls_cathedral/06850079_5924336712.jpg 0 0 +st_pauls_cathedral/73446579_6254771569.jpg st_pauls_cathedral/61359543_7319932086.jpg 0 0 +st_pauls_cathedral/73446579_6254771569.jpg st_pauls_cathedral/72655822_410619120.jpg 0 3 +st_pauls_cathedral/73904535_396575523.jpg st_pauls_cathedral/20254945_2718395808.jpg 1 0 +st_pauls_cathedral/73904535_396575523.jpg st_pauls_cathedral/43573928_4799703434.jpg 1 3 +st_pauls_cathedral/74305926_5265918845.jpg st_pauls_cathedral/44290248_5970904307.jpg 0 0 +st_pauls_cathedral/74628702_527678504.jpg st_pauls_cathedral/09101910_313676592.jpg 0 0 +st_pauls_cathedral/74628702_527678504.jpg st_pauls_cathedral/72125766_3947493463.jpg 0 0 +st_pauls_cathedral/75416676_4363216895.jpg st_pauls_cathedral/04697565_8331993352.jpg 0 0 +st_pauls_cathedral/75416676_4363216895.jpg st_pauls_cathedral/35753008_13969218.jpg 0 0 +st_pauls_cathedral/75416676_4363216895.jpg st_pauls_cathedral/72585104_3769333347.jpg 0 0 +st_pauls_cathedral/75499498_198822641.jpg st_pauls_cathedral/01024897_4276850874.jpg 0 0 +st_pauls_cathedral/75499498_198822641.jpg st_pauls_cathedral/07613622_9368181062.jpg 0 0 +st_pauls_cathedral/75782210_5667175068.jpg st_pauls_cathedral/09101910_313676592.jpg 0 0 +st_pauls_cathedral/75782210_5667175068.jpg st_pauls_cathedral/16292129_2588255237.jpg 0 0 +st_pauls_cathedral/76214667_3701614569.jpg st_pauls_cathedral/51592699_1165340842.jpg 0 0 +st_pauls_cathedral/76583865_410066628.jpg st_pauls_cathedral/16292129_2588255237.jpg 0 0 +st_pauls_cathedral/76696874_8185503949.jpg st_pauls_cathedral/44973990_2581083805.jpg 0 0 +st_pauls_cathedral/76696874_8185503949.jpg st_pauls_cathedral/47389825_5983277496.jpg 0 0 +st_pauls_cathedral/77153490_5932928550.jpg st_pauls_cathedral/75499498_198822641.jpg 0 0 +st_pauls_cathedral/77160340_9329931708.jpg st_pauls_cathedral/29554256_9647596492.jpg 0 0 +st_pauls_cathedral/77604135_3526059109.jpg st_pauls_cathedral/04828754_9693520555.jpg 0 0 +st_pauls_cathedral/77730672_2187628006.jpg st_pauls_cathedral/50777283_4936535855.jpg 0 1 +st_pauls_cathedral/78137889_8655002513.jpg st_pauls_cathedral/72201072_410621505.jpg 0 3 +st_pauls_cathedral/78409175_375058357.jpg st_pauls_cathedral/65936305_7224343890.jpg 0 0 +st_pauls_cathedral/78582770_410620191.jpg st_pauls_cathedral/07053525_144594298.jpg 1 0 +st_pauls_cathedral/78761374_8331325316.jpg st_pauls_cathedral/00482244_2939061779.jpg 0 0 +st_pauls_cathedral/78761374_8331325316.jpg st_pauls_cathedral/50573068_5271881926.jpg 0 0 +st_pauls_cathedral/78858636_1084157358.jpg st_pauls_cathedral/35797911_5433360343.jpg 0 0 +st_pauls_cathedral/79196040_2724751930.jpg st_pauls_cathedral/37347628_10902811376.jpg 0 0 +st_pauls_cathedral/79239281_5982040455.jpg st_pauls_cathedral/31594419_1541091566.jpg 0 0 +st_pauls_cathedral/79319193_7171859026.jpg st_pauls_cathedral/09101910_313676592.jpg 0 0 +st_pauls_cathedral/79596774_3973362512.jpg st_pauls_cathedral/04828754_9693520555.jpg 0 0 +st_pauls_cathedral/79907102_3247748633.jpg st_pauls_cathedral/35236682_3866876026.jpg 0 0 +st_pauls_cathedral/79907102_3247748633.jpg st_pauls_cathedral/65936305_7224343890.jpg 0 0 +st_pauls_cathedral/80333164_8656826961.jpg st_pauls_cathedral/62353676_286108565.jpg 0 0 +st_pauls_cathedral/80333164_8656826961.jpg st_pauls_cathedral/72125766_3947493463.jpg 0 0 +st_pauls_cathedral/80333164_8656826961.jpg st_pauls_cathedral/78098197_5849317301.jpg 0 0 +st_pauls_cathedral/80579947_5850830551.jpg st_pauls_cathedral/78352240_3512998930.jpg 0 0 +st_pauls_cathedral/80628023_8657932836.jpg st_pauls_cathedral/22538952_8039988254.jpg 0 0 +st_pauls_cathedral/80628023_8657932836.jpg st_pauls_cathedral/64216790_6840691073.jpg 0 0 +st_pauls_cathedral/80730011_1097622234.jpg st_pauls_cathedral/77730672_2187628006.jpg 0 0 +st_pauls_cathedral/80740723_2169324532.jpg st_pauls_cathedral/06613127_9696750054.jpg 0 0 +st_pauls_cathedral/80740723_2169324532.jpg st_pauls_cathedral/17397276_9786402764.jpg 0 0 +st_pauls_cathedral/80740723_2169324532.jpg st_pauls_cathedral/43920096_10906605833.jpg 0 0 +st_pauls_cathedral/80740723_2169324532.jpg st_pauls_cathedral/45668240_2467164.jpg 0 0 +st_pauls_cathedral/86078748_6437585937.jpg st_pauls_cathedral/01880054_7253114302.jpg 0 0 +st_pauls_cathedral/86078748_6437585937.jpg st_pauls_cathedral/50826174_580528488.jpg 0 0 +st_pauls_cathedral/86078748_6437585937.jpg st_pauls_cathedral/79907102_3247748633.jpg 0 0 +st_pauls_cathedral/86093308_3726830758.jpg st_pauls_cathedral/32921038_2925499378.jpg 1 0 +st_pauls_cathedral/86387963_3832313553.jpg st_pauls_cathedral/75416676_4363216895.jpg 0 0 +st_pauls_cathedral/86509203_2056890624.jpg st_pauls_cathedral/04281442_5667176878.jpg 0 0 +st_pauls_cathedral/86509203_2056890624.jpg st_pauls_cathedral/73344134_1541174048.jpg 0 0 +st_pauls_cathedral/86509203_2056890624.jpg st_pauls_cathedral/73446579_6254771569.jpg 0 0 +st_pauls_cathedral/86811069_6543168763.jpg st_pauls_cathedral/76480827_8709609605.jpg 0 0 +st_pauls_cathedral/87465417_410066754.jpg st_pauls_cathedral/61565132_8158727335.jpg 0 0 +st_pauls_cathedral/87465417_410066754.jpg st_pauls_cathedral/64178508_2848319812.jpg 0 0 +st_pauls_cathedral/87469352_3538862417.jpg st_pauls_cathedral/18817327_6863321426.jpg 0 0 +st_pauls_cathedral/87491328_409306708.jpg st_pauls_cathedral/01024897_4276850874.jpg 0 0 +st_pauls_cathedral/87491328_409306708.jpg st_pauls_cathedral/37347628_10902811376.jpg 0 0 +st_pauls_cathedral/87880646_4898923389.jpg st_pauls_cathedral/30461430_80880649.jpg 0 0 +st_pauls_cathedral/87880646_4898923389.jpg st_pauls_cathedral/86078748_6437585937.jpg 0 0 +st_pauls_cathedral/88075226_8375385505.jpg st_pauls_cathedral/86078748_6437585937.jpg 0 0 +st_pauls_cathedral/88579510_10885497063.jpg st_pauls_cathedral/33944396_323175872.jpg 0 0 +st_pauls_cathedral/88845761_5161843639.jpg st_pauls_cathedral/02507010_6482269847.jpg 0 0 +st_pauls_cathedral/89034725_8691186498.jpg st_pauls_cathedral/37315684_2905900255.jpg 0 0 +st_pauls_cathedral/89359643_6530897597.jpg st_pauls_cathedral/48560331_5213707699.jpg 0 0 +st_pauls_cathedral/89688408_9696749078.jpg st_pauls_cathedral/62353676_286108565.jpg 0 0 +st_pauls_cathedral/89888539_9337098920.jpg st_pauls_cathedral/16324897_294035351.jpg 0 0 +st_pauls_cathedral/89888539_9337098920.jpg st_pauls_cathedral/50573068_5271881926.jpg 0 0 +st_pauls_cathedral/89888539_9337098920.jpg st_pauls_cathedral/72655822_410619120.jpg 0 3 +st_pauls_cathedral/89888539_9337098920.jpg st_pauls_cathedral/75895862_8290558949.jpg 0 0 +st_pauls_cathedral/89888539_9337098920.jpg st_pauls_cathedral/79467047_6166196003.jpg 0 0 +st_pauls_cathedral/90209139_3994249459.jpg st_pauls_cathedral/78409175_375058357.jpg 0 0 +st_pauls_cathedral/90209139_3994249459.jpg st_pauls_cathedral/78582770_410620191.jpg 0 1 +st_pauls_cathedral/90655346_4004718440.jpg st_pauls_cathedral/00550125_12586860275.jpg 0 0 +st_pauls_cathedral/91656127_7253113144.jpg st_pauls_cathedral/30600409_183700112.jpg 0 0 +st_pauls_cathedral/91918189_6232577068.jpg st_pauls_cathedral/04939635_5724707434.jpg 0 0 +st_pauls_cathedral/91918189_6232577068.jpg st_pauls_cathedral/37863559_4180603861.jpg 0 0 +st_pauls_cathedral/91918189_6232577068.jpg st_pauls_cathedral/49315113_8501218407.jpg 0 0 +st_pauls_cathedral/91946280_8658910888.jpg st_pauls_cathedral/01024897_4276850874.jpg 0 0 +st_pauls_cathedral/91946280_8658910888.jpg st_pauls_cathedral/37580415_6270260950.jpg 0 0 +st_pauls_cathedral/91946280_8658910888.jpg st_pauls_cathedral/72684746_2365409204.jpg 0 0 +st_pauls_cathedral/92158908_2041528681.jpg st_pauls_cathedral/86793288_81064886.jpg 0 0 +st_pauls_cathedral/92810524_4500630423.jpg st_pauls_cathedral/48779683_6852385253.jpg 0 0 +st_pauls_cathedral/93030987_2292992877.jpg st_pauls_cathedral/00162897_2573777698.jpg 0 0 +st_pauls_cathedral/93192799_3878932967.jpg st_pauls_cathedral/91626356_3650028226.jpg 3 2 +st_pauls_cathedral/93328208_8657814331.jpg st_pauls_cathedral/43305420_2502235648.jpg 0 0 +st_pauls_cathedral/93328208_8657814331.jpg st_pauls_cathedral/44942033_2073994559.jpg 0 0 +st_pauls_cathedral/93355615_1672027412.jpg st_pauls_cathedral/73446579_6254771569.jpg 0 0 +st_pauls_cathedral/93701474_6332090181.jpg st_pauls_cathedral/80628023_8657932836.jpg 0 0 +st_pauls_cathedral/94231433_966470851.jpg st_pauls_cathedral/73446579_6254771569.jpg 0 0 +st_pauls_cathedral/94451439_81070120.jpg st_pauls_cathedral/78352240_3512998930.jpg 0 0 +st_pauls_cathedral/94577950_1403590863.jpg st_pauls_cathedral/49041734_3030871690.jpg 0 0 +st_pauls_cathedral/94577950_1403590863.jpg st_pauls_cathedral/65355222_10666107726.jpg 0 3 +st_pauls_cathedral/95298370_81064887.jpg st_pauls_cathedral/01046474_2844536816.jpg 0 0 +st_pauls_cathedral/95298370_81064887.jpg st_pauls_cathedral/08811062_7652433566.jpg 0 0 +st_pauls_cathedral/95298370_81064887.jpg st_pauls_cathedral/23597661_1540227653.jpg 0 0 +st_pauls_cathedral/95298370_81064887.jpg st_pauls_cathedral/50489690_5320746035.jpg 0 0 +st_pauls_cathedral/95298370_81064887.jpg st_pauls_cathedral/66084499_424361970.jpg 0 1 +st_pauls_cathedral/95298370_81064887.jpg st_pauls_cathedral/88354361_204085255.jpg 0 1 +st_pauls_cathedral/95298370_81064887.jpg st_pauls_cathedral/90505912_4180777669.jpg 0 0 +united_states_capitol/10495245_8907741554.jpg united_states_capitol/10372022_93261354.jpg 0 0 +united_states_capitol/13481652_8891302141.jpg united_states_capitol/10314931_9236481831.jpg 3 0 +united_states_capitol/13481652_8891302141.jpg united_states_capitol/11219540_12074205486.jpg 3 0 +united_states_capitol/14150597_5895759170.jpg united_states_capitol/10314931_9236481831.jpg 0 0 +united_states_capitol/14150597_5895759170.jpg united_states_capitol/10944149_3888136271.jpg 0 0 +united_states_capitol/24500268_5486929850.jpg united_states_capitol/12319392_406390053.jpg 0 0 +united_states_capitol/25115228_3188506686.jpg united_states_capitol/13223019_2113613787.jpg 0 0 +united_states_capitol/25553498_5745200060.jpg united_states_capitol/14150597_5895759170.jpg 0 0 +united_states_capitol/25562474_199546796.jpg united_states_capitol/14189650_2442965307.jpg 0 0 +united_states_capitol/25562474_199546796.jpg united_states_capitol/24672228_6246139416.jpg 0 0 +united_states_capitol/26830263_8154590231.jpg united_states_capitol/26662354_4706439877.jpg 0 0 +united_states_capitol/27315191_4760793382.jpg united_states_capitol/10353075_3098846661.jpg 0 3 +united_states_capitol/28154687_6091226418.jpg united_states_capitol/27434823_2104484695.jpg 3 0 +united_states_capitol/40128108_9313344107.jpg united_states_capitol/28154687_6091226418.jpg 0 3 +united_states_capitol/40553548_2041085637.jpg united_states_capitol/10054314_8385419558.jpg 0 0 +united_states_capitol/41023880_3450267885.jpg united_states_capitol/25562474_199546796.jpg 0 0 +united_states_capitol/41542946_4027896832.jpg united_states_capitol/27034796_138331122.jpg 3 0 +united_states_capitol/41766298_3222122010.jpg united_states_capitol/41758627_4120153081.jpg 0 0 +united_states_capitol/41973961_3393464404.jpg united_states_capitol/11176130_5444681788.jpg 3 0 +united_states_capitol/42169444_3215905907.jpg united_states_capitol/27925017_4436518460.jpg 0 0 +united_states_capitol/42769281_4016757433.jpg united_states_capitol/42086664_1508245230.jpg 1 1 +united_states_capitol/52948324_6181600437.jpg united_states_capitol/42171812_10761172416.jpg 0 0 +united_states_capitol/53361115_3924049623.jpg united_states_capitol/12513220_5832734513.jpg 0 0 +united_states_capitol/53361115_3924049623.jpg united_states_capitol/41758627_4120153081.jpg 0 0 +united_states_capitol/53581752_4092134594.jpg united_states_capitol/42652793_10392211395.jpg 0 3 +united_states_capitol/54283432_3536217524.jpg united_states_capitol/27032800_2041991962.jpg 0 0 +united_states_capitol/54283432_3536217524.jpg united_states_capitol/53581752_4092134594.jpg 0 0 +united_states_capitol/55031238_3816060435.jpg united_states_capitol/42652793_10392211395.jpg 1 3 +united_states_capitol/55444937_121383949.jpg united_states_capitol/11219540_12074205486.jpg 0 0 +united_states_capitol/55727783_5255654049.jpg united_states_capitol/14189650_2442965307.jpg 0 0 +united_states_capitol/55727783_5255654049.jpg united_states_capitol/24389415_320785533.jpg 0 0 +united_states_capitol/55727783_5255654049.jpg united_states_capitol/24672228_6246139416.jpg 0 0 +united_states_capitol/55727783_5255654049.jpg united_states_capitol/27648455_1317288680.jpg 0 0 +united_states_capitol/55861001_3696837769.jpg united_states_capitol/27648455_1317288680.jpg 0 0 +united_states_capitol/56043313_6287948108.jpg united_states_capitol/25553498_5745200060.jpg 0 0 +united_states_capitol/56075650_2488462290.jpg united_states_capitol/55180249_60512273.jpg 0 0 +united_states_capitol/56189854_7933130512.jpg united_states_capitol/12319392_406390053.jpg 0 0 +united_states_capitol/56370548_108847393.jpg united_states_capitol/40128108_9313344107.jpg 0 0 +united_states_capitol/56755683_172155887.jpg united_states_capitol/27661597_3998062242.jpg 0 0 +united_states_capitol/57076057_4464706689.jpg united_states_capitol/25115228_3188506686.jpg 0 0 +united_states_capitol/57076057_4464706689.jpg united_states_capitol/27269732_10127385303.jpg 0 0 +united_states_capitol/57076057_4464706689.jpg united_states_capitol/38702964_3098803719.jpg 0 0 +united_states_capitol/57153923_9594828591.jpg united_states_capitol/26729828_5037688507.jpg 0 0 +united_states_capitol/57154851_2536304095.jpg united_states_capitol/11970864_3240945732.jpg 0 0 +united_states_capitol/57194324_2132014598.jpg united_states_capitol/41758627_4120153081.jpg 0 0 +united_states_capitol/67277779_3208498448.jpg united_states_capitol/27622825_2397491251.jpg 0 1 +united_states_capitol/67371366_3920754292.jpg united_states_capitol/40196778_6893186416.jpg 0 0 +united_states_capitol/67371366_3920754292.jpg united_states_capitol/56043313_6287948108.jpg 0 0 +united_states_capitol/67406538_4737973132.jpg united_states_capitol/13348772_6900643922.jpg 0 0 +united_states_capitol/67639365_8390712394.jpg united_states_capitol/41579542_12447586605.jpg 0 3 +united_states_capitol/67763787_3399119359.jpg united_states_capitol/13481652_8891302141.jpg 0 3 +united_states_capitol/68068837_6418436889.jpg united_states_capitol/25305683_3345448271.jpg 0 0 +united_states_capitol/68068837_6418436889.jpg united_states_capitol/41987866_2050567611.jpg 0 0 +united_states_capitol/68333805_5133815033.jpg united_states_capitol/42086664_1508245230.jpg 0 1 +united_states_capitol/68333805_5133815033.jpg united_states_capitol/53361115_3924049623.jpg 0 0 +united_states_capitol/68372608_330910899.jpg united_states_capitol/10073947_8860295518.jpg 0 0 +united_states_capitol/68616343_8565068769.jpg united_states_capitol/12729610_172216730.jpg 0 0 +united_states_capitol/68826146_3399113765.jpg united_states_capitol/38771494_5108019249.jpg 0 0 +united_states_capitol/68826146_3399113765.jpg united_states_capitol/42652793_10392211395.jpg 0 3 +united_states_capitol/68826146_3399113765.jpg united_states_capitol/53611142_1702293512.jpg 0 0 +united_states_capitol/68826146_3399113765.jpg united_states_capitol/68068837_6418436889.jpg 0 0 +united_states_capitol/69550492_5206660165.jpg united_states_capitol/55845755_4249604531.jpg 0 0 +united_states_capitol/69550492_5206660165.jpg united_states_capitol/57076057_4464706689.jpg 0 0 +united_states_capitol/69643221_3397873336.jpg united_states_capitol/24317425_3825219726.jpg 0 0 +united_states_capitol/69656211_5752550160.jpg united_states_capitol/56707263_4436519236.jpg 0 0 +united_states_capitol/69825451_4873436133.jpg united_states_capitol/10372022_93261354.jpg 0 0 +united_states_capitol/69825451_4873436133.jpg united_states_capitol/25305683_3345448271.jpg 0 0 +united_states_capitol/69825451_4873436133.jpg united_states_capitol/26623966_2300201592.jpg 0 0 +united_states_capitol/69825451_4873436133.jpg united_states_capitol/42652793_10392211395.jpg 0 3 +united_states_capitol/69825451_4873436133.jpg united_states_capitol/52948324_6181600437.jpg 0 0 +united_states_capitol/69825451_4873436133.jpg united_states_capitol/55031238_3816060435.jpg 0 1 +united_states_capitol/69975000_3895178170.jpg united_states_capitol/25115228_3188506686.jpg 0 0 +united_states_capitol/70052234_2314422099.jpg united_states_capitol/10372022_93261354.jpg 0 0 +united_states_capitol/70052234_2314422099.jpg united_states_capitol/41542946_4027896832.jpg 0 3 +united_states_capitol/70052234_2314422099.jpg united_states_capitol/53955596_4966226326.jpg 0 0 +united_states_capitol/70052234_2314422099.jpg united_states_capitol/54283432_3536217524.jpg 0 0 +united_states_capitol/70052234_2314422099.jpg united_states_capitol/57194324_2132014598.jpg 0 0 +united_states_capitol/70052234_2314422099.jpg united_states_capitol/68372608_330910899.jpg 0 0 +united_states_capitol/70052234_2314422099.jpg united_states_capitol/68616343_8565068769.jpg 0 0 +united_states_capitol/70052234_2314422099.jpg united_states_capitol/69550492_5206660165.jpg 0 0 +united_states_capitol/70166403_3204806739.jpg united_states_capitol/55368186_4455504526.jpg 0 0 +united_states_capitol/70449609_280409734.jpg united_states_capitol/11303513_3343724658.jpg 0 0 +united_states_capitol/70449609_280409734.jpg united_states_capitol/24596838_2520966619.jpg 0 0 +united_states_capitol/70449609_280409734.jpg united_states_capitol/55031238_3816060435.jpg 0 1 +united_states_capitol/70482577_5367877160.jpg united_states_capitol/10353075_3098846661.jpg 0 3 +united_states_capitol/70482577_5367877160.jpg united_states_capitol/53361115_3924049623.jpg 0 0 +united_states_capitol/70482577_5367877160.jpg united_states_capitol/56751514_3875513969.jpg 0 0 +united_states_capitol/70506006_879171563.jpg united_states_capitol/10495245_8907741554.jpg 0 0 +united_states_capitol/70506006_879171563.jpg united_states_capitol/67277779_3208498448.jpg 0 0 +united_states_capitol/70794652_3301075662.jpg united_states_capitol/10054314_8385419558.jpg 0 0 +united_states_capitol/70918285_5729282766.jpg united_states_capitol/28154687_6091226418.jpg 0 3 +united_states_capitol/70918285_5729282766.jpg united_states_capitol/69825451_4873436133.jpg 0 0 +united_states_capitol/71034053_441282983.jpg united_states_capitol/10314931_9236481831.jpg 0 0 +united_states_capitol/71252024_3354217093.jpg united_states_capitol/70482577_5367877160.jpg 0 0 +united_states_capitol/71285613_6927266831.jpg united_states_capitol/10808256_8765427055.jpg 0 0 +united_states_capitol/71285613_6927266831.jpg united_states_capitol/25470908_4937466629.jpg 0 0 +united_states_capitol/71423417_4921721999.jpg united_states_capitol/12513220_5832734513.jpg 0 0 +united_states_capitol/81523790_49405432.jpg united_states_capitol/53179961_8234037377.jpg 0 0 +united_states_capitol/81824391_3248526374.jpg united_states_capitol/10054314_8385419558.jpg 0 0 +united_states_capitol/81824391_3248526374.jpg united_states_capitol/42171812_10761172416.jpg 0 0 +united_states_capitol/81899102_3217470578.jpg united_states_capitol/68826146_3399113765.jpg 0 0 +united_states_capitol/81916702_4186930932.jpg united_states_capitol/41028794_2127937038.jpg 0 0 +united_states_capitol/81917315_3211677320.jpg united_states_capitol/39391266_3864112248.jpg 0 0 +united_states_capitol/82024989_3353229407.jpg united_states_capitol/25115228_3188506686.jpg 0 0 +united_states_capitol/82024989_3353229407.jpg united_states_capitol/38702964_3098803719.jpg 0 0 +united_states_capitol/82032996_199575622.jpg united_states_capitol/10495245_8907741554.jpg 0 0 +united_states_capitol/82032996_199575622.jpg united_states_capitol/25562474_199546796.jpg 0 0 +united_states_capitol/82032996_199575622.jpg united_states_capitol/38511888_60558678.jpg 0 3 +united_states_capitol/82032996_199575622.jpg united_states_capitol/81874720_3210816971.jpg 0 0 +united_states_capitol/82287404_8868654906.jpg united_states_capitol/55727783_5255654049.jpg 0 0 +united_states_capitol/82413346_9447316753.jpg united_states_capitol/67763787_3399119359.jpg 0 0 +united_states_capitol/82418554_2282705022.jpg united_states_capitol/10372022_93261354.jpg 0 0 +united_states_capitol/82418554_2282705022.jpg united_states_capitol/71034053_441282983.jpg 0 0 +united_states_capitol/82542428_5752180483.jpg united_states_capitol/13348772_6900643922.jpg 0 0 +united_states_capitol/82542428_5752180483.jpg united_states_capitol/42158415_4641560444.jpg 0 0 +united_states_capitol/82542428_5752180483.jpg united_states_capitol/55861001_3696837769.jpg 0 0 +united_states_capitol/82549256_6128980179.jpg united_states_capitol/71252024_3354217093.jpg 0 0 +united_states_capitol/82577096_2478776408.jpg united_states_capitol/39391266_3864112248.jpg 0 0 +united_states_capitol/82577096_2478776408.jpg united_states_capitol/53611142_1702293512.jpg 0 0 +united_states_capitol/82577096_2478776408.jpg united_states_capitol/81824391_3248526374.jpg 0 0 +united_states_capitol/82809256_5596155149.jpg united_states_capitol/38702964_3098803719.jpg 0 0 +united_states_capitol/82809256_5596155149.jpg united_states_capitol/57153923_9594828591.jpg 0 0 +united_states_capitol/82809256_5596155149.jpg united_states_capitol/68372608_330910899.jpg 0 0 +united_states_capitol/82809256_5596155149.jpg united_states_capitol/81629473_28369245.jpg 0 0 +united_states_capitol/82809256_5596155149.jpg united_states_capitol/81874720_3210816971.jpg 0 0 +united_states_capitol/83021980_5847066484.jpg united_states_capitol/68826146_3399113765.jpg 0 0 +united_states_capitol/83039673_3165866554.jpg united_states_capitol/27925017_4436518460.jpg 0 0 +united_states_capitol/83355588_8396450340.jpg united_states_capitol/42652793_10392211395.jpg 0 3 +united_states_capitol/83355588_8396450340.jpg united_states_capitol/70166403_3204806739.jpg 0 0 +united_states_capitol/83355588_8396450340.jpg united_states_capitol/81917315_3211677320.jpg 0 0 +united_states_capitol/83442304_13480763223.jpg united_states_capitol/41973961_3393464404.jpg 0 3 +united_states_capitol/83442304_13480763223.jpg united_states_capitol/55031238_3816060435.jpg 0 1 +united_states_capitol/83601611_7594999308.jpg united_states_capitol/26830263_8154590231.jpg 0 0 +united_states_capitol/83965025_8496525980.jpg united_states_capitol/70052234_2314422099.jpg 0 0 +united_states_capitol/83965025_8496525980.jpg united_states_capitol/82648559_8565066837.jpg 0 0 +united_states_capitol/84028101_3413793958.jpg united_states_capitol/14189650_2442965307.jpg 0 0 +united_states_capitol/84058848_6816952625.jpg united_states_capitol/14189650_2442965307.jpg 0 0 +united_states_capitol/84335083_462363889.jpg united_states_capitol/41542946_4027896832.jpg 0 3 +united_states_capitol/84935678_2193282164.jpg united_states_capitol/82577096_2478776408.jpg 0 0 +united_states_capitol/85005967_118767977.jpg united_states_capitol/25305683_3345448271.jpg 0 0 +united_states_capitol/85017204_3221270651.jpg united_states_capitol/27181607_5130771396.jpg 0 3 +united_states_capitol/85017204_3221270651.jpg united_states_capitol/42769281_4016757433.jpg 0 1 +united_states_capitol/85017204_3221270651.jpg united_states_capitol/53361115_3924049623.jpg 0 0 +united_states_capitol/85017204_3221270651.jpg united_states_capitol/81824391_3248526374.jpg 0 0 +united_states_capitol/85017204_3221270651.jpg united_states_capitol/82373506_6453204975.jpg 0 0 +united_states_capitol/85552781_2905123257.jpg united_states_capitol/84028101_3413793958.jpg 0 0 +united_states_capitol/95792639_5577046773.jpg united_states_capitol/68333805_5133815033.jpg 2 0 +united_states_capitol/95846476_9870117854.jpg united_states_capitol/26757027_6717084061.jpg 0 0 +united_states_capitol/95846476_9870117854.jpg united_states_capitol/56191209_5900898920.jpg 0 0 +united_states_capitol/95846476_9870117854.jpg united_states_capitol/67356803_4399530355.jpg 0 0 +united_states_capitol/95872889_5117990862.jpg united_states_capitol/40196778_6893186416.jpg 0 0 +united_states_capitol/95872889_5117990862.jpg united_states_capitol/83355588_8396450340.jpg 0 0 +united_states_capitol/95946437_6787830948.jpg united_states_capitol/10808256_8765427055.jpg 0 0 +united_states_capitol/95946437_6787830948.jpg united_states_capitol/82024989_3353229407.jpg 0 0 +united_states_capitol/96346497_2281914225.jpg united_states_capitol/85005967_118767977.jpg 0 0 +united_states_capitol/96516770_365362127.jpg united_states_capitol/11176130_5444681788.jpg 0 0 +united_states_capitol/96532152_1752308895.jpg united_states_capitol/14189650_2442965307.jpg 0 0 +united_states_capitol/96532152_1752308895.jpg united_states_capitol/53775227_9080432154.jpg 0 0 +united_states_capitol/96620658_3197908730.jpg united_states_capitol/10372022_93261354.jpg 0 0 +united_states_capitol/96620658_3197908730.jpg united_states_capitol/38702964_3098803719.jpg 0 0 +united_states_capitol/96620658_3197908730.jpg united_states_capitol/40128108_9313344107.jpg 0 0 +united_states_capitol/96620658_3197908730.jpg united_states_capitol/53611142_1702293512.jpg 0 0 +united_states_capitol/96620658_3197908730.jpg united_states_capitol/82032996_199575622.jpg 0 0 +united_states_capitol/96639496_1747169430.jpg united_states_capitol/25562474_199546796.jpg 0 0 +united_states_capitol/96639496_1747169430.jpg united_states_capitol/42602159_2537297913.jpg 0 0 +united_states_capitol/96639496_1747169430.jpg united_states_capitol/85017204_3221270651.jpg 0 0 +united_states_capitol/96729926_5603429209.jpg united_states_capitol/38701573_60062009.jpg 0 0 +united_states_capitol/96789211_3223680759.jpg united_states_capitol/53179961_8234037377.jpg 0 0 +united_states_capitol/97132617_4393915513.jpg united_states_capitol/41766298_3222122010.jpg 0 0 +united_states_capitol/97132617_4393915513.jpg united_states_capitol/53955596_4966226326.jpg 0 0 +united_states_capitol/97132617_4393915513.jpg united_states_capitol/55444937_121383949.jpg 0 0 +united_states_capitol/97212960_7180983220.jpg united_states_capitol/26861275_3159201253.jpg 0 0 +united_states_capitol/97212960_7180983220.jpg united_states_capitol/41766298_3222122010.jpg 0 0 +united_states_capitol/97212960_7180983220.jpg united_states_capitol/56075650_2488462290.jpg 0 0 +united_states_capitol/97212960_7180983220.jpg united_states_capitol/82809256_5596155149.jpg 0 0 +united_states_capitol/97345978_9450099570.jpg united_states_capitol/12319392_406390053.jpg 0 0 +united_states_capitol/97345978_9450099570.jpg united_states_capitol/26830263_8154590231.jpg 0 0 +united_states_capitol/97468550_3777337913.jpg united_states_capitol/40553548_2041085637.jpg 0 0 +united_states_capitol/98018372_462363891.jpg united_states_capitol/24317425_3825219726.jpg 0 0 +united_states_capitol/98155749_9349304540.jpg united_states_capitol/25639661_3226824371.jpg 0 0 +united_states_capitol/98169888_3347710852.jpg united_states_capitol/26757027_6717084061.jpg 0 0 +united_states_capitol/98169888_3347710852.jpg united_states_capitol/68826146_3399113765.jpg 0 0 +united_states_capitol/98181922_8378227679.jpg united_states_capitol/25921028_4399082111.jpg 0 0 +united_states_capitol/98181922_8378227679.jpg united_states_capitol/55845755_4249604531.jpg 0 0 +united_states_capitol/98181922_8378227679.jpg united_states_capitol/81899102_3217470578.jpg 0 0 +united_states_capitol/98313938_7952475570.jpg united_states_capitol/27622825_2397491251.jpg 0 1 +united_states_capitol/98638703_298571875.jpg united_states_capitol/56751514_3875513969.jpg 0 0 +united_states_capitol/98704326_8225150665.jpg united_states_capitol/25115228_3188506686.jpg 0 0 +united_states_capitol/98704326_8225150665.jpg united_states_capitol/42158415_4641560444.jpg 0 0 +united_states_capitol/98721986_3578235895.jpg united_states_capitol/55368186_4455504526.jpg 0 0 +united_states_capitol/98721986_3578235895.jpg united_states_capitol/68826146_3399113765.jpg 0 0 +united_states_capitol/98721986_3578235895.jpg united_states_capitol/70482577_5367877160.jpg 0 0 +united_states_capitol/98785900_5694496590.jpg united_states_capitol/27032800_2041991962.jpg 0 0 +united_states_capitol/98785900_5694496590.jpg united_states_capitol/97212960_7180983220.jpg 0 0 +united_states_capitol/99189040_3332574506.jpg united_states_capitol/26757027_6717084061.jpg 0 0 +united_states_capitol/99473022_409438682.jpg united_states_capitol/10353075_3098846661.jpg 0 3 +united_states_capitol/99473022_409438682.jpg united_states_capitol/98181922_8378227679.jpg 0 0 +united_states_capitol/99667099_2569884988.jpg united_states_capitol/83601611_7594999308.jpg 0 0 +united_states_capitol/99752551_2113618223.jpg united_states_capitol/42602159_2537297913.jpg 0 0 +united_states_capitol/99752551_2113618223.jpg united_states_capitol/67763787_3399119359.jpg 0 0 diff --git a/third_party/SuperGluePretrainedNetwork/assets/phototourism_test_pairs_original.txt b/third_party/SuperGluePretrainedNetwork/assets/phototourism_test_pairs_original.txt new file mode 100644 index 0000000000000000000000000000000000000000..ebad4933508e903e7df61fd6fb8a1ba7fcfa04c6 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/phototourism_test_pairs_original.txt @@ -0,0 +1,2200 @@ +british_museum/21783456_2971533392.jpg british_museum/07618374_5409323904.jpg 0 0 +british_museum/22039786_11692336465.jpg british_museum/10725166_210986135.jpg 0 0 +british_museum/25333899_5063869686.jpg british_museum/14814456_7397718362.jpg 0 0 +british_museum/25835874_2290704761.jpg british_museum/02789445_2500767535.jpg 0 0 +british_museum/26994958_5568765615.jpg british_museum/10725166_210986135.jpg 0 0 +british_museum/28066954_5801348147.jpg british_museum/17000533_4343611292.jpg 0 0 +british_museum/28309287_5482270912.jpg british_museum/27887036_2634115949.jpg 0 0 +british_museum/29290746_7690411380.jpg british_museum/23892796_45941596.jpg 0 0 +british_museum/30238467_7664428896.jpg british_museum/29290746_7690411380.jpg 0 0 +british_museum/30374960_393984906.jpg british_museum/18149355_2532015166.jpg 3 0 +british_museum/30495805_5912735553.jpg british_museum/09870927_4193610629.jpg 0 0 +british_museum/30495805_5912735553.jpg british_museum/30374960_393984906.jpg 0 3 +british_museum/35568854_6106649415.jpg british_museum/14814456_7397718362.jpg 0 0 +british_museum/35861248_5474639977.jpg british_museum/09870927_4193610629.jpg 0 0 +british_museum/39546168_6280894691.jpg british_museum/04627576_2750742151.jpg 0 0 +british_museum/40945321_2562991048.jpg british_museum/39546168_6280894691.jpg 0 0 +british_museum/41882743_5132070620.jpg british_museum/09975163_10600180885.jpg 0 0 +british_museum/42596354_11858260693.jpg british_museum/17892330_2218662345.jpg 0 0 +british_museum/43319919_2358994307.jpg british_museum/19873567_5408714515.jpg 0 0 +british_museum/43855672_2781270931.jpg british_museum/41882743_5132070620.jpg 0 0 +british_museum/46523710_6109931424.jpg british_museum/09870927_4193610629.jpg 0 0 +british_museum/46850094_5937993250.jpg british_museum/09870927_4193610629.jpg 0 0 +british_museum/48604690_5179666188.jpg british_museum/39516529_5486960558.jpg 0 0 +british_museum/51848094_2642219583.jpg british_museum/07508751_22827370.jpg 0 0 +british_museum/52343830_2400749170.jpg british_museum/23863694_372143645.jpg 0 0 +british_museum/52343830_2400749170.jpg british_museum/51716093_536215720.jpg 0 0 +british_museum/52641281_5921667676.jpg british_museum/22467221_1323496958.jpg 0 0 +british_museum/53110874_2610665555.jpg british_museum/02789445_2500767535.jpg 0 0 +british_museum/53110874_2610665555.jpg british_museum/30238467_7664428896.jpg 0 0 +british_museum/53631371_144323144.jpg british_museum/41882743_5132070620.jpg 0 0 +british_museum/54432186_6732914439.jpg british_museum/30495805_5912735553.jpg 0 0 +british_museum/54432186_6732914439.jpg british_museum/31925345_5986804667.jpg 0 0 +british_museum/54492926_2634117147.jpg british_museum/30374960_393984906.jpg 0 3 +british_museum/54492926_2634117147.jpg british_museum/30495878_2949278547.jpg 0 0 +british_museum/54569500_9034600502.jpg british_museum/17892330_2218662345.jpg 0 0 +british_museum/54569500_9034600502.jpg british_museum/41882743_5132070620.jpg 0 0 +british_museum/54934389_2393789063.jpg british_museum/53015429_4311020089.jpg 0 0 +british_museum/55563845_3023266682.jpg british_museum/44102203_6822620373.jpg 0 0 +british_museum/55563845_3023266682.jpg british_museum/51848094_2642219583.jpg 0 0 +british_museum/55881595_2182031420.jpg british_museum/30374960_393984906.jpg 0 3 +british_museum/56818398_67603532.jpg british_museum/32630292_7166579210.jpg 0 0 +british_museum/56818398_67603532.jpg british_museum/35568854_6106649415.jpg 0 0 +british_museum/56818398_67603532.jpg british_museum/36043547_2805444677.jpg 0 0 +british_museum/57438193_170462993.jpg british_museum/01714342_2375308475.jpg 0 0 +british_museum/57438193_170462993.jpg british_museum/34896963_4194368038.jpg 0 0 +british_museum/57807237_2500767059.jpg british_museum/45240531_470915196.jpg 0 0 +british_museum/58132948_4553828584.jpg british_museum/09870927_4193610629.jpg 0 0 +british_museum/58132948_4553828584.jpg british_museum/56077937_11050217365.jpg 0 0 +british_museum/58337843_5934444401.jpg british_museum/18697644_4275725985.jpg 0 0 +british_museum/59356487_3468534134.jpg british_museum/09362272_3871121693.jpg 0 0 +british_museum/59484272_3704667390.jpg british_museum/51716093_536215720.jpg 0 0 +british_museum/59684325_8212350478.jpg british_museum/23892796_45941596.jpg 0 0 +british_museum/59776910_3622794170.jpg british_museum/10172975_5105631103.jpg 0 0 +british_museum/59776910_3622794170.jpg british_museum/12813896_5408754999.jpg 0 0 +british_museum/59776910_3622794170.jpg british_museum/23250660_5982797092.jpg 0 0 +british_museum/59776910_3622794170.jpg british_museum/33576325_7291394950.jpg 0 0 +british_museum/59776910_3622794170.jpg british_museum/39630134_3507258469.jpg 0 0 +british_museum/60165208_125807143.jpg british_museum/40792207_5794434289.jpg 0 0 +british_museum/60624404_7093768535.jpg british_museum/51716093_536215720.jpg 0 0 +british_museum/60875676_4666708839.jpg british_museum/02789445_2500767535.jpg 0 0 +british_museum/61274258_2551703649.jpg british_museum/51716093_536215720.jpg 0 0 +british_museum/61744140_838726075.jpg british_museum/19811771_3152186510.jpg 0 0 +british_museum/62261465_120284498.jpg british_museum/56818398_67603532.jpg 0 0 +british_museum/62261465_120284498.jpg british_museum/59776910_3622794170.jpg 0 0 +british_museum/62843817_301493387.jpg british_museum/09362272_3871121693.jpg 0 0 +british_museum/63647221_4349439258.jpg british_museum/47258008_8914234310.jpg 0 0 +british_museum/64110891_3944322847.jpg british_museum/01714342_2375308475.jpg 0 0 +british_museum/64110891_3944322847.jpg british_museum/09218102_3818070255.jpg 0 0 +british_museum/64110891_3944322847.jpg british_museum/22713711_5028894599.jpg 0 0 +british_museum/64110891_3944322847.jpg british_museum/44339363_2122528940.jpg 0 0 +british_museum/64110891_3944322847.jpg british_museum/47061851_5297647209.jpg 0 0 +british_museum/64192985_9368204363.jpg british_museum/57807237_2500767059.jpg 0 0 +british_museum/64257015_2160218396.jpg british_museum/41882743_5132070620.jpg 0 0 +british_museum/64503231_777423421.jpg british_museum/02789445_2500767535.jpg 0 0 +british_museum/65279829_163864621.jpg british_museum/56818398_67603532.jpg 0 0 +british_museum/65691662_286963520.jpg british_museum/15636160_5327134041.jpg 0 0 +british_museum/65691662_286963520.jpg british_museum/56818398_67603532.jpg 0 0 +british_museum/66361736_3945101598.jpg british_museum/17963565_2578302660.jpg 0 0 +british_museum/66361736_3945101598.jpg british_museum/20187220_46591817.jpg 0 0 +british_museum/66361736_3945101598.jpg british_museum/36709037_8910462704.jpg 0 0 +british_museum/66361736_3945101598.jpg british_museum/44035430_265894455.jpg 0 0 +british_museum/66361736_3945101598.jpg british_museum/55218338_1497705015.jpg 0 0 +british_museum/66364773_165398970.jpg british_museum/56080370_3449966248.jpg 0 0 +british_museum/66733580_8585814343.jpg british_museum/02789445_2500767535.jpg 0 0 +british_museum/66747696_4734591579.jpg british_museum/62620282_3728576515.jpg 0 0 +british_museum/66757775_3535589713.jpg british_museum/46523710_6109931424.jpg 0 0 +british_museum/66963232_7912610388.jpg british_museum/10725166_210986135.jpg 0 0 +british_museum/66963232_7912610388.jpg british_museum/23863694_372143645.jpg 0 0 +british_museum/66963232_7912610388.jpg british_museum/58337843_5934444401.jpg 0 0 +british_museum/66963232_7912610388.jpg british_museum/58701822_166137466.jpg 0 0 +british_museum/67399585_2642059229.jpg british_museum/05089774_6618832341.jpg 0 0 +british_museum/67521166_4735236552.jpg british_museum/09362272_3871121693.jpg 0 0 +british_museum/68534278_13196508075.jpg british_museum/67894974_9704498288.jpg 0 0 +british_museum/68534278_13196508075.jpg british_museum/68183663_7539503024.jpg 0 0 +british_museum/68975965_11601840476.jpg british_museum/46870811_4659770956.jpg 0 0 +british_museum/69632537_5393285440.jpg british_museum/03019316_6707979451.jpg 0 0 +british_museum/69706305_4771581603.jpg british_museum/48070231_5409322582.jpg 0 0 +british_museum/69799659_11614399766.jpg british_museum/47258008_8914234310.jpg 0 0 +british_museum/69879525_3155654881.jpg british_museum/57807237_2500767059.jpg 0 0 +british_museum/69884816_1114432.jpg british_museum/25308247_4757972250.jpg 0 0 +british_museum/70034996_51547496.jpg british_museum/19811771_3152186510.jpg 0 0 +british_museum/70520992_1804941505.jpg british_museum/69706305_4771581603.jpg 0 0 +british_museum/71377790_476578807.jpg british_museum/32373137_9207384481.jpg 0 0 +british_museum/71396196_4351433289.jpg british_museum/64110891_3944322847.jpg 0 0 +british_museum/71560492_2226424889.jpg british_museum/02789445_2500767535.jpg 0 0 +british_museum/72635802_12877178333.jpg british_museum/64110891_3944322847.jpg 0 0 +british_museum/72922972_4724097532.jpg british_museum/39546168_6280894691.jpg 0 0 +british_museum/74648380_4530897643.jpg british_museum/56818398_67603532.jpg 0 0 +british_museum/75534777_10322070844.jpg british_museum/48604690_5179666188.jpg 0 0 +british_museum/75613192_3539556258.jpg british_museum/50494896_2418084141.jpg 0 0 +british_museum/76741193_8585816059.jpg british_museum/10725166_210986135.jpg 3 0 +british_museum/76741193_8585816059.jpg british_museum/26994958_5568765615.jpg 3 0 +british_museum/76741193_8585816059.jpg british_museum/57629819_2444183393.jpg 3 0 +british_museum/76741193_8585816059.jpg british_museum/58659766_1041227227.jpg 3 0 +british_museum/76741193_8585816059.jpg british_museum/59356487_3468534134.jpg 3 0 +british_museum/76741193_8585816059.jpg british_museum/61744140_838726075.jpg 3 0 +british_museum/77196526_11613990374.jpg british_museum/03779286_3528001573.jpg 0 0 +british_museum/77196526_11613990374.jpg british_museum/10725166_210986135.jpg 0 0 +british_museum/77196526_11613990374.jpg british_museum/29057984_287139632.jpg 0 0 +british_museum/77196526_11613990374.jpg british_museum/57504314_2114264842.jpg 0 0 +british_museum/78242267_4404579754.jpg british_museum/57438193_170462993.jpg 0 0 +british_museum/78567520_2219457772.jpg british_museum/69766149_453830665.jpg 0 0 +british_museum/79385623_2202863649.jpg british_museum/68912930_165398714.jpg 0 1 +british_museum/79385623_2202863649.jpg british_museum/69706305_4771581603.jpg 0 0 +british_museum/79681306_5348208438.jpg british_museum/10725166_210986135.jpg 0 0 +british_museum/79681306_5348208438.jpg british_museum/56077937_11050217365.jpg 0 0 +british_museum/79681306_5348208438.jpg british_museum/76462145_3459662305.jpg 0 0 +british_museum/79980354_3751017823.jpg british_museum/54432186_6732914439.jpg 0 0 +british_museum/80161521_2399885635.jpg british_museum/46523710_6109931424.jpg 0 0 +british_museum/81052641_5526661339.jpg british_museum/15636160_5327134041.jpg 0 0 +british_museum/81052641_5526661339.jpg british_museum/58599244_8641713314.jpg 0 0 +british_museum/81052641_5526661339.jpg british_museum/73361450_117839447.jpg 0 0 +british_museum/81172226_5179661294.jpg british_museum/54934389_2393789063.jpg 0 0 +british_museum/81366137_3143964867.jpg british_museum/09870927_4193610629.jpg 0 0 +british_museum/82132600_8730545308.jpg british_museum/64110891_3944322847.jpg 0 0 +british_museum/82187389_317228863.jpg british_museum/56818398_67603532.jpg 0 0 +british_museum/83299277_7212707038.jpg british_museum/66067756_237532598.jpg 0 0 +british_museum/83592641_5467510075.jpg british_museum/66747696_4734591579.jpg 0 0 +british_museum/84019782_6926081795.jpg british_museum/57807237_2500767059.jpg 0 0 +british_museum/84208611_3520876625.jpg british_museum/75613192_3539556258.jpg 0 0 +british_museum/84315289_242789529.jpg british_museum/09362272_3871121693.jpg 0 0 +british_museum/84321909_4360220519.jpg british_museum/75534777_10322070844.jpg 0 0 +british_museum/84605792_5199627032.jpg british_museum/66361736_3945101598.jpg 0 0 +british_museum/85369368_5369464690.jpg british_museum/09362272_3871121693.jpg 0 0 +british_museum/85606696_422460321.jpg british_museum/15636160_5327134041.jpg 0 0 +british_museum/85606696_422460321.jpg british_museum/34896963_4194368038.jpg 0 0 +british_museum/86062818_4491195436.jpg british_museum/47258008_8914234310.jpg 0 0 +british_museum/86272828_1359217566.jpg british_museum/79385623_2202863649.jpg 0 0 +british_museum/86733143_5681741642.jpg british_museum/14814456_7397718362.jpg 0 0 +british_museum/86818284_7615973786.jpg british_museum/19254317_158538587.jpg 0 0 +british_museum/86818284_7615973786.jpg british_museum/45240531_470915196.jpg 0 0 +british_museum/86818284_7615973786.jpg british_museum/66685740_3660877881.jpg 0 0 +british_museum/86818284_7615973786.jpg british_museum/81272348_2712949069.jpg 0 0 +british_museum/86818284_7615973786.jpg british_museum/82564385_24003592.jpg 0 0 +british_museum/87067539_5794997024.jpg british_museum/52610013_375000420.jpg 3 0 +british_museum/87279092_815841843.jpg british_museum/57438193_170462993.jpg 0 0 +british_museum/87279092_815841843.jpg british_museum/86818284_7615973786.jpg 0 0 +british_museum/87893778_8781019493.jpg british_museum/14814456_7397718362.jpg 0 0 +british_museum/88110076_352997577.jpg british_museum/83299277_7212707038.jpg 0 0 +british_museum/89208997_5875216727.jpg british_museum/66757775_3535589713.jpg 0 0 +british_museum/89880434_3540008960.jpg british_museum/64110891_3944322847.jpg 0 0 +british_museum/90076656_8316606866.jpg british_museum/30374960_393984906.jpg 0 3 +british_museum/90388818_4825175204.jpg british_museum/58350223_4040022191.jpg 0 0 +british_museum/90798890_2553089250.jpg british_museum/14957965_2876220965.jpg 0 0 +british_museum/90798890_2553089250.jpg british_museum/23329173_9422415299.jpg 0 0 +british_museum/90798890_2553089250.jpg british_museum/51848094_2642219583.jpg 0 0 +british_museum/90798890_2553089250.jpg british_museum/87067539_5794997024.jpg 0 3 +british_museum/90798890_2553089250.jpg british_museum/87893778_8781019493.jpg 0 0 +british_museum/90968078_4040765482.jpg british_museum/61961464_5659854981.jpg 0 0 +british_museum/91318971_6671920823.jpg british_museum/81836141_3945398460.jpg 0 0 +british_museum/91983721_6862177766.jpg british_museum/60875676_4666708839.jpg 0 0 +british_museum/92242343_4351333520.jpg british_museum/05089774_6618832341.jpg 0 0 +british_museum/92308956_2480928868.jpg british_museum/12183264_10844838115.jpg 0 0 +british_museum/92308956_2480928868.jpg british_museum/56080370_3449966248.jpg 0 0 +british_museum/92383832_5367209306.jpg british_museum/02789445_2500767535.jpg 0 0 +british_museum/92896357_5479934879.jpg british_museum/23892796_45941596.jpg 0 0 +british_museum/92973835_13583742113.jpg british_museum/66757775_3535589713.jpg 0 0 +british_museum/93500877_5195121329.jpg british_museum/14814456_7397718362.jpg 0 0 +british_museum/94308218_4349427490.jpg british_museum/76741193_8585816059.jpg 0 3 +british_museum/94345807_4553191473.jpg british_museum/54432186_6732914439.jpg 0 0 +british_museum/94719495_310201612.jpg british_museum/02789445_2500767535.jpg 0 0 +british_museum/94814828_8153387133.jpg british_museum/80161521_2399885635.jpg 0 0 +british_museum/96140242_5551431908.jpg british_museum/23892796_45941596.jpg 0 0 +british_museum/96245673_12877093675.jpg british_museum/83130150_51547407.jpg 0 0 +british_museum/96635807_3210210316.jpg british_museum/15636160_5327134041.jpg 0 0 +british_museum/96925860_4623505688.jpg british_museum/48070231_5409322582.jpg 0 0 +british_museum/96925860_4623505688.jpg british_museum/92973835_13583742113.jpg 0 0 +british_museum/98358946_15909027.jpg british_museum/14814456_7397718362.jpg 0 0 +british_museum/98850412_5110243970.jpg british_museum/07618374_5409323904.jpg 0 0 +british_museum/98955853_5937995508.jpg british_museum/25253451_2795274777.jpg 0 0 +british_museum/99058779_6384430415.jpg british_museum/69706305_4771581603.jpg 0 0 +british_museum/99058779_6384430415.jpg british_museum/98277382_1309505179.jpg 0 0 +british_museum/99178893_263092967.jpg british_museum/70034996_51547496.jpg 0 0 +british_museum/99662030_3945401118.jpg british_museum/32630292_7166579210.jpg 0 0 +british_museum/99662030_3945401118.jpg british_museum/53266793_5569350416.jpg 0 0 +british_museum/99662030_3945401118.jpg british_museum/61560605_247964472.jpg 0 0 +british_museum/99662030_3945401118.jpg british_museum/66733580_8585814343.jpg 0 0 +british_museum/99662030_3945401118.jpg british_museum/68183663_7539503024.jpg 0 0 +british_museum/99981082_8904760272.jpg british_museum/07618374_5409323904.jpg 0 0 +british_museum/99981082_8904760272.jpg british_museum/47258008_8914234310.jpg 0 0 +florence_cathedral_side/06984097_7830261366.jpg florence_cathedral_side/05593705_2177935075.jpg 0 0 +florence_cathedral_side/07688117_1026530950.jpg florence_cathedral_side/05593705_2177935075.jpg 0 0 +florence_cathedral_side/19623962_9009504241.jpg florence_cathedral_side/06138839_8793674417.jpg 0 0 +florence_cathedral_side/20481977_7804855224.jpg florence_cathedral_side/06138839_8793674417.jpg 0 0 +florence_cathedral_side/21844166_13067314974.jpg florence_cathedral_side/05593705_2177935075.jpg 0 0 +florence_cathedral_side/33896507_8272283239.jpg florence_cathedral_side/07102255_5222394657.jpg 0 0 +florence_cathedral_side/34161017_5996545915.jpg florence_cathedral_side/07102255_5222394657.jpg 0 0 +florence_cathedral_side/34400199_9548039637.jpg florence_cathedral_side/05593705_2177935075.jpg 0 0 +florence_cathedral_side/34400199_9548039637.jpg florence_cathedral_side/19618724_81816830.jpg 0 0 +florence_cathedral_side/34736117_5001830643.jpg florence_cathedral_side/07102255_5222394657.jpg 0 0 +florence_cathedral_side/35243762_416446215.jpg florence_cathedral_side/34400199_9548039637.jpg 0 0 +florence_cathedral_side/35267176_1353435726.jpg florence_cathedral_side/34400199_9548039637.jpg 0 0 +florence_cathedral_side/35838002_13697957154.jpg florence_cathedral_side/05593705_2177935075.jpg 0 0 +florence_cathedral_side/35838002_13697957154.jpg florence_cathedral_side/07102255_5222394657.jpg 0 0 +florence_cathedral_side/36012353_13433924113.jpg florence_cathedral_side/34400199_9548039637.jpg 0 0 +florence_cathedral_side/36012353_13433924113.jpg florence_cathedral_side/34736117_5001830643.jpg 0 0 +florence_cathedral_side/36470436_130676209.jpg florence_cathedral_side/05593705_2177935075.jpg 3 0 +florence_cathedral_side/36470436_130676209.jpg florence_cathedral_side/33896507_8272283239.jpg 3 0 +florence_cathedral_side/36521884_472257079.jpg florence_cathedral_side/07691402_9180973630.jpg 0 0 +florence_cathedral_side/36521884_472257079.jpg florence_cathedral_side/34736117_5001830643.jpg 0 0 +florence_cathedral_side/36521884_472257079.jpg florence_cathedral_side/34824668_2071634431.jpg 0 0 +florence_cathedral_side/48537388_6040814708.jpg florence_cathedral_side/06138839_8793674417.jpg 0 0 +florence_cathedral_side/48537388_6040814708.jpg florence_cathedral_side/07170052_39793444.jpg 0 0 +florence_cathedral_side/48537388_6040814708.jpg florence_cathedral_side/21092931_6209688483.jpg 0 0 +florence_cathedral_side/48537388_6040814708.jpg florence_cathedral_side/34532087_392493646.jpg 0 0 +florence_cathedral_side/48890355_5768174237.jpg florence_cathedral_side/06984097_7830261366.jpg 0 0 +florence_cathedral_side/48890355_5768174237.jpg florence_cathedral_side/33896507_8272283239.jpg 0 0 +florence_cathedral_side/48890355_5768174237.jpg florence_cathedral_side/36354171_3831140082.jpg 0 0 +florence_cathedral_side/49127970_3356341878.jpg florence_cathedral_side/05246669_3774806731.jpg 0 0 +florence_cathedral_side/49127970_3356341878.jpg florence_cathedral_side/05679914_8794523573.jpg 0 0 +florence_cathedral_side/49346328_4692994092.jpg florence_cathedral_side/06984097_7830261366.jpg 0 0 +florence_cathedral_side/49346328_4692994092.jpg florence_cathedral_side/07102255_5222394657.jpg 0 0 +florence_cathedral_side/49346328_4692994092.jpg florence_cathedral_side/07691402_9180973630.jpg 0 0 +florence_cathedral_side/49346328_4692994092.jpg florence_cathedral_side/19618724_81816830.jpg 0 0 +florence_cathedral_side/49346328_4692994092.jpg florence_cathedral_side/21092931_6209688483.jpg 0 0 +florence_cathedral_side/49346328_4692994092.jpg florence_cathedral_side/21844166_13067314974.jpg 0 0 +florence_cathedral_side/49346328_4692994092.jpg florence_cathedral_side/34532087_392493646.jpg 0 0 +florence_cathedral_side/49350312_1193155509.jpg florence_cathedral_side/05593705_2177935075.jpg 0 0 +florence_cathedral_side/49350312_1193155509.jpg florence_cathedral_side/06138839_8793674417.jpg 0 0 +florence_cathedral_side/49350312_1193155509.jpg florence_cathedral_side/07102255_5222394657.jpg 0 0 +florence_cathedral_side/49350312_1193155509.jpg florence_cathedral_side/19618724_81816830.jpg 0 0 +florence_cathedral_side/49415275_4483143975.jpg florence_cathedral_side/34400199_9548039637.jpg 0 0 +florence_cathedral_side/49415275_4483143975.jpg florence_cathedral_side/36470436_130676209.jpg 0 3 +florence_cathedral_side/50314000_12592142.jpg florence_cathedral_side/05593705_2177935075.jpg 0 0 +florence_cathedral_side/50314000_12592142.jpg florence_cathedral_side/34400199_9548039637.jpg 0 0 +florence_cathedral_side/50539085_639668401.jpg florence_cathedral_side/05593705_2177935075.jpg 3 0 +florence_cathedral_side/50787802_3314113427.jpg florence_cathedral_side/05593705_2177935075.jpg 0 0 +florence_cathedral_side/50858148_1874262109.jpg florence_cathedral_side/50405849_3072943829.jpg 0 0 +florence_cathedral_side/62636559_5644270030.jpg florence_cathedral_side/05593705_2177935075.jpg 0 0 +florence_cathedral_side/62636559_5644270030.jpg florence_cathedral_side/36470436_130676209.jpg 0 3 +florence_cathedral_side/62803022_2343099629.jpg florence_cathedral_side/48537388_6040814708.jpg 0 0 +florence_cathedral_side/62803022_2343099629.jpg florence_cathedral_side/49346328_4692994092.jpg 0 0 +florence_cathedral_side/62803022_2343099629.jpg florence_cathedral_side/49350312_1193155509.jpg 0 0 +florence_cathedral_side/63171471_386589435.jpg florence_cathedral_side/36470436_130676209.jpg 1 3 +florence_cathedral_side/63171471_386589435.jpg florence_cathedral_side/48537388_6040814708.jpg 1 0 +florence_cathedral_side/63184385_8522029473.jpg florence_cathedral_side/36521884_472257079.jpg 0 0 +florence_cathedral_side/63239025_5812522935.jpg florence_cathedral_side/36521884_472257079.jpg 0 0 +florence_cathedral_side/63341875_4599023550.jpg florence_cathedral_side/05593705_2177935075.jpg 0 0 +florence_cathedral_side/63383183_382026599.jpg florence_cathedral_side/05593705_2177935075.jpg 0 0 +florence_cathedral_side/63754032_4616826086.jpg florence_cathedral_side/49346328_4692994092.jpg 1 0 +florence_cathedral_side/63875841_2714057436.jpg florence_cathedral_side/06138839_8793674417.jpg 0 0 +florence_cathedral_side/63875841_2714057436.jpg florence_cathedral_side/36354171_3831140082.jpg 0 0 +florence_cathedral_side/63875841_2714057436.jpg florence_cathedral_side/36470436_130676209.jpg 0 3 +florence_cathedral_side/63875841_2714057436.jpg florence_cathedral_side/48890355_5768174237.jpg 0 0 +florence_cathedral_side/63875841_2714057436.jpg florence_cathedral_side/48954437_6155336427.jpg 0 0 +florence_cathedral_side/64159275_6716434153.jpg florence_cathedral_side/20481977_7804855224.jpg 0 0 +florence_cathedral_side/64159275_6716434153.jpg florence_cathedral_side/20643929_3152668774.jpg 0 0 +florence_cathedral_side/64702197_7218356158.jpg florence_cathedral_side/49346328_4692994092.jpg 0 0 +florence_cathedral_side/64750839_6912572698.jpg florence_cathedral_side/21844166_13067314974.jpg 0 0 +florence_cathedral_side/64909672_392493972.jpg florence_cathedral_side/07102255_5222394657.jpg 0 0 +florence_cathedral_side/64909672_392493972.jpg florence_cathedral_side/36521884_472257079.jpg 0 0 +florence_cathedral_side/64909672_392493972.jpg florence_cathedral_side/48537388_6040814708.jpg 0 0 +florence_cathedral_side/64909672_392493972.jpg florence_cathedral_side/50858148_1874262109.jpg 0 0 +florence_cathedral_side/65092335_3535759515.jpg florence_cathedral_side/05593705_2177935075.jpg 0 0 +florence_cathedral_side/65092335_3535759515.jpg florence_cathedral_side/20481977_7804855224.jpg 0 0 +florence_cathedral_side/65254812_348995275.jpg florence_cathedral_side/36470436_130676209.jpg 0 3 +florence_cathedral_side/76840078_3613849894.jpg florence_cathedral_side/34161017_5996545915.jpg 0 0 +florence_cathedral_side/76840078_3613849894.jpg florence_cathedral_side/48537388_6040814708.jpg 0 0 +florence_cathedral_side/76840078_3613849894.jpg florence_cathedral_side/48890355_5768174237.jpg 0 0 +florence_cathedral_side/76840078_3613849894.jpg florence_cathedral_side/63239025_5812522935.jpg 0 0 +florence_cathedral_side/77361965_67910438.jpg florence_cathedral_side/21092931_6209688483.jpg 0 0 +florence_cathedral_side/77361965_67910438.jpg florence_cathedral_side/34161017_5996545915.jpg 0 0 +florence_cathedral_side/77361965_67910438.jpg florence_cathedral_side/34532087_392493646.jpg 0 0 +florence_cathedral_side/77361965_67910438.jpg florence_cathedral_side/50314000_12592142.jpg 0 0 +florence_cathedral_side/77361965_67910438.jpg florence_cathedral_side/63754032_4616826086.jpg 0 1 +florence_cathedral_side/77361965_67910438.jpg florence_cathedral_side/64159275_6716434153.jpg 0 0 +florence_cathedral_side/77439149_5156106058.jpg florence_cathedral_side/07102255_5222394657.jpg 0 0 +florence_cathedral_side/77439149_5156106058.jpg florence_cathedral_side/07170052_39793444.jpg 0 0 +florence_cathedral_side/77439149_5156106058.jpg florence_cathedral_side/49415275_4483143975.jpg 0 0 +florence_cathedral_side/77489583_8137975807.jpg florence_cathedral_side/48537388_6040814708.jpg 0 0 +florence_cathedral_side/77715496_8436223314.jpg florence_cathedral_side/34400199_9548039637.jpg 0 0 +florence_cathedral_side/77715496_8436223314.jpg florence_cathedral_side/48394746_8534396715.jpg 0 0 +florence_cathedral_side/77715496_8436223314.jpg florence_cathedral_side/48537388_6040814708.jpg 0 0 +florence_cathedral_side/77715496_8436223314.jpg florence_cathedral_side/49350312_1193155509.jpg 0 0 +florence_cathedral_side/77715496_8436223314.jpg florence_cathedral_side/65092335_3535759515.jpg 0 0 +florence_cathedral_side/77715496_8436223314.jpg florence_cathedral_side/76927395_4805660921.jpg 0 0 +florence_cathedral_side/77895569_3992142858.jpg florence_cathedral_side/19554081_6203874230.jpg 0 1 +florence_cathedral_side/77895569_3992142858.jpg florence_cathedral_side/77361965_67910438.jpg 0 0 +florence_cathedral_side/77919832_437428975.jpg florence_cathedral_side/36012353_13433924113.jpg 0 0 +florence_cathedral_side/77919832_437428975.jpg florence_cathedral_side/36470436_130676209.jpg 0 3 +florence_cathedral_side/77919832_437428975.jpg florence_cathedral_side/48537388_6040814708.jpg 0 0 +florence_cathedral_side/78034643_9180969128.jpg florence_cathedral_side/19623962_9009504241.jpg 0 0 +florence_cathedral_side/78034643_9180969128.jpg florence_cathedral_side/36470436_130676209.jpg 0 3 +florence_cathedral_side/78034643_9180969128.jpg florence_cathedral_side/50858148_1874262109.jpg 0 0 +florence_cathedral_side/78034643_9180969128.jpg florence_cathedral_side/76820645_7270040720.jpg 0 0 +florence_cathedral_side/78331876_8112939340.jpg florence_cathedral_side/05593705_2177935075.jpg 0 0 +florence_cathedral_side/78331876_8112939340.jpg florence_cathedral_side/19554081_6203874230.jpg 0 1 +florence_cathedral_side/78331876_8112939340.jpg florence_cathedral_side/48537388_6040814708.jpg 0 0 +florence_cathedral_side/78331876_8112939340.jpg florence_cathedral_side/62636559_5644270030.jpg 0 0 +florence_cathedral_side/78590203_7670206258.jpg florence_cathedral_side/05593705_2177935075.jpg 0 0 +florence_cathedral_side/78590203_7670206258.jpg florence_cathedral_side/77361965_67910438.jpg 0 0 +florence_cathedral_side/78703726_4049544434.jpg florence_cathedral_side/07688117_1026530950.jpg 0 0 +florence_cathedral_side/78703726_4049544434.jpg florence_cathedral_side/34532087_392493646.jpg 0 0 +florence_cathedral_side/78703726_4049544434.jpg florence_cathedral_side/34736117_5001830643.jpg 0 0 +florence_cathedral_side/78703726_4049544434.jpg florence_cathedral_side/50314000_12592142.jpg 0 0 +florence_cathedral_side/78703726_4049544434.jpg florence_cathedral_side/62969936_60912810.jpg 0 0 +florence_cathedral_side/78703726_4049544434.jpg florence_cathedral_side/77919832_437428975.jpg 0 0 +florence_cathedral_side/78866526_10679960304.jpg florence_cathedral_side/50858148_1874262109.jpg 0 0 +florence_cathedral_side/79431289_3927070877.jpg florence_cathedral_side/07102255_5222394657.jpg 0 0 +florence_cathedral_side/79431289_3927070877.jpg florence_cathedral_side/34400199_9548039637.jpg 0 0 +florence_cathedral_side/91147212_137583658.jpg florence_cathedral_side/05593705_2177935075.jpg 0 0 +florence_cathedral_side/91147212_137583658.jpg florence_cathedral_side/34161017_5996545915.jpg 0 0 +florence_cathedral_side/91147212_137583658.jpg florence_cathedral_side/36470436_130676209.jpg 0 3 +florence_cathedral_side/91147212_137583658.jpg florence_cathedral_side/62636559_5644270030.jpg 0 0 +florence_cathedral_side/91147212_137583658.jpg florence_cathedral_side/77439149_5156106058.jpg 0 0 +florence_cathedral_side/91147212_137583658.jpg florence_cathedral_side/79431289_3927070877.jpg 0 0 +florence_cathedral_side/91278744_10804280636.jpg florence_cathedral_side/49350312_1193155509.jpg 0 0 +florence_cathedral_side/91289690_7477451478.jpg florence_cathedral_side/07102255_5222394657.jpg 0 0 +florence_cathedral_side/91289690_7477451478.jpg florence_cathedral_side/36012353_13433924113.jpg 0 0 +florence_cathedral_side/91308499_281913661.jpg florence_cathedral_side/07102255_5222394657.jpg 0 0 +florence_cathedral_side/91308499_281913661.jpg florence_cathedral_side/36470436_130676209.jpg 0 3 +florence_cathedral_side/92044893_9509611423.jpg florence_cathedral_side/34400199_9548039637.jpg 0 0 +florence_cathedral_side/92044893_9509611423.jpg florence_cathedral_side/48890355_5768174237.jpg 0 0 +florence_cathedral_side/92129283_2380877332.jpg florence_cathedral_side/36470436_130676209.jpg 3 3 +florence_cathedral_side/92129283_2380877332.jpg florence_cathedral_side/49346328_4692994092.jpg 3 0 +florence_cathedral_side/92129283_2380877332.jpg florence_cathedral_side/62636559_5644270030.jpg 3 0 +florence_cathedral_side/92168939_7218355182.jpg florence_cathedral_side/49127970_3356341878.jpg 0 0 +florence_cathedral_side/92168939_7218355182.jpg florence_cathedral_side/62636559_5644270030.jpg 0 0 +florence_cathedral_side/92249583_11924182863.jpg florence_cathedral_side/07170052_39793444.jpg 3 0 +florence_cathedral_side/92249583_11924182863.jpg florence_cathedral_side/48537388_6040814708.jpg 3 0 +florence_cathedral_side/92249583_11924182863.jpg florence_cathedral_side/77715496_8436223314.jpg 3 0 +florence_cathedral_side/92276925_6644068249.jpg florence_cathedral_side/07102255_5222394657.jpg 0 0 +florence_cathedral_side/92276925_6644068249.jpg florence_cathedral_side/34400199_9548039637.jpg 0 0 +florence_cathedral_side/92276925_6644068249.jpg florence_cathedral_side/77361965_67910438.jpg 0 0 +florence_cathedral_side/92431608_5604255130.jpg florence_cathedral_side/07691402_9180973630.jpg 0 0 +florence_cathedral_side/92431608_5604255130.jpg florence_cathedral_side/48537388_6040814708.jpg 0 0 +florence_cathedral_side/92431608_5604255130.jpg florence_cathedral_side/50858148_1874262109.jpg 0 0 +florence_cathedral_side/92431608_5604255130.jpg florence_cathedral_side/78703726_4049544434.jpg 0 0 +florence_cathedral_side/92641518_198592315.jpg florence_cathedral_side/05593705_2177935075.jpg 0 0 +florence_cathedral_side/92641518_198592315.jpg florence_cathedral_side/77715496_8436223314.jpg 0 0 +florence_cathedral_side/92653974_435154567.jpg florence_cathedral_side/05593705_2177935075.jpg 0 0 +florence_cathedral_side/92653974_435154567.jpg florence_cathedral_side/06984097_7830261366.jpg 0 0 +florence_cathedral_side/92653974_435154567.jpg florence_cathedral_side/36470436_130676209.jpg 0 3 +florence_cathedral_side/92653974_435154567.jpg florence_cathedral_side/48890355_5768174237.jpg 0 0 +florence_cathedral_side/92694930_8121841061.jpg florence_cathedral_side/05593705_2177935075.jpg 3 0 +florence_cathedral_side/92694930_8121841061.jpg florence_cathedral_side/34400199_9548039637.jpg 3 0 +florence_cathedral_side/92800430_2089968370.jpg florence_cathedral_side/07102255_5222394657.jpg 0 0 +florence_cathedral_side/92800430_2089968370.jpg florence_cathedral_side/34400199_9548039637.jpg 0 0 +florence_cathedral_side/92800430_2089968370.jpg florence_cathedral_side/77361965_67910438.jpg 0 0 +florence_cathedral_side/92800430_2089968370.jpg florence_cathedral_side/78331876_8112939340.jpg 0 0 +florence_cathedral_side/92882352_164293844.jpg florence_cathedral_side/34736117_5001830643.jpg 3 0 +florence_cathedral_side/92882352_164293844.jpg florence_cathedral_side/50405849_3072943829.jpg 3 0 +florence_cathedral_side/92882352_164293844.jpg florence_cathedral_side/62969936_60912810.jpg 3 0 +florence_cathedral_side/92882352_164293844.jpg florence_cathedral_side/92431608_5604255130.jpg 3 0 +florence_cathedral_side/92895298_2116859513.jpg florence_cathedral_side/07102255_5222394657.jpg 0 0 +florence_cathedral_side/92895298_2116859513.jpg florence_cathedral_side/49350312_1193155509.jpg 0 0 +florence_cathedral_side/92902059_7576580614.jpg florence_cathedral_side/19554081_6203874230.jpg 0 1 +florence_cathedral_side/92902059_7576580614.jpg florence_cathedral_side/48394746_8534396715.jpg 0 0 +florence_cathedral_side/92902059_7576580614.jpg florence_cathedral_side/48537388_6040814708.jpg 0 0 +florence_cathedral_side/92902059_7576580614.jpg florence_cathedral_side/76820645_7270040720.jpg 0 0 +florence_cathedral_side/92902059_7576580614.jpg florence_cathedral_side/77439149_5156106058.jpg 0 0 +florence_cathedral_side/92902059_7576580614.jpg florence_cathedral_side/92800430_2089968370.jpg 0 0 +florence_cathedral_side/92935174_9397071656.jpg florence_cathedral_side/49346328_4692994092.jpg 0 0 +florence_cathedral_side/92935174_9397071656.jpg florence_cathedral_side/78590203_7670206258.jpg 0 0 +florence_cathedral_side/92935174_9397071656.jpg florence_cathedral_side/92431608_5604255130.jpg 0 0 +florence_cathedral_side/93054574_2748467858.jpg florence_cathedral_side/49350312_1193155509.jpg 0 0 +florence_cathedral_side/93054574_2748467858.jpg florence_cathedral_side/77361965_67910438.jpg 0 0 +florence_cathedral_side/93059960_5096970448.jpg florence_cathedral_side/05246669_3774806731.jpg 0 0 +florence_cathedral_side/93059960_5096970448.jpg florence_cathedral_side/07691402_9180973630.jpg 0 0 +florence_cathedral_side/93059960_5096970448.jpg florence_cathedral_side/19554081_6203874230.jpg 0 1 +florence_cathedral_side/93059960_5096970448.jpg florence_cathedral_side/50405849_3072943829.jpg 0 0 +florence_cathedral_side/93059960_5096970448.jpg florence_cathedral_side/63171471_386589435.jpg 0 1 +florence_cathedral_side/93059960_5096970448.jpg florence_cathedral_side/91308499_281913661.jpg 0 0 +florence_cathedral_side/93059960_5096970448.jpg florence_cathedral_side/92653974_435154567.jpg 0 0 +florence_cathedral_side/93211981_9482880250.jpg florence_cathedral_side/36012353_13433924113.jpg 0 0 +florence_cathedral_side/93211981_9482880250.jpg florence_cathedral_side/78703726_4049544434.jpg 0 0 +florence_cathedral_side/93259120_3414745238.jpg florence_cathedral_side/35267176_1353435726.jpg 0 0 +florence_cathedral_side/93259120_3414745238.jpg florence_cathedral_side/63184385_8522029473.jpg 0 0 +florence_cathedral_side/93259120_3414745238.jpg florence_cathedral_side/63239025_5812522935.jpg 0 0 +florence_cathedral_side/93259120_3414745238.jpg florence_cathedral_side/65254812_348995275.jpg 0 0 +florence_cathedral_side/93259120_3414745238.jpg florence_cathedral_side/79431289_3927070877.jpg 0 0 +florence_cathedral_side/93259120_3414745238.jpg florence_cathedral_side/92555707_8097576779.jpg 0 0 +florence_cathedral_side/93259120_3414745238.jpg florence_cathedral_side/92694930_8121841061.jpg 0 3 +florence_cathedral_side/93321195_8092708743.jpg florence_cathedral_side/07170052_39793444.jpg 0 0 +florence_cathedral_side/93321195_8092708743.jpg florence_cathedral_side/33829279_1887918111.jpg 0 0 +florence_cathedral_side/93321195_8092708743.jpg florence_cathedral_side/35267176_1353435726.jpg 0 0 +florence_cathedral_side/93321195_8092708743.jpg florence_cathedral_side/48394746_8534396715.jpg 0 0 +florence_cathedral_side/93321195_8092708743.jpg florence_cathedral_side/65129021_2335509128.jpg 0 0 +florence_cathedral_side/93321195_8092708743.jpg florence_cathedral_side/92800430_2089968370.jpg 0 0 +florence_cathedral_side/93321195_8092708743.jpg florence_cathedral_side/92882352_164293844.jpg 0 3 +lincoln_memorial_statue/13082955_8089971716.jpg lincoln_memorial_statue/00686276_3154340445.jpg 0 0 +lincoln_memorial_statue/16952887_5048578851.jpg lincoln_memorial_statue/03249325_2081550585.jpg 0 0 +lincoln_memorial_statue/16952887_5048578851.jpg lincoln_memorial_statue/04200207_5398249608.jpg 0 0 +lincoln_memorial_statue/17298108_4573356556.jpg lincoln_memorial_statue/06924650_2885801065.jpg 0 0 +lincoln_memorial_statue/17318660_7986785718.jpg lincoln_memorial_statue/06803523_1476985272.jpg 0 0 +lincoln_memorial_statue/18186569_3987719501.jpg lincoln_memorial_statue/16741581_9092302207.jpg 0 3 +lincoln_memorial_statue/18350939_3569121838.jpg lincoln_memorial_statue/05298275_9440909485.jpg 0 0 +lincoln_memorial_statue/19945218_2947647393.jpg lincoln_memorial_statue/19206100_253938682.jpg 0 0 +lincoln_memorial_statue/21329467_1428708537.jpg lincoln_memorial_statue/02147562_7180435655.jpg 0 0 +lincoln_memorial_statue/21329467_1428708537.jpg lincoln_memorial_statue/05848112_3400529348.jpg 0 0 +lincoln_memorial_statue/21361698_8624592782.jpg lincoln_memorial_statue/19206100_253938682.jpg 0 0 +lincoln_memorial_statue/21466758_3402544788.jpg lincoln_memorial_statue/01928816_3615848611.jpg 0 0 +lincoln_memorial_statue/23927896_892143112.jpg lincoln_memorial_statue/07336943_3621874961.jpg 0 0 +lincoln_memorial_statue/25351616_5535043591.jpg lincoln_memorial_statue/22004463_9586568620.jpg 0 3 +lincoln_memorial_statue/25443017_8510301584.jpg lincoln_memorial_statue/10158581_2893292310.jpg 3 0 +lincoln_memorial_statue/25765337_8514523889.jpg lincoln_memorial_statue/24230963_9029576920.jpg 0 0 +lincoln_memorial_statue/26446253_13207894545.jpg lincoln_memorial_statue/25351616_5535043591.jpg 0 0 +lincoln_memorial_statue/26814847_3221375908.jpg lincoln_memorial_statue/01571120_3584004650.jpg 0 0 +lincoln_memorial_statue/26899047_3624452004.jpg lincoln_memorial_statue/12091885_13896143364.jpg 0 3 +lincoln_memorial_statue/29326653_598978130.jpg lincoln_memorial_statue/06180437_484488967.jpg 0 0 +lincoln_memorial_statue/29533686_6412636905.jpg lincoln_memorial_statue/10158581_2893292310.jpg 0 0 +lincoln_memorial_statue/30902835_3429959775.jpg lincoln_memorial_statue/00686276_3154340445.jpg 0 0 +lincoln_memorial_statue/31632272_3466221447.jpg lincoln_memorial_statue/11631568_2723758018.jpg 0 0 +lincoln_memorial_statue/35227427_3863270123.jpg lincoln_memorial_statue/13576279_12257175066.jpg 0 0 +lincoln_memorial_statue/36102683_8981106019.jpg lincoln_memorial_statue/16418545_6750634541.jpg 0 0 +lincoln_memorial_statue/36329563_7396408574.jpg lincoln_memorial_statue/23980554_4516743555.jpg 0 0 +lincoln_memorial_statue/36504659_306960313.jpg lincoln_memorial_statue/24928265_8136644449.jpg 0 0 +lincoln_memorial_statue/36628739_3583660481.jpg lincoln_memorial_statue/13082955_8089971716.jpg 0 0 +lincoln_memorial_statue/37062237_5136002484.jpg lincoln_memorial_statue/21409731_2281874543.jpg 0 0 +lincoln_memorial_statue/38207682_2230071122.jpg lincoln_memorial_statue/11008423_235398647.jpg 0 0 +lincoln_memorial_statue/38459129_165176983.jpg lincoln_memorial_statue/21329467_1428708537.jpg 0 0 +lincoln_memorial_statue/39441673_13896154994.jpg lincoln_memorial_statue/36329563_7396408574.jpg 3 0 +lincoln_memorial_statue/44904301_532765055.jpg lincoln_memorial_statue/05845947_5728426592.jpg 0 0 +lincoln_memorial_statue/44943351_5316237356.jpg lincoln_memorial_statue/37963993_5506065923.jpg 0 0 +lincoln_memorial_statue/45089573_2509721811.jpg lincoln_memorial_statue/19206100_253938682.jpg 0 0 +lincoln_memorial_statue/46644731_4772610948.jpg lincoln_memorial_statue/37752138_2290706859.jpg 0 0 +lincoln_memorial_statue/47375184_3696903577.jpg lincoln_memorial_statue/21052688_2569212716.jpg 0 0 +lincoln_memorial_statue/47383152_8703827307.jpg lincoln_memorial_statue/37017316_2755138396.jpg 0 0 +lincoln_memorial_statue/47723331_13243637303.jpg lincoln_memorial_statue/35468051_11160436213.jpg 0 0 +lincoln_memorial_statue/47723331_13243637303.jpg lincoln_memorial_statue/37017316_2755138396.jpg 0 0 +lincoln_memorial_statue/47723331_13243637303.jpg lincoln_memorial_statue/45888706_3698196258.jpg 0 0 +lincoln_memorial_statue/48327534_6781152298.jpg lincoln_memorial_statue/01928816_3615848611.jpg 0 0 +lincoln_memorial_statue/48713744_4656669345.jpg lincoln_memorial_statue/30039302_2691795556.jpg 0 0 +lincoln_memorial_statue/48713744_4656669345.jpg lincoln_memorial_statue/48044057_5288369697.jpg 0 0 +lincoln_memorial_statue/49884266_192812793.jpg lincoln_memorial_statue/00924277_2300346048.jpg 0 0 +lincoln_memorial_statue/50530488_3343367811.jpg lincoln_memorial_statue/39441673_13896154994.jpg 0 3 +lincoln_memorial_statue/53572783_8565993973.jpg lincoln_memorial_statue/38301161_5021540811.jpg 0 0 +lincoln_memorial_statue/53686893_5747510414.jpg lincoln_memorial_statue/45888706_3698196258.jpg 0 0 +lincoln_memorial_statue/54062807_3183634116.jpg lincoln_memorial_statue/00686276_3154340445.jpg 0 0 +lincoln_memorial_statue/54778335_2578833235.jpg lincoln_memorial_statue/44943351_5316237356.jpg 0 0 +lincoln_memorial_statue/55002298_3136807816.jpg lincoln_memorial_statue/11008423_235398647.jpg 0 0 +lincoln_memorial_statue/55411209_2435555282.jpg lincoln_memorial_statue/05845947_5728426592.jpg 0 0 +lincoln_memorial_statue/57190339_2666868754.jpg lincoln_memorial_statue/45056557_7150749887.jpg 0 0 +lincoln_memorial_statue/57197080_10394325564.jpg lincoln_memorial_statue/29326653_598978130.jpg 0 0 +lincoln_memorial_statue/58509503_6697980249.jpg lincoln_memorial_statue/42840947_5877691390.jpg 1 0 +lincoln_memorial_statue/59203396_2522862695.jpg lincoln_memorial_statue/07623661_4396998352.jpg 0 0 +lincoln_memorial_statue/59595737_9135219377.jpg lincoln_memorial_statue/26446253_13207894545.jpg 0 0 +lincoln_memorial_statue/59697569_7173637484.jpg lincoln_memorial_statue/00686276_3154340445.jpg 0 0 +lincoln_memorial_statue/60932067_4698145663.jpg lincoln_memorial_statue/59203396_2522862695.jpg 0 0 +lincoln_memorial_statue/61655661_7092592051.jpg lincoln_memorial_statue/32565289_6975402337.jpg 1 0 +lincoln_memorial_statue/62258750_459427313.jpg lincoln_memorial_statue/37017316_2755138396.jpg 0 0 +lincoln_memorial_statue/62391520_3587054829.jpg lincoln_memorial_statue/16741581_9092302207.jpg 0 3 +lincoln_memorial_statue/62391520_3587054829.jpg lincoln_memorial_statue/49884266_192812793.jpg 0 0 +lincoln_memorial_statue/62884812_4176299024.jpg lincoln_memorial_statue/11808021_5072937955.jpg 3 0 +lincoln_memorial_statue/63300263_397253756.jpg lincoln_memorial_statue/11631568_2723758018.jpg 0 0 +lincoln_memorial_statue/64061511_2292727680.jpg lincoln_memorial_statue/16741581_9092302207.jpg 0 3 +lincoln_memorial_statue/64241156_525538963.jpg lincoln_memorial_statue/46644731_4772610948.jpg 0 0 +lincoln_memorial_statue/64327210_11973218833.jpg lincoln_memorial_statue/13082955_8089971716.jpg 0 0 +lincoln_memorial_statue/64327210_11973218833.jpg lincoln_memorial_statue/55368177_6043528109.jpg 0 0 +lincoln_memorial_statue/64821100_5133805957.jpg lincoln_memorial_statue/06180437_484488967.jpg 0 0 +lincoln_memorial_statue/64895903_778444270.jpg lincoln_memorial_statue/25731683_9443697166.jpg 0 0 +lincoln_memorial_statue/65181204_4451654621.jpg lincoln_memorial_statue/37473297_6860213847.jpg 3 0 +lincoln_memorial_statue/66650244_10329876403.jpg lincoln_memorial_statue/05298275_9440909485.jpg 0 0 +lincoln_memorial_statue/66650244_10329876403.jpg lincoln_memorial_statue/37017316_2755138396.jpg 0 0 +lincoln_memorial_statue/66650244_10329876403.jpg lincoln_memorial_statue/37984103_503910065.jpg 0 0 +lincoln_memorial_statue/66874702_631227900.jpg lincoln_memorial_statue/64241183_3955555895.jpg 0 0 +lincoln_memorial_statue/67877113_5020758992.jpg lincoln_memorial_statue/15581874_4781293889.jpg 0 0 +lincoln_memorial_statue/68919197_7125294171.jpg lincoln_memorial_statue/55803790_6332578768.jpg 0 0 +lincoln_memorial_statue/69446961_6057209951.jpg lincoln_memorial_statue/12091885_13896143364.jpg 0 3 +lincoln_memorial_statue/69741850_820787156.jpg lincoln_memorial_statue/43508548_6814413053.jpg 0 0 +lincoln_memorial_statue/69741850_820787156.jpg lincoln_memorial_statue/45630002_12464525165.jpg 0 0 +lincoln_memorial_statue/70977504_6906316334.jpg lincoln_memorial_statue/00686276_3154340445.jpg 0 0 +lincoln_memorial_statue/72695835_2597639209.jpg lincoln_memorial_statue/64821100_5133805957.jpg 0 0 +lincoln_memorial_statue/72748713_2443003685.jpg lincoln_memorial_statue/03670670_5410348951.jpg 0 0 +lincoln_memorial_statue/72748713_2443003685.jpg lincoln_memorial_statue/54936077_10385154344.jpg 0 0 +lincoln_memorial_statue/73224267_1888628261.jpg lincoln_memorial_statue/25443017_8510301584.jpg 0 3 +lincoln_memorial_statue/74022019_497182186.jpg lincoln_memorial_statue/61959957_7530136798.jpg 0 0 +lincoln_memorial_statue/74266508_4929868993.jpg lincoln_memorial_statue/57065041_4613390611.jpg 0 0 +lincoln_memorial_statue/75592590_579522421.jpg lincoln_memorial_statue/16952887_5048578851.jpg 0 0 +lincoln_memorial_statue/76330454_5378360825.jpg lincoln_memorial_statue/24230963_9029576920.jpg 0 0 +lincoln_memorial_statue/76412979_5094862063.jpg lincoln_memorial_statue/15720567_614981065.jpg 0 0 +lincoln_memorial_statue/76529692_2206500322.jpg lincoln_memorial_statue/40632205_5552444584.jpg 0 0 +lincoln_memorial_statue/76700177_3781618478.jpg lincoln_memorial_statue/34166053_6168735411.jpg 0 3 +lincoln_memorial_statue/77345479_563098062.jpg lincoln_memorial_statue/37017316_2755138396.jpg 0 0 +lincoln_memorial_statue/77345479_563098062.jpg lincoln_memorial_statue/47215209_7723554628.jpg 0 3 +lincoln_memorial_statue/77372686_10649469134.jpg lincoln_memorial_statue/05212363_3008622970.jpg 0 0 +lincoln_memorial_statue/77372686_10649469134.jpg lincoln_memorial_statue/15288225_8665822989.jpg 0 0 +lincoln_memorial_statue/77372686_10649469134.jpg lincoln_memorial_statue/19872765_3693280768.jpg 0 0 +lincoln_memorial_statue/77372686_10649469134.jpg lincoln_memorial_statue/48078808_3305068611.jpg 0 0 +lincoln_memorial_statue/77372686_10649469134.jpg lincoln_memorial_statue/76389659_2317495370.jpg 0 0 +lincoln_memorial_statue/77412646_2597639151.jpg lincoln_memorial_statue/19621770_137207442.jpg 0 0 +lincoln_memorial_statue/78231454_3668044077.jpg lincoln_memorial_statue/04200207_5398249608.jpg 0 0 +lincoln_memorial_statue/78231454_3668044077.jpg lincoln_memorial_statue/23980554_4516743555.jpg 0 0 +lincoln_memorial_statue/78231454_3668044077.jpg lincoln_memorial_statue/31560890_4451869767.jpg 0 0 +lincoln_memorial_statue/78233080_2612034146.jpg lincoln_memorial_statue/77474774_2192735402.jpg 0 0 +lincoln_memorial_statue/78294114_4420850416.jpg lincoln_memorial_statue/16741581_9092302207.jpg 0 3 +lincoln_memorial_statue/78403999_3993626480.jpg lincoln_memorial_statue/59697569_7173637484.jpg 0 0 +lincoln_memorial_statue/78475358_2889107366.jpg lincoln_memorial_statue/21329467_1428708537.jpg 0 0 +lincoln_memorial_statue/79687778_493810727.jpg lincoln_memorial_statue/05737592_3838776850.jpg 0 0 +lincoln_memorial_statue/79687778_493810727.jpg lincoln_memorial_statue/19872765_3693280768.jpg 0 0 +lincoln_memorial_statue/80439432_5460938154.jpg lincoln_memorial_statue/01498300_268387363.jpg 0 1 +lincoln_memorial_statue/80712084_3203509117.jpg lincoln_memorial_statue/64821100_5133805957.jpg 0 0 +lincoln_memorial_statue/80840227_6014087777.jpg lincoln_memorial_statue/15979184_321701366.jpg 0 0 +lincoln_memorial_statue/81233182_4943410370.jpg lincoln_memorial_statue/59697569_7173637484.jpg 0 0 +lincoln_memorial_statue/81297701_879934582.jpg lincoln_memorial_statue/07628932_8136644613.jpg 0 0 +lincoln_memorial_statue/81297701_879934582.jpg lincoln_memorial_statue/34166053_6168735411.jpg 0 3 +lincoln_memorial_statue/81460541_67591531.jpg lincoln_memorial_statue/49764304_6160474456.jpg 0 0 +lincoln_memorial_statue/81669575_2070582968.jpg lincoln_memorial_statue/78403999_3993626480.jpg 0 0 +lincoln_memorial_statue/81963336_11663160396.jpg lincoln_memorial_statue/71266655_6909127778.jpg 0 0 +lincoln_memorial_statue/82242850_4619297299.jpg lincoln_memorial_statue/55411209_2435555282.jpg 0 0 +lincoln_memorial_statue/82396569_3830457569.jpg lincoln_memorial_statue/07628932_8136644613.jpg 0 0 +lincoln_memorial_statue/82396569_3830457569.jpg lincoln_memorial_statue/24359954_3607002881.jpg 0 0 +lincoln_memorial_statue/83093791_3394574926.jpg lincoln_memorial_statue/35934584_3155969263.jpg 0 0 +lincoln_memorial_statue/83682725_9521994366.jpg lincoln_memorial_statue/73224267_1888628261.jpg 0 0 +lincoln_memorial_statue/84483699_820824634.jpg lincoln_memorial_statue/16952887_5048578851.jpg 0 0 +lincoln_memorial_statue/85581120_344682050.jpg lincoln_memorial_statue/29362418_8175477730.jpg 0 0 +lincoln_memorial_statue/85641673_7656964846.jpg lincoln_memorial_statue/21329467_1428708537.jpg 0 0 +lincoln_memorial_statue/86371900_3346854133.jpg lincoln_memorial_statue/80712084_3203509117.jpg 0 0 +lincoln_memorial_statue/86371900_3346854133.jpg lincoln_memorial_statue/81963336_11663160396.jpg 0 0 +lincoln_memorial_statue/86753962_1738168354.jpg lincoln_memorial_statue/85533094_5651874858.jpg 0 0 +lincoln_memorial_statue/87203744_585254894.jpg lincoln_memorial_statue/21329467_1428708537.jpg 0 0 +lincoln_memorial_statue/87283840_11106977846.jpg lincoln_memorial_statue/53696992_5215052564.jpg 0 0 +lincoln_memorial_statue/87770864_5232090356.jpg lincoln_memorial_statue/74896472_8689640996.jpg 0 0 +lincoln_memorial_statue/87935974_3168288878.jpg lincoln_memorial_statue/21409731_2281874543.jpg 0 0 +lincoln_memorial_statue/87945475_1449309287.jpg lincoln_memorial_statue/38459129_165176983.jpg 0 0 +lincoln_memorial_statue/87945475_1449309287.jpg lincoln_memorial_statue/76213469_2907113872.jpg 0 0 +lincoln_memorial_statue/88206936_3555476129.jpg lincoln_memorial_statue/10095801_2253484203.jpg 0 3 +lincoln_memorial_statue/88206936_3555476129.jpg lincoln_memorial_statue/37963993_5506065923.jpg 0 0 +lincoln_memorial_statue/88206936_3555476129.jpg lincoln_memorial_statue/50293735_388470190.jpg 0 0 +lincoln_memorial_statue/88315639_4010609002.jpg lincoln_memorial_statue/26446253_13207894545.jpg 0 0 +lincoln_memorial_statue/88317397_578209456.jpg lincoln_memorial_statue/39123753_2937586204.jpg 0 0 +lincoln_memorial_statue/88317397_578209456.jpg lincoln_memorial_statue/39441673_13896154994.jpg 0 3 +lincoln_memorial_statue/88317397_578209456.jpg lincoln_memorial_statue/61489109_6898998005.jpg 0 1 +lincoln_memorial_statue/89339670_4596751801.jpg lincoln_memorial_statue/72784474_5932339703.jpg 0 0 +lincoln_memorial_statue/89390143_5816513678.jpg lincoln_memorial_statue/26899047_3624452004.jpg 0 0 +lincoln_memorial_statue/89611313_3126767373.jpg lincoln_memorial_statue/19792404_6210236940.jpg 0 1 +lincoln_memorial_statue/89712677_2564688085.jpg lincoln_memorial_statue/78233080_2612034146.jpg 0 0 +lincoln_memorial_statue/89896246_3687883261.jpg lincoln_memorial_statue/47723331_13243637303.jpg 0 0 +lincoln_memorial_statue/90337123_4009837083.jpg lincoln_memorial_statue/13576279_12257175066.jpg 0 0 +lincoln_memorial_statue/90847619_4928325348.jpg lincoln_memorial_statue/37626986_10874662824.jpg 0 0 +lincoln_memorial_statue/91007591_3308250033.jpg lincoln_memorial_statue/20468960_220622935.jpg 0 0 +lincoln_memorial_statue/91007591_3308250033.jpg lincoln_memorial_statue/31632272_3466221447.jpg 0 0 +lincoln_memorial_statue/91007591_3308250033.jpg lincoln_memorial_statue/78397365_6539014179.jpg 0 0 +lincoln_memorial_statue/91104833_2443004125.jpg lincoln_memorial_statue/31632272_3466221447.jpg 0 0 +lincoln_memorial_statue/91104833_2443004125.jpg lincoln_memorial_statue/54122237_4602822395.jpg 0 0 +lincoln_memorial_statue/91104833_2443004125.jpg lincoln_memorial_statue/84575830_3456508930.jpg 0 0 +lincoln_memorial_statue/91652974_6406825499.jpg lincoln_memorial_statue/55174361_10036594944.jpg 0 1 +lincoln_memorial_statue/91652974_6406825499.jpg lincoln_memorial_statue/63913323_4735107229.jpg 0 0 +lincoln_memorial_statue/91787975_31698352.jpg lincoln_memorial_statue/36329563_7396408574.jpg 0 0 +lincoln_memorial_statue/91793168_6994320666.jpg lincoln_memorial_statue/91104833_2443004125.jpg 0 0 +lincoln_memorial_statue/91926492_310854130.jpg lincoln_memorial_statue/33602489_4598043375.jpg 0 0 +lincoln_memorial_statue/92138496_6087402047.jpg lincoln_memorial_statue/48886010_8223072110.jpg 0 0 +lincoln_memorial_statue/93082752_4942824131.jpg lincoln_memorial_statue/57197080_10394325564.jpg 0 0 +lincoln_memorial_statue/93457013_2574056331.jpg lincoln_memorial_statue/03518714_5846844084.jpg 0 0 +lincoln_memorial_statue/93457013_2574056331.jpg lincoln_memorial_statue/10093576_3699240011.jpg 0 0 +lincoln_memorial_statue/93457013_2574056331.jpg lincoln_memorial_statue/16906427_9230971629.jpg 0 0 +lincoln_memorial_statue/93457013_2574056331.jpg lincoln_memorial_statue/37062237_5136002484.jpg 0 0 +lincoln_memorial_statue/93457013_2574056331.jpg lincoln_memorial_statue/47321659_5651026926.jpg 0 0 +lincoln_memorial_statue/93457013_2574056331.jpg lincoln_memorial_statue/87188593_559205297.jpg 0 0 +lincoln_memorial_statue/93554336_3168288048.jpg lincoln_memorial_statue/27146844_6829288242.jpg 0 0 +lincoln_memorial_statue/93554336_3168288048.jpg lincoln_memorial_statue/46984323_2163783955.jpg 0 0 +lincoln_memorial_statue/93698389_3780787679.jpg lincoln_memorial_statue/06924650_2885801065.jpg 0 0 +lincoln_memorial_statue/93698389_3780787679.jpg lincoln_memorial_statue/62391520_3587054829.jpg 0 0 +lincoln_memorial_statue/93783002_5816529438.jpg lincoln_memorial_statue/19975008_7108573609.jpg 0 0 +lincoln_memorial_statue/93797799_5148256971.jpg lincoln_memorial_statue/77412646_2597639151.jpg 0 0 +lincoln_memorial_statue/94803476_8924647809.jpg lincoln_memorial_statue/19792404_6210236940.jpg 0 1 +lincoln_memorial_statue/94803476_8924647809.jpg lincoln_memorial_statue/53474755_7553395416.jpg 0 0 +lincoln_memorial_statue/94803476_8924647809.jpg lincoln_memorial_statue/69400167_2490471441.jpg 0 0 +lincoln_memorial_statue/95091382_3593993445.jpg lincoln_memorial_statue/21409731_2281874543.jpg 0 0 +lincoln_memorial_statue/95091382_3593993445.jpg lincoln_memorial_statue/61489109_6898998005.jpg 0 1 +lincoln_memorial_statue/95149025_6858240968.jpg lincoln_memorial_statue/66650244_10329876403.jpg 0 0 +lincoln_memorial_statue/95149025_6858240968.jpg lincoln_memorial_statue/72916019_4735107005.jpg 0 0 +lincoln_memorial_statue/95317558_4854760568.jpg lincoln_memorial_statue/87945475_1449309287.jpg 0 0 +lincoln_memorial_statue/95554644_558540114.jpg lincoln_memorial_statue/67484976_6539378405.jpg 0 3 +lincoln_memorial_statue/96081763_8413775160.jpg lincoln_memorial_statue/18437883_5922880181.jpg 3 0 +lincoln_memorial_statue/96081763_8413775160.jpg lincoln_memorial_statue/31418708_264610937.jpg 3 3 +lincoln_memorial_statue/96081763_8413775160.jpg lincoln_memorial_statue/63913323_4735107229.jpg 3 0 +lincoln_memorial_statue/96081763_8413775160.jpg lincoln_memorial_statue/69446961_6057209951.jpg 3 0 +lincoln_memorial_statue/96226160_7836430236.jpg lincoln_memorial_statue/31632272_3466221447.jpg 0 0 +lincoln_memorial_statue/96226160_7836430236.jpg lincoln_memorial_statue/91451203_6616894383.jpg 0 0 +lincoln_memorial_statue/96271143_7279421658.jpg lincoln_memorial_statue/25731683_9443697166.jpg 0 0 +lincoln_memorial_statue/96661413_593561088.jpg lincoln_memorial_statue/01673983_4399099111.jpg 0 0 +lincoln_memorial_statue/97588439_3898367991.jpg lincoln_memorial_statue/49868672_13207885545.jpg 0 0 +lincoln_memorial_statue/97709283_5341686130.jpg lincoln_memorial_statue/47215209_7723554628.jpg 0 3 +lincoln_memorial_statue/97709283_5341686130.jpg lincoln_memorial_statue/63458051_2947647269.jpg 0 0 +lincoln_memorial_statue/97709283_5341686130.jpg lincoln_memorial_statue/67140549_8441515662.jpg 0 0 +lincoln_memorial_statue/97858374_2573627048.jpg lincoln_memorial_statue/36329563_7396408574.jpg 0 0 +lincoln_memorial_statue/99493891_3011259384.jpg lincoln_memorial_statue/47375184_3696903577.jpg 0 0 +lincoln_memorial_statue/99493891_3011259384.jpg lincoln_memorial_statue/63913323_4735107229.jpg 0 0 +lincoln_memorial_statue/99493891_3011259384.jpg lincoln_memorial_statue/72748713_2443003685.jpg 0 0 +london_bridge/08278139_2634201949.jpg london_bridge/03056519_8258262520.jpg 0 0 +london_bridge/19207465_2544223170.jpg london_bridge/13019435_186138685.jpg 0 0 +london_bridge/20023116_5421687643.jpg london_bridge/18729057_9080105.jpg 3 0 +london_bridge/20405123_128094190.jpg london_bridge/20347260_5667408378.jpg 0 0 +london_bridge/20595503_9712689035.jpg london_bridge/18097284_2718422028.jpg 0 0 +london_bridge/22067875_1698122634.jpg london_bridge/18335565_3297959090.jpg 0 0 +london_bridge/26810457_3147145259.jpg london_bridge/21158902_4470324385.jpg 0 0 +london_bridge/31647077_485602614.jpg london_bridge/20225516_2792939.jpg 0 0 +london_bridge/31853519_8596440914.jpg london_bridge/07490932_4348794400.jpg 0 0 +london_bridge/31970140_6634097275.jpg london_bridge/07683560_6170683727.jpg 0 0 +london_bridge/32036804_5535380500.jpg london_bridge/20229285_33241398.jpg 0 0 +london_bridge/33523016_291963955.jpg london_bridge/06652923_2201387028.jpg 0 0 +london_bridge/35241016_1186125534.jpg london_bridge/06531968_4889446663.jpg 0 0 +london_bridge/36038911_166411083.jpg london_bridge/07186335_3558850296.jpg 3 0 +london_bridge/41036763_6827756012.jpg london_bridge/05682711_3297960944.jpg 0 0 +london_bridge/41052979_3529123028.jpg london_bridge/07334678_8855299536.jpg 0 0 +london_bridge/41379826_4685825383.jpg london_bridge/22598979_7611096986.jpg 0 0 +london_bridge/41621790_106757051.jpg london_bridge/41036763_6827756012.jpg 0 0 +london_bridge/42765075_5017598472.jpg london_bridge/05699774_3488587719.jpg 0 0 +london_bridge/45936578_366302032.jpg london_bridge/41052979_3529123028.jpg 3 0 +london_bridge/46900524_408074408.jpg london_bridge/45982679_2071304283.jpg 0 0 +london_bridge/47522343_9886375636.jpg london_bridge/07639926_4910929401.jpg 0 0 +london_bridge/47522343_9886375636.jpg london_bridge/35739206_2395150121.jpg 0 0 +london_bridge/47591486_5809581591.jpg london_bridge/07282207_5938720226.jpg 0 0 +london_bridge/47766864_4905885872.jpg london_bridge/32416744_4936638495.jpg 0 1 +london_bridge/47766864_4905885872.jpg london_bridge/46900524_408074408.jpg 0 0 +london_bridge/48381415_7660964834.jpg london_bridge/07852881_3527159925.jpg 0 0 +london_bridge/48381415_7660964834.jpg london_bridge/14130304_8440549863.jpg 0 0 +london_bridge/48839923_6635018265.jpg london_bridge/21812221_27879156.jpg 0 0 +london_bridge/48991746_3638679168.jpg london_bridge/31633384_8811635449.jpg 0 0 +london_bridge/49071248_1208697258.jpg london_bridge/47522343_9886375636.jpg 0 0 +london_bridge/49697111_3486881518.jpg london_bridge/32036804_5535380500.jpg 0 0 +london_bridge/49787823_1492785088.jpg london_bridge/45674428_114124965.jpg 0 0 +london_bridge/49848355_1308917034.jpg london_bridge/04179811_841970073.jpg 0 0 +london_bridge/50080022_3688256142.jpg london_bridge/48490230_4828607768.jpg 0 0 +london_bridge/50666539_5168136646.jpg london_bridge/03883929_464191316.jpg 3 0 +london_bridge/51354308_76535383.jpg london_bridge/41839695_456027870.jpg 0 0 +london_bridge/52376063_43327536.jpg london_bridge/34093382_732830431.jpg 0 0 +london_bridge/55186796_8171991338.jpg london_bridge/46900524_408074408.jpg 0 0 +london_bridge/55301481_7657961792.jpg london_bridge/54608046_7053937641.jpg 0 0 +london_bridge/55690351_94977346.jpg london_bridge/20425300_8652803179.jpg 0 0 +london_bridge/55847383_6003246835.jpg london_bridge/40557224_2373511082.jpg 0 0 +london_bridge/55847383_6003246835.jpg london_bridge/54682107_1186188936.jpg 0 0 +london_bridge/60192112_8003999831.jpg london_bridge/20062145_4467632690.jpg 0 0 +london_bridge/60192112_8003999831.jpg london_bridge/31647077_485602614.jpg 0 0 +london_bridge/61348712_3694745087.jpg london_bridge/41646178_2806744848.jpg 0 0 +london_bridge/61663487_8399179996.jpg london_bridge/46900524_408074408.jpg 0 0 +london_bridge/61842491_3176714729.jpg london_bridge/23556762_7278862614.jpg 0 0 +london_bridge/62022925_2693007513.jpg london_bridge/11997423_3626472014.jpg 1 0 +london_bridge/62176535_3512251841.jpg london_bridge/35290229_117741330.jpg 0 0 +london_bridge/62260530_3688288753.jpg london_bridge/56560945_34426400.jpg 0 0 +london_bridge/62303972_7144505933.jpg london_bridge/62089544_5029080077.jpg 0 0 +london_bridge/62372076_167703256.jpg london_bridge/55186796_8171991338.jpg 0 0 +london_bridge/62396791_2126875785.jpg london_bridge/12490067_3144949199.jpg 0 0 +london_bridge/62413803_708857580.jpg london_bridge/35739206_2395150121.jpg 0 0 +london_bridge/62726238_8468971284.jpg london_bridge/46345637_10209646825.jpg 0 0 +london_bridge/62817089_245529897.jpg london_bridge/35290229_117741330.jpg 3 0 +london_bridge/63262116_8653898740.jpg london_bridge/13244147_12490363893.jpg 0 0 +london_bridge/63479747_1803190845.jpg london_bridge/26284064_7436581478.jpg 0 0 +london_bridge/63891090_8467636479.jpg london_bridge/20225516_2792939.jpg 0 0 +london_bridge/63944456_5731038830.jpg london_bridge/50766190_42440035.jpg 0 0 +london_bridge/64231662_7054018091.jpg london_bridge/40557224_2373511082.jpg 3 0 +london_bridge/64297583_4227460519.jpg london_bridge/62176535_3512251841.jpg 0 0 +london_bridge/64467846_4938629798.jpg london_bridge/18527372_8101436669.jpg 0 0 +london_bridge/65825816_352990305.jpg london_bridge/63891090_8467636479.jpg 0 0 +london_bridge/69272085_9909552734.jpg london_bridge/07334678_8855299536.jpg 0 0 +london_bridge/69935447_6093186570.jpg london_bridge/54682107_1186188936.jpg 0 0 +london_bridge/70766740_4122792392.jpg london_bridge/31970140_6634097275.jpg 0 0 +london_bridge/70946539_3563615937.jpg london_bridge/62176535_3512251841.jpg 0 0 +london_bridge/71288088_8226833241.jpg london_bridge/26049549_252163864.jpg 0 0 +london_bridge/71374558_6127705532.jpg london_bridge/40557224_2373511082.jpg 0 0 +london_bridge/74268764_520343028.jpg london_bridge/49787823_1492785088.jpg 0 0 +london_bridge/74371618_4861521984.jpg london_bridge/12371471_6970739040.jpg 0 0 +london_bridge/74371618_4861521984.jpg london_bridge/45674428_114124965.jpg 0 0 +london_bridge/75258777_4584154688.jpg london_bridge/69710612_11559039.jpg 1 0 +london_bridge/75748660_9481305610.jpg london_bridge/07734258_8290831202.jpg 0 0 +london_bridge/75898593_8653900502.jpg london_bridge/13019435_186138685.jpg 0 0 +london_bridge/76068420_5299061233.jpg london_bridge/66091227_3514083832.jpg 0 0 +london_bridge/76085757_8436749389.jpg london_bridge/18630666_5040782274.jpg 0 0 +london_bridge/76110544_2682975791.jpg london_bridge/75148084_6749951705.jpg 0 0 +london_bridge/76168297_3845798847.jpg london_bridge/50766190_42440035.jpg 0 0 +london_bridge/76180713_5366664456.jpg london_bridge/20023116_5421687643.jpg 0 3 +london_bridge/76603380_824714182.jpg london_bridge/26403879_1174400623.jpg 0 0 +london_bridge/76636670_1910109264.jpg london_bridge/46900524_408074408.jpg 0 0 +london_bridge/76646912_2191674927.jpg london_bridge/06359852_29636017.jpg 0 0 +london_bridge/76646912_2191674927.jpg london_bridge/33523016_291963955.jpg 0 0 +london_bridge/76877019_49040376.jpg london_bridge/63610718_3725911425.jpg 0 0 +london_bridge/77247594_6091723791.jpg london_bridge/61805062_8226022806.jpg 3 0 +london_bridge/77528746_3513058392.jpg london_bridge/26441114_393464758.jpg 0 0 +london_bridge/77528746_3513058392.jpg london_bridge/41646178_2806744848.jpg 0 0 +london_bridge/77528746_3513058392.jpg london_bridge/69639512_264883638.jpg 0 0 +london_bridge/78020045_6099103371.jpg london_bridge/51511090_7996021589.jpg 0 0 +london_bridge/78396322_5174957211.jpg london_bridge/55690351_94977346.jpg 0 0 +london_bridge/78396322_5174957211.jpg london_bridge/75898593_8653900502.jpg 0 0 +london_bridge/78449055_115831184.jpg london_bridge/61842491_3176714729.jpg 0 0 +london_bridge/78626430_4904147191.jpg london_bridge/04179811_841970073.jpg 0 0 +london_bridge/78626430_4904147191.jpg london_bridge/45796493_5485233376.jpg 0 0 +london_bridge/78626430_4904147191.jpg london_bridge/70106401_3725909945.jpg 0 0 +london_bridge/78916675_4568141288.jpg london_bridge/19481797_2295892421.jpg 0 0 +london_bridge/79133322_965884313.jpg london_bridge/62396791_2126875785.jpg 0 0 +london_bridge/79133796_3231983201.jpg london_bridge/50766190_42440035.jpg 0 0 +london_bridge/79311719_8754717804.jpg london_bridge/19385592_3430336776.jpg 0 0 +london_bridge/79390907_84542969.jpg london_bridge/65576311_7690418734.jpg 0 0 +london_bridge/79522515_8233442918.jpg london_bridge/06531968_4889446663.jpg 0 0 +london_bridge/79535553_2389666517.jpg london_bridge/69271199_8101151730.jpg 0 0 +london_bridge/79535553_2389666517.jpg london_bridge/74665301_9234085507.jpg 0 0 +london_bridge/79537455_168190945.jpg london_bridge/76875613_7554733144.jpg 0 0 +london_bridge/79712084_4349952442.jpg london_bridge/40337583_2379709443.jpg 0 0 +london_bridge/79712084_4349952442.jpg london_bridge/70946539_3563615937.jpg 0 0 +london_bridge/79788332_5016987633.jpg london_bridge/26129954_7955889970.jpg 0 0 +london_bridge/79830729_7571036642.jpg london_bridge/69271199_8101151730.jpg 0 0 +london_bridge/82608548_2734289.jpg london_bridge/78915288_6255510543.jpg 0 0 +london_bridge/83138368_8975795400.jpg london_bridge/71374558_6127705532.jpg 0 0 +london_bridge/83370896_2115315370.jpg london_bridge/18335565_3297959090.jpg 0 0 +london_bridge/84517809_4196739283.jpg london_bridge/36043147_5455799549.jpg 0 0 +london_bridge/84816962_3543194879.jpg london_bridge/41159843_6422403495.jpg 0 0 +london_bridge/84832554_4782833123.jpg london_bridge/47105537_5072087415.jpg 0 0 +london_bridge/85096985_8026283726.jpg london_bridge/66091227_3514083832.jpg 0 0 +london_bridge/85233769_4106673042.jpg london_bridge/75845229_4196741247.jpg 0 1 +london_bridge/85476891_335880077.jpg london_bridge/23750979_375861379.jpg 0 0 +london_bridge/85584076_8904668080.jpg london_bridge/25445671_2115316438.jpg 0 0 +london_bridge/88778449_49695769.jpg london_bridge/77021523_6098415298.jpg 0 0 +london_bridge/88789939_7174080384.jpg london_bridge/33264442_4763848502.jpg 0 0 +london_bridge/88789939_7174080384.jpg london_bridge/63869952_8590332631.jpg 0 0 +london_bridge/88789939_7174080384.jpg london_bridge/70723523_3020012591.jpg 0 0 +london_bridge/89444328_3530983949.jpg london_bridge/62413803_708857580.jpg 0 0 +london_bridge/89444328_3530983949.jpg london_bridge/77648362_1397019548.jpg 0 0 +london_bridge/89444328_3530983949.jpg london_bridge/79390907_84542969.jpg 0 0 +london_bridge/89531924_3514091536.jpg london_bridge/18094503_2247083079.jpg 0 0 +london_bridge/89531924_3514091536.jpg london_bridge/20023116_5421687643.jpg 0 3 +london_bridge/89601210_593757701.jpg london_bridge/18630666_5040782274.jpg 0 0 +london_bridge/89601210_593757701.jpg london_bridge/63235406_4979890904.jpg 0 0 +london_bridge/90150466_7212680376.jpg london_bridge/19481797_2295892421.jpg 0 0 +london_bridge/90265556_5385991054.jpg london_bridge/31970140_6634097275.jpg 0 0 +london_bridge/90488918_4623221677.jpg london_bridge/50941897_2034832947.jpg 0 0 +london_bridge/90604858_3556463264.jpg london_bridge/06652923_2201387028.jpg 0 0 +london_bridge/90604858_3556463264.jpg london_bridge/83811730_12249093534.jpg 0 0 +london_bridge/90638314_8598757860.jpg london_bridge/20121117_321297589.jpg 0 0 +london_bridge/90638314_8598757860.jpg london_bridge/20405123_128094190.jpg 0 0 +london_bridge/90737419_10325331565.jpg london_bridge/05682711_3297960944.jpg 0 0 +london_bridge/91189023_385269920.jpg london_bridge/88789939_7174080384.jpg 0 0 +london_bridge/91303183_2824661522.jpg london_bridge/07851671_1041438921.jpg 0 0 +london_bridge/91303183_2824661522.jpg london_bridge/39709678_294325118.jpg 0 0 +london_bridge/91303183_2824661522.jpg london_bridge/42765075_5017598472.jpg 0 0 +london_bridge/91303183_2824661522.jpg london_bridge/49697111_3486881518.jpg 0 0 +london_bridge/91752360_11147850914.jpg london_bridge/79390907_84542969.jpg 0 0 +london_bridge/91752360_11147850914.jpg london_bridge/91437331_7906061296.jpg 0 0 +london_bridge/91792724_3689048972.jpg london_bridge/50766190_42440035.jpg 0 0 +london_bridge/91792724_3689048972.jpg london_bridge/91303183_2824661522.jpg 0 0 +london_bridge/91911225_2407926393.jpg london_bridge/18630666_5040782274.jpg 0 0 +london_bridge/91953315_227667269.jpg london_bridge/63479747_1803190845.jpg 0 0 +london_bridge/91965370_2365452174.jpg london_bridge/85584076_8904668080.jpg 0 0 +london_bridge/91978508_473540590.jpg london_bridge/84816962_3543194879.jpg 0 0 +london_bridge/92200114_7212675576.jpg london_bridge/06412139_5307478090.jpg 0 0 +london_bridge/92200114_7212675576.jpg london_bridge/55186796_8171991338.jpg 0 0 +london_bridge/92273298_5039274514.jpg london_bridge/45982679_2071304283.jpg 0 0 +london_bridge/92342098_8290490494.jpg london_bridge/04623268_95526798.jpg 0 0 +london_bridge/92342098_8290490494.jpg london_bridge/51716724_2971719107.jpg 0 0 +london_bridge/92342098_8290490494.jpg london_bridge/54047970_10330925914.jpg 0 0 +london_bridge/92342098_8290490494.jpg london_bridge/76110544_2682975791.jpg 0 0 +london_bridge/92603586_6600242655.jpg london_bridge/63944456_5731038830.jpg 0 0 +london_bridge/93104886_3090786642.jpg london_bridge/75398559_1260443177.jpg 0 3 +london_bridge/93121634_143685594.jpg london_bridge/90604858_3556463264.jpg 0 0 +london_bridge/93127124_20600114.jpg london_bridge/19393327_9226782122.jpg 0 0 +london_bridge/93143066_7167178078.jpg london_bridge/11749316_8574315264.jpg 0 0 +london_bridge/93183176_7717726854.jpg london_bridge/40696009_8084232635.jpg 0 0 +london_bridge/93195484_3387380391.jpg london_bridge/12490067_3144949199.jpg 0 0 +london_bridge/93195484_3387380391.jpg london_bridge/19385592_3430336776.jpg 0 0 +london_bridge/93195484_3387380391.jpg london_bridge/49190386_5209386933.jpg 0 0 +london_bridge/93195484_3387380391.jpg london_bridge/69759052_115830747.jpg 0 0 +london_bridge/93368739_3256457053.jpg london_bridge/78364492_7660965900.jpg 1 0 +london_bridge/93399054_352990076.jpg london_bridge/14130304_8440549863.jpg 0 0 +london_bridge/93438861_4930284746.jpg london_bridge/18592669_4905334497.jpg 0 0 +london_bridge/93438861_4930284746.jpg london_bridge/63845103_1084109602.jpg 0 0 +london_bridge/93707856_1732678256.jpg london_bridge/93384467_7506881624.jpg 0 1 +london_bridge/93785322_3735008116.jpg london_bridge/45796493_5485233376.jpg 0 0 +london_bridge/93785322_3735008116.jpg london_bridge/91640743_2397669346.jpg 0 0 +london_bridge/93864378_3500100961.jpg london_bridge/20099616_8289883725.jpg 0 0 +london_bridge/93864378_3500100961.jpg london_bridge/36038911_166411083.jpg 0 3 +london_bridge/93864378_3500100961.jpg london_bridge/62176535_3512251841.jpg 0 0 +london_bridge/93959860_5260728997.jpg london_bridge/31866879_541449395.jpg 0 0 +london_bridge/94185272_3874562886.jpg london_bridge/49190386_5209386933.jpg 0 0 +london_bridge/94341458_4015370784.jpg london_bridge/91640743_2397669346.jpg 0 0 +london_bridge/96899257_2408765238.jpg london_bridge/21158902_4470324385.jpg 0 0 +london_bridge/97363284_1803189471.jpg london_bridge/31970140_6634097275.jpg 0 0 +london_bridge/97454199_2345558379.jpg london_bridge/32036804_5535380500.jpg 0 0 +london_bridge/97796279_5366665762.jpg london_bridge/63235406_4979890904.jpg 0 0 +london_bridge/97864853_473527112.jpg london_bridge/79687441_8589429211.jpg 0 0 +london_bridge/98171507_6653170807.jpg london_bridge/41138218_6777472832.jpg 0 0 +london_bridge/98393934_1731843165.jpg london_bridge/20023116_5421687643.jpg 0 3 +london_bridge/98393934_1731843165.jpg london_bridge/79765928_309387981.jpg 0 0 +london_bridge/98476918_4349092903.jpg london_bridge/06315923_583151782.jpg 0 0 +london_bridge/98476918_4349092903.jpg london_bridge/49787823_1492785088.jpg 0 0 +london_bridge/98785901_283650758.jpg london_bridge/79765928_309387981.jpg 0 0 +london_bridge/98927097_8227903876.jpg london_bridge/76110544_2682975791.jpg 0 0 +london_bridge/99049710_7170901787.jpg london_bridge/32847098_8322788433.jpg 0 0 +london_bridge/99049710_7170901787.jpg london_bridge/89214256_5809582211.jpg 0 0 +london_bridge/99076627_2905743831.jpg london_bridge/78020045_6099103371.jpg 0 0 +london_bridge/99524629_271437867.jpg london_bridge/49086001_188954415.jpg 0 0 +london_bridge/99890186_4963782842.jpg london_bridge/40718293_5747464186.jpg 0 0 +milan_cathedral/09601272_2772667324.jpg milan_cathedral/09575022_3989231800.jpg 0 0 +milan_cathedral/09938392_10075603284.jpg milan_cathedral/09552919_4222142873.jpg 0 0 +milan_cathedral/11217188_10189419774.jpg milan_cathedral/09552919_4222142873.jpg 0 0 +milan_cathedral/11665119_9718798941.jpg milan_cathedral/09552919_4222142873.jpg 0 0 +milan_cathedral/13117887_4341298481.jpg milan_cathedral/09575022_3989231800.jpg 1 0 +milan_cathedral/23721333_5020933386.jpg milan_cathedral/09491878_4406179803.jpg 0 0 +milan_cathedral/24449231_3882126092.jpg milan_cathedral/09601272_2772667324.jpg 0 0 +milan_cathedral/24893392_5965941089.jpg milan_cathedral/09552919_4222142873.jpg 0 0 +milan_cathedral/25159141_5131720800.jpg milan_cathedral/11772337_6005928979.jpg 0 0 +milan_cathedral/25159141_5131720800.jpg milan_cathedral/24449231_3882126092.jpg 0 0 +milan_cathedral/25229711_5555074741.jpg milan_cathedral/25159141_5131720800.jpg 0 0 +milan_cathedral/26118601_7878021902.jpg milan_cathedral/25159141_5131720800.jpg 0 0 +milan_cathedral/26872899_8774605072.jpg milan_cathedral/09932992_10193660434.jpg 0 0 +milan_cathedral/26872899_8774605072.jpg milan_cathedral/10273610_2867561643.jpg 0 0 +milan_cathedral/26872899_8774605072.jpg milan_cathedral/25159141_5131720800.jpg 0 0 +milan_cathedral/26988791_8522603768.jpg milan_cathedral/25159141_5131720800.jpg 0 0 +milan_cathedral/38203065_13966912134.jpg milan_cathedral/09932992_10193660434.jpg 0 0 +milan_cathedral/38563221_11151571323.jpg milan_cathedral/09601272_2772667324.jpg 0 0 +milan_cathedral/38668777_6910847202.jpg milan_cathedral/11665119_9718798941.jpg 0 0 +milan_cathedral/38668777_6910847202.jpg milan_cathedral/11772337_6005928979.jpg 0 0 +milan_cathedral/38694587_10820714163.jpg milan_cathedral/09491878_4406179803.jpg 0 0 +milan_cathedral/39482084_2491760334.jpg milan_cathedral/09938392_10075603284.jpg 0 0 +milan_cathedral/39482084_2491760334.jpg milan_cathedral/11217188_10189419774.jpg 0 0 +milan_cathedral/39482084_2491760334.jpg milan_cathedral/13117887_4341298481.jpg 0 1 +milan_cathedral/39482084_2491760334.jpg milan_cathedral/24893392_5965941089.jpg 0 0 +milan_cathedral/40314980_9700079070.jpg milan_cathedral/09575022_3989231800.jpg 0 0 +milan_cathedral/40314980_9700079070.jpg milan_cathedral/23721333_5020933386.jpg 0 0 +milan_cathedral/40314980_9700079070.jpg milan_cathedral/26872899_8774605072.jpg 0 0 +milan_cathedral/40314980_9700079070.jpg milan_cathedral/39482084_2491760334.jpg 0 0 +milan_cathedral/40789559_6046840301.jpg milan_cathedral/26872899_8774605072.jpg 0 0 +milan_cathedral/40789559_6046840301.jpg milan_cathedral/39482084_2491760334.jpg 0 0 +milan_cathedral/41071529_8754456844.jpg milan_cathedral/09491878_4406179803.jpg 0 0 +milan_cathedral/41071529_8754456844.jpg milan_cathedral/09938392_10075603284.jpg 0 0 +milan_cathedral/41356882_8106006560.jpg milan_cathedral/09491878_4406179803.jpg 0 0 +milan_cathedral/41356882_8106006560.jpg milan_cathedral/09601272_2772667324.jpg 0 0 +milan_cathedral/41356882_8106006560.jpg milan_cathedral/11217188_10189419774.jpg 0 0 +milan_cathedral/41356882_8106006560.jpg milan_cathedral/26872899_8774605072.jpg 0 0 +milan_cathedral/53356557_5939317819.jpg milan_cathedral/38668777_6910847202.jpg 0 0 +milan_cathedral/53471362_4657435792.jpg milan_cathedral/24893392_5965941089.jpg 0 0 +milan_cathedral/53801537_9617244539.jpg milan_cathedral/24893392_5965941089.jpg 0 0 +milan_cathedral/53849586_8585727848.jpg milan_cathedral/09575022_3989231800.jpg 0 0 +milan_cathedral/53849586_8585727848.jpg milan_cathedral/25159141_5131720800.jpg 0 0 +milan_cathedral/53849586_8585727848.jpg milan_cathedral/26872899_8774605072.jpg 0 0 +milan_cathedral/54685652_2433834750.jpg milan_cathedral/11665119_9718798941.jpg 0 0 +milan_cathedral/54685652_2433834750.jpg milan_cathedral/11984869_4871131843.jpg 0 0 +milan_cathedral/54685652_2433834750.jpg milan_cathedral/24012674_5016524113.jpg 0 0 +milan_cathedral/54685652_2433834750.jpg milan_cathedral/24543018_4255817801.jpg 0 0 +milan_cathedral/54685652_2433834750.jpg milan_cathedral/25202772_11322868525.jpg 0 0 +milan_cathedral/54685652_2433834750.jpg milan_cathedral/39011107_5067696969.jpg 0 0 +milan_cathedral/54685652_2433834750.jpg milan_cathedral/39062293_8665487142.jpg 0 0 +milan_cathedral/54685652_2433834750.jpg milan_cathedral/39422913_4566931177.jpg 0 0 +milan_cathedral/54685652_2433834750.jpg milan_cathedral/40789559_6046840301.jpg 0 0 +milan_cathedral/55339819_5966046893.jpg milan_cathedral/10273610_2867561643.jpg 0 0 +milan_cathedral/55339819_5966046893.jpg milan_cathedral/26872899_8774605072.jpg 0 0 +milan_cathedral/55339819_5966046893.jpg milan_cathedral/40314980_9700079070.jpg 0 0 +milan_cathedral/55339819_5966046893.jpg milan_cathedral/54685652_2433834750.jpg 0 0 +milan_cathedral/55536380_13171182884.jpg milan_cathedral/54685652_2433834750.jpg 0 0 +milan_cathedral/66724950_4113569852.jpg milan_cathedral/54685652_2433834750.jpg 0 0 +milan_cathedral/67498776_9619879776.jpg milan_cathedral/38668777_6910847202.jpg 3 0 +milan_cathedral/67664985_8512266409.jpg milan_cathedral/09601272_2772667324.jpg 0 0 +milan_cathedral/67664985_8512266409.jpg milan_cathedral/11217188_10189419774.jpg 0 0 +milan_cathedral/67664985_8512266409.jpg milan_cathedral/26872899_8774605072.jpg 0 0 +milan_cathedral/67664985_8512266409.jpg milan_cathedral/26988791_8522603768.jpg 0 0 +milan_cathedral/67664985_8512266409.jpg milan_cathedral/38203065_13966912134.jpg 0 0 +milan_cathedral/67664985_8512266409.jpg milan_cathedral/40314980_9700079070.jpg 0 0 +milan_cathedral/67664985_8512266409.jpg milan_cathedral/54685652_2433834750.jpg 0 0 +milan_cathedral/68120996_2636150316.jpg milan_cathedral/09601272_2772667324.jpg 0 0 +milan_cathedral/68120996_2636150316.jpg milan_cathedral/09938392_10075603284.jpg 0 0 +milan_cathedral/68120996_2636150316.jpg milan_cathedral/11217188_10189419774.jpg 0 0 +milan_cathedral/68120996_2636150316.jpg milan_cathedral/13117887_4341298481.jpg 0 1 +milan_cathedral/68120996_2636150316.jpg milan_cathedral/25159141_5131720800.jpg 0 0 +milan_cathedral/68120996_2636150316.jpg milan_cathedral/41071529_8754456844.jpg 0 0 +milan_cathedral/68284001_4159199505.jpg milan_cathedral/54685652_2433834750.jpg 0 0 +milan_cathedral/69664899_8650581482.jpg milan_cathedral/09491878_4406179803.jpg 0 0 +milan_cathedral/69664899_8650581482.jpg milan_cathedral/11772337_6005928979.jpg 0 0 +milan_cathedral/69664899_8650581482.jpg milan_cathedral/24543018_4255817801.jpg 0 0 +milan_cathedral/70364995_248102962.jpg milan_cathedral/38668777_6910847202.jpg 0 0 +milan_cathedral/80890088_13351503353.jpg milan_cathedral/68120996_2636150316.jpg 3 0 +milan_cathedral/81385612_8027121340.jpg milan_cathedral/09932992_10193660434.jpg 0 0 +milan_cathedral/81385612_8027121340.jpg milan_cathedral/24449231_3882126092.jpg 0 0 +milan_cathedral/81385612_8027121340.jpg milan_cathedral/55339819_5966046893.jpg 0 0 +milan_cathedral/81455961_4688119718.jpg milan_cathedral/25159141_5131720800.jpg 0 0 +milan_cathedral/81919943_8062512982.jpg milan_cathedral/09575022_3989231800.jpg 0 0 +milan_cathedral/81919943_8062512982.jpg milan_cathedral/12354026_1343286555.jpg 0 0 +milan_cathedral/81919943_8062512982.jpg milan_cathedral/40314980_9700079070.jpg 0 0 +milan_cathedral/81919943_8062512982.jpg milan_cathedral/53801537_9617244539.jpg 0 0 +milan_cathedral/81919943_8062512982.jpg milan_cathedral/67664985_8512266409.jpg 0 0 +milan_cathedral/82134202_3125259320.jpg milan_cathedral/26872899_8774605072.jpg 0 0 +milan_cathedral/82134202_3125259320.jpg milan_cathedral/68120996_2636150316.jpg 0 0 +milan_cathedral/82180318_8665866581.jpg milan_cathedral/09491878_4406179803.jpg 0 0 +milan_cathedral/82180318_8665866581.jpg milan_cathedral/39482084_2491760334.jpg 0 0 +milan_cathedral/82656570_6648747811.jpg milan_cathedral/09491878_4406179803.jpg 0 0 +milan_cathedral/82656570_6648747811.jpg milan_cathedral/11984869_4871131843.jpg 0 0 +milan_cathedral/82656570_6648747811.jpg milan_cathedral/13103628_8003383048.jpg 0 0 +milan_cathedral/82656570_6648747811.jpg milan_cathedral/24012674_5016524113.jpg 0 0 +milan_cathedral/82656570_6648747811.jpg milan_cathedral/25229711_5555074741.jpg 0 0 +milan_cathedral/82656570_6648747811.jpg milan_cathedral/26118601_7878021902.jpg 0 0 +milan_cathedral/82656570_6648747811.jpg milan_cathedral/26988791_8522603768.jpg 0 0 +milan_cathedral/82656570_6648747811.jpg milan_cathedral/38694587_10820714163.jpg 0 0 +milan_cathedral/82656570_6648747811.jpg milan_cathedral/39422913_4566931177.jpg 0 0 +milan_cathedral/82656570_6648747811.jpg milan_cathedral/39482084_2491760334.jpg 0 0 +milan_cathedral/82656570_6648747811.jpg milan_cathedral/41458735_8067064688.jpg 0 0 +milan_cathedral/82656570_6648747811.jpg milan_cathedral/52460672_5842914124.jpg 0 0 +milan_cathedral/82656570_6648747811.jpg milan_cathedral/52533713_3985889024.jpg 0 0 +milan_cathedral/82656570_6648747811.jpg milan_cathedral/55536380_13171182884.jpg 0 0 +milan_cathedral/82656570_6648747811.jpg milan_cathedral/67431377_18110420.jpg 0 0 +milan_cathedral/82744973_2713232606.jpg milan_cathedral/09552919_4222142873.jpg 0 0 +milan_cathedral/82744973_2713232606.jpg milan_cathedral/09938392_10075603284.jpg 0 0 +milan_cathedral/82744973_2713232606.jpg milan_cathedral/13117887_4341298481.jpg 0 1 +milan_cathedral/82744973_2713232606.jpg milan_cathedral/24449231_3882126092.jpg 0 0 +milan_cathedral/82744973_2713232606.jpg milan_cathedral/26872899_8774605072.jpg 0 0 +milan_cathedral/82744973_2713232606.jpg milan_cathedral/67664985_8512266409.jpg 0 0 +milan_cathedral/82744973_2713232606.jpg milan_cathedral/82180318_8665866581.jpg 0 0 +milan_cathedral/82805870_8278544614.jpg milan_cathedral/39422913_4566931177.jpg 0 0 +milan_cathedral/82805870_8278544614.jpg milan_cathedral/55339819_5966046893.jpg 0 0 +milan_cathedral/82805870_8278544614.jpg milan_cathedral/67664985_8512266409.jpg 0 0 +milan_cathedral/82805870_8278544614.jpg milan_cathedral/69664899_8650581482.jpg 0 0 +milan_cathedral/82805870_8278544614.jpg milan_cathedral/81385612_8027121340.jpg 0 0 +milan_cathedral/82945467_7669538700.jpg milan_cathedral/41356882_8106006560.jpg 0 0 +milan_cathedral/82945467_7669538700.jpg milan_cathedral/54685652_2433834750.jpg 0 0 +milan_cathedral/82945467_7669538700.jpg milan_cathedral/82656570_6648747811.jpg 0 0 +milan_cathedral/83160190_6602514537.jpg milan_cathedral/68120996_2636150316.jpg 0 0 +milan_cathedral/83160190_6602514537.jpg milan_cathedral/82134202_3125259320.jpg 0 0 +milan_cathedral/83277557_4730085418.jpg milan_cathedral/23702407_4728224411.jpg 0 0 +milan_cathedral/83481119_8234117159.jpg milan_cathedral/25159141_5131720800.jpg 0 0 +milan_cathedral/83481119_8234117159.jpg milan_cathedral/41071529_8754456844.jpg 0 0 +milan_cathedral/83481119_8234117159.jpg milan_cathedral/54685652_2433834750.jpg 0 0 +milan_cathedral/83481119_8234117159.jpg milan_cathedral/81919943_8062512982.jpg 0 0 +milan_cathedral/84130020_8585018861.jpg milan_cathedral/25229711_5555074741.jpg 0 0 +milan_cathedral/84130020_8585018861.jpg milan_cathedral/41356882_8106006560.jpg 0 0 +milan_cathedral/84130020_8585018861.jpg milan_cathedral/55544947_3988476189.jpg 0 0 +milan_cathedral/84130020_8585018861.jpg milan_cathedral/80890088_13351503353.jpg 0 3 +milan_cathedral/84130020_8585018861.jpg milan_cathedral/82180318_8665866581.jpg 0 0 +milan_cathedral/84130020_8585018861.jpg milan_cathedral/82656570_6648747811.jpg 0 0 +milan_cathedral/84536974_3522858107.jpg milan_cathedral/25159141_5131720800.jpg 0 0 +milan_cathedral/84536974_3522858107.jpg milan_cathedral/84130020_8585018861.jpg 0 0 +milan_cathedral/95327663_7389319598.jpg milan_cathedral/09552919_4222142873.jpg 0 0 +milan_cathedral/95327663_7389319598.jpg milan_cathedral/09601272_2772667324.jpg 0 0 +milan_cathedral/95327663_7389319598.jpg milan_cathedral/54685652_2433834750.jpg 0 0 +milan_cathedral/95336721_3326114406.jpg milan_cathedral/09575022_3989231800.jpg 0 0 +milan_cathedral/95336721_3326114406.jpg milan_cathedral/09601272_2772667324.jpg 0 0 +milan_cathedral/95336721_3326114406.jpg milan_cathedral/09938392_10075603284.jpg 0 0 +milan_cathedral/95336721_3326114406.jpg milan_cathedral/24449231_3882126092.jpg 0 0 +milan_cathedral/95336721_3326114406.jpg milan_cathedral/26988791_8522603768.jpg 0 0 +milan_cathedral/95336721_3326114406.jpg milan_cathedral/41356882_8106006560.jpg 0 0 +milan_cathedral/95336721_3326114406.jpg milan_cathedral/53356557_5939317819.jpg 0 0 +milan_cathedral/95336721_3326114406.jpg milan_cathedral/53849586_8585727848.jpg 0 0 +milan_cathedral/95778567_8067087428.jpg milan_cathedral/25159141_5131720800.jpg 0 0 +milan_cathedral/96070062_6464470413.jpg milan_cathedral/09932992_10193660434.jpg 0 0 +milan_cathedral/96070062_6464470413.jpg milan_cathedral/54685652_2433834750.jpg 0 0 +milan_cathedral/96102133_8988647089.jpg milan_cathedral/25159141_5131720800.jpg 0 0 +milan_cathedral/96121006_2929145265.jpg milan_cathedral/25159141_5131720800.jpg 0 0 +milan_cathedral/96121006_2929145265.jpg milan_cathedral/82656570_6648747811.jpg 0 0 +milan_cathedral/96321014_2180687528.jpg milan_cathedral/25159141_5131720800.jpg 0 0 +milan_cathedral/96758111_4832521003.jpg milan_cathedral/09601272_2772667324.jpg 0 0 +milan_cathedral/96758111_4832521003.jpg milan_cathedral/10273610_2867561643.jpg 0 0 +milan_cathedral/96758111_4832521003.jpg milan_cathedral/13117887_4341298481.jpg 0 1 +milan_cathedral/96758111_4832521003.jpg milan_cathedral/52533713_3985889024.jpg 0 0 +milan_cathedral/97177075_4363672786.jpg milan_cathedral/25159141_5131720800.jpg 0 0 +milan_cathedral/97327934_3716435244.jpg milan_cathedral/84130020_8585018861.jpg 0 0 +milan_cathedral/97327934_3716435244.jpg milan_cathedral/96758111_4832521003.jpg 0 0 +milan_cathedral/97356290_13956354952.jpg milan_cathedral/11665119_9718798941.jpg 0 0 +milan_cathedral/97356290_13956354952.jpg milan_cathedral/24543018_4255817801.jpg 0 0 +milan_cathedral/97356290_13956354952.jpg milan_cathedral/39062293_8665487142.jpg 0 0 +milan_cathedral/97356290_13956354952.jpg milan_cathedral/39482084_2491760334.jpg 0 0 +milan_cathedral/97356290_13956354952.jpg milan_cathedral/41071529_8754456844.jpg 0 0 +milan_cathedral/97356290_13956354952.jpg milan_cathedral/55544947_3988476189.jpg 0 0 +milan_cathedral/97356290_13956354952.jpg milan_cathedral/67431377_18110420.jpg 0 0 +milan_cathedral/97356290_13956354952.jpg milan_cathedral/67498776_9619879776.jpg 0 3 +milan_cathedral/97356290_13956354952.jpg milan_cathedral/82945467_7669538700.jpg 0 0 +milan_cathedral/97400342_4040694720.jpg milan_cathedral/09491878_4406179803.jpg 0 0 +milan_cathedral/97400342_4040694720.jpg milan_cathedral/54685652_2433834750.jpg 0 0 +milan_cathedral/97525867_5402831034.jpg milan_cathedral/54685652_2433834750.jpg 0 0 +milan_cathedral/97803267_5001703316.jpg milan_cathedral/09575022_3989231800.jpg 0 0 +milan_cathedral/97803267_5001703316.jpg milan_cathedral/09932992_10193660434.jpg 0 0 +milan_cathedral/97803267_5001703316.jpg milan_cathedral/11665119_9718798941.jpg 0 0 +milan_cathedral/97803267_5001703316.jpg milan_cathedral/38668777_6910847202.jpg 0 0 +milan_cathedral/97803267_5001703316.jpg milan_cathedral/53849586_8585727848.jpg 0 0 +milan_cathedral/97803267_5001703316.jpg milan_cathedral/95336721_3326114406.jpg 0 0 +milan_cathedral/98005135_5019457891.jpg milan_cathedral/96758111_4832521003.jpg 0 0 +milan_cathedral/98032155_13959989264.jpg milan_cathedral/24012674_5016524113.jpg 0 0 +milan_cathedral/98032155_13959989264.jpg milan_cathedral/25159141_5131720800.jpg 0 0 +milan_cathedral/98032155_13959989264.jpg milan_cathedral/39863084_3824970896.jpg 0 0 +milan_cathedral/98032155_13959989264.jpg milan_cathedral/67431377_18110420.jpg 0 0 +milan_cathedral/98032155_13959989264.jpg milan_cathedral/67498776_9619879776.jpg 0 3 +milan_cathedral/98032155_13959989264.jpg milan_cathedral/82180318_8665866581.jpg 0 0 +milan_cathedral/98032155_13959989264.jpg milan_cathedral/82945467_7669538700.jpg 0 0 +milan_cathedral/98032155_13959989264.jpg milan_cathedral/96121006_2929145265.jpg 0 0 +milan_cathedral/98032155_13959989264.jpg milan_cathedral/97952572_3538223849.jpg 0 0 +milan_cathedral/98632867_8234125577.jpg milan_cathedral/09575022_3989231800.jpg 0 0 +milan_cathedral/98632867_8234125577.jpg milan_cathedral/09601272_2772667324.jpg 0 0 +milan_cathedral/98632867_8234125577.jpg milan_cathedral/24893392_5965941089.jpg 0 0 +milan_cathedral/98632867_8234125577.jpg milan_cathedral/38668777_6910847202.jpg 0 0 +milan_cathedral/98632867_8234125577.jpg milan_cathedral/97356290_13956354952.jpg 0 0 +milan_cathedral/98669736_5479262314.jpg milan_cathedral/54685652_2433834750.jpg 0 0 +milan_cathedral/99015226_7414618182.jpg milan_cathedral/09491878_4406179803.jpg 3 0 +milan_cathedral/99015226_7414618182.jpg milan_cathedral/38668777_6910847202.jpg 3 0 +milan_cathedral/99015226_7414618182.jpg milan_cathedral/40314980_9700079070.jpg 3 0 +milan_cathedral/99015226_7414618182.jpg milan_cathedral/41071529_8754456844.jpg 3 0 +milan_cathedral/99015226_7414618182.jpg milan_cathedral/98032155_13959989264.jpg 3 0 +mount_rushmore/25745031_9648740952.jpg mount_rushmore/12668054_3615518953.jpg 0 0 +mount_rushmore/25745031_9648740952.jpg mount_rushmore/13042738_4857773665.jpg 0 0 +mount_rushmore/25745031_9648740952.jpg mount_rushmore/13097504_1142757587.jpg 0 0 +mount_rushmore/25745031_9648740952.jpg mount_rushmore/13599769_4836706620.jpg 0 0 +mount_rushmore/25919332_7953779934.jpg mount_rushmore/13042738_4857773665.jpg 0 0 +mount_rushmore/25919332_7953779934.jpg mount_rushmore/13599769_4836706620.jpg 0 0 +mount_rushmore/25970722_11460326784.jpg mount_rushmore/25745031_9648740952.jpg 0 0 +mount_rushmore/26519501_4668153482.jpg mount_rushmore/25745031_9648740952.jpg 0 0 +mount_rushmore/26593481_4911039163.jpg mount_rushmore/25745031_9648740952.jpg 0 0 +mount_rushmore/27036190_5892985504.jpg mount_rushmore/25745031_9648740952.jpg 0 0 +mount_rushmore/27360670_2866909708.jpg mount_rushmore/13490291_4734187970.jpg 0 0 +mount_rushmore/27360670_2866909708.jpg mount_rushmore/25919332_7953779934.jpg 0 0 +mount_rushmore/27986088_6048005262.jpg mount_rushmore/13042738_4857773665.jpg 0 0 +mount_rushmore/27986088_6048005262.jpg mount_rushmore/25745031_9648740952.jpg 0 0 +mount_rushmore/40227857_5892406989.jpg mount_rushmore/12432969_7553798136.jpg 0 0 +mount_rushmore/40227857_5892406989.jpg mount_rushmore/12875628_4653425873.jpg 0 0 +mount_rushmore/40227857_5892406989.jpg mount_rushmore/13097504_1142757587.jpg 0 0 +mount_rushmore/40227857_5892406989.jpg mount_rushmore/25745031_9648740952.jpg 0 0 +mount_rushmore/40227857_5892406989.jpg mount_rushmore/25970722_11460326784.jpg 0 0 +mount_rushmore/40227857_5892406989.jpg mount_rushmore/26519501_4668153482.jpg 0 0 +mount_rushmore/40227857_5892406989.jpg mount_rushmore/26593481_4911039163.jpg 0 0 +mount_rushmore/40227857_5892406989.jpg mount_rushmore/27036190_5892985504.jpg 0 0 +mount_rushmore/40227857_5892406989.jpg mount_rushmore/27360670_2866909708.jpg 0 0 +mount_rushmore/40744002_5962170652.jpg mount_rushmore/12668054_3615518953.jpg 0 0 +mount_rushmore/40744002_5962170652.jpg mount_rushmore/13599769_4836706620.jpg 0 0 +mount_rushmore/40744002_5962170652.jpg mount_rushmore/26519501_4668153482.jpg 0 0 +mount_rushmore/40744002_5962170652.jpg mount_rushmore/40227857_5892406989.jpg 0 0 +mount_rushmore/42247466_4943183303.jpg mount_rushmore/25919332_7953779934.jpg 0 0 +mount_rushmore/42880237_8761277261.jpg mount_rushmore/40227857_5892406989.jpg 0 0 +mount_rushmore/55138946_6047449563.jpg mount_rushmore/12875628_4653425873.jpg 0 0 +mount_rushmore/55138946_6047449563.jpg mount_rushmore/27827505_2816554094.jpg 0 0 +mount_rushmore/55138946_6047449563.jpg mount_rushmore/40744002_5962170652.jpg 0 0 +mount_rushmore/55605765_8987605276.jpg mount_rushmore/25745031_9648740952.jpg 0 0 +mount_rushmore/55938628_7284140540.jpg mount_rushmore/12875628_4653425873.jpg 0 0 +mount_rushmore/55938628_7284140540.jpg mount_rushmore/13097504_1142757587.jpg 0 0 +mount_rushmore/55938628_7284140540.jpg mount_rushmore/25970722_11460326784.jpg 0 0 +mount_rushmore/55938628_7284140540.jpg mount_rushmore/26519501_4668153482.jpg 0 0 +mount_rushmore/55938628_7284140540.jpg mount_rushmore/26593481_4911039163.jpg 0 0 +mount_rushmore/55938628_7284140540.jpg mount_rushmore/40744002_5962170652.jpg 0 0 +mount_rushmore/55938628_7284140540.jpg mount_rushmore/42880237_8761277261.jpg 0 0 +mount_rushmore/55965355_4883950078.jpg mount_rushmore/25745031_9648740952.jpg 0 0 +mount_rushmore/55965355_4883950078.jpg mount_rushmore/55138946_6047449563.jpg 0 0 +mount_rushmore/56046600_7553774456.jpg mount_rushmore/40227857_5892406989.jpg 0 0 +mount_rushmore/56132120_4832030217.jpg mount_rushmore/25745031_9648740952.jpg 0 0 +mount_rushmore/56132120_4832030217.jpg mount_rushmore/55965355_4883950078.jpg 0 0 +mount_rushmore/56719066_6048070074.jpg mount_rushmore/55938628_7284140540.jpg 0 0 +mount_rushmore/68573560_9287440946.jpg mount_rushmore/25745031_9648740952.jpg 3 0 +mount_rushmore/68573560_9287440946.jpg mount_rushmore/40744002_5962170652.jpg 3 0 +mount_rushmore/68573560_9287440946.jpg mount_rushmore/55938628_7284140540.jpg 3 0 +mount_rushmore/68573560_9287440946.jpg mount_rushmore/55965355_4883950078.jpg 3 0 +mount_rushmore/68573560_9287440946.jpg mount_rushmore/56132120_4832030217.jpg 3 0 +mount_rushmore/69455994_461071902.jpg mount_rushmore/12432969_7553798136.jpg 0 0 +mount_rushmore/69455994_461071902.jpg mount_rushmore/13042738_4857773665.jpg 0 0 +mount_rushmore/69455994_461071902.jpg mount_rushmore/26593481_4911039163.jpg 0 0 +mount_rushmore/69455994_461071902.jpg mount_rushmore/27022419_3624031522.jpg 0 0 +mount_rushmore/69455994_461071902.jpg mount_rushmore/27036190_5892985504.jpg 0 0 +mount_rushmore/69455994_461071902.jpg mount_rushmore/27173700_4686249949.jpg 0 0 +mount_rushmore/69455994_461071902.jpg mount_rushmore/27360670_2866909708.jpg 0 0 +mount_rushmore/69455994_461071902.jpg mount_rushmore/39985105_4640556511.jpg 0 0 +mount_rushmore/69455994_461071902.jpg mount_rushmore/40043670_7128770321.jpg 0 0 +mount_rushmore/69455994_461071902.jpg mount_rushmore/40227857_5892406989.jpg 0 0 +mount_rushmore/69455994_461071902.jpg mount_rushmore/42880237_8761277261.jpg 0 0 +mount_rushmore/69455994_461071902.jpg mount_rushmore/55938628_7284140540.jpg 0 0 +mount_rushmore/70576073_2805205182.jpg mount_rushmore/14206145_1039630726.jpg 0 0 +mount_rushmore/70576073_2805205182.jpg mount_rushmore/25745031_9648740952.jpg 0 0 +mount_rushmore/70576073_2805205182.jpg mount_rushmore/25809836_1698548495.jpg 0 0 +mount_rushmore/70576073_2805205182.jpg mount_rushmore/25863550_4877153701.jpg 0 0 +mount_rushmore/70576073_2805205182.jpg mount_rushmore/42247466_4943183303.jpg 0 0 +mount_rushmore/70576073_2805205182.jpg mount_rushmore/55146346_536570536.jpg 0 0 +mount_rushmore/70576073_2805205182.jpg mount_rushmore/55441477_6048058460.jpg 0 0 +mount_rushmore/70576073_2805205182.jpg mount_rushmore/55938628_7284140540.jpg 0 0 +mount_rushmore/70576073_2805205182.jpg mount_rushmore/56719066_6048070074.jpg 0 0 +mount_rushmore/70576073_2805205182.jpg mount_rushmore/69455994_461071902.jpg 0 0 +mount_rushmore/70728516_9506700800.jpg mount_rushmore/40227857_5892406989.jpg 0 0 +mount_rushmore/70728516_9506700800.jpg mount_rushmore/55938628_7284140540.jpg 0 0 +mount_rushmore/70918194_5163437102.jpg mount_rushmore/69455994_461071902.jpg 0 0 +mount_rushmore/82809955_2646237180.jpg mount_rushmore/25745031_9648740952.jpg 0 0 +mount_rushmore/82809955_2646237180.jpg mount_rushmore/55138946_6047449563.jpg 0 0 +mount_rushmore/82809955_2646237180.jpg mount_rushmore/55938628_7284140540.jpg 0 0 +mount_rushmore/82809955_2646237180.jpg mount_rushmore/55965355_4883950078.jpg 0 0 +mount_rushmore/83140596_201542848.jpg mount_rushmore/13599769_4836706620.jpg 0 0 +mount_rushmore/83140596_201542848.jpg mount_rushmore/40227857_5892406989.jpg 0 0 +mount_rushmore/83140596_201542848.jpg mount_rushmore/55138946_6047449563.jpg 0 0 +mount_rushmore/83140596_201542848.jpg mount_rushmore/55938628_7284140540.jpg 0 0 +mount_rushmore/83140596_201542848.jpg mount_rushmore/56132120_4832030217.jpg 0 0 +mount_rushmore/83140596_201542848.jpg mount_rushmore/69455994_461071902.jpg 0 0 +mount_rushmore/83688925_461076108.jpg mount_rushmore/25809836_1698548495.jpg 0 0 +mount_rushmore/83688925_461076108.jpg mount_rushmore/25919332_7953779934.jpg 0 0 +mount_rushmore/83688925_461076108.jpg mount_rushmore/27173700_4686249949.jpg 0 0 +mount_rushmore/83688925_461076108.jpg mount_rushmore/39985105_4640556511.jpg 0 0 +mount_rushmore/83688925_461076108.jpg mount_rushmore/40227857_5892406989.jpg 0 0 +mount_rushmore/83688925_461076108.jpg mount_rushmore/42880237_8761277261.jpg 0 0 +mount_rushmore/83688925_461076108.jpg mount_rushmore/55337102_621872279.jpg 0 0 +mount_rushmore/83688925_461076108.jpg mount_rushmore/55605765_8987605276.jpg 0 0 +mount_rushmore/83688925_461076108.jpg mount_rushmore/56046600_7553774456.jpg 0 0 +mount_rushmore/83688925_461076108.jpg mount_rushmore/56513063_4145127986.jpg 0 0 +mount_rushmore/83688925_461076108.jpg mount_rushmore/69455994_461071902.jpg 0 0 +mount_rushmore/83688925_461076108.jpg mount_rushmore/71063765_5851683472.jpg 0 0 +mount_rushmore/83688925_461076108.jpg mount_rushmore/82974837_4686248503.jpg 0 0 +mount_rushmore/83688925_461076108.jpg mount_rushmore/83140596_201542848.jpg 0 0 +mount_rushmore/83799128_4712257925.jpg mount_rushmore/25745031_9648740952.jpg 0 0 +mount_rushmore/83799128_4712257925.jpg mount_rushmore/69455994_461071902.jpg 0 0 +mount_rushmore/83799128_4712257925.jpg mount_rushmore/70576073_2805205182.jpg 0 0 +mount_rushmore/83898990_6048075796.jpg mount_rushmore/70576073_2805205182.jpg 0 0 +mount_rushmore/84121976_7144353889.jpg mount_rushmore/70576073_2805205182.jpg 0 0 +mount_rushmore/84215382_4781271009.jpg mount_rushmore/40227857_5892406989.jpg 0 0 +mount_rushmore/84215382_4781271009.jpg mount_rushmore/69455994_461071902.jpg 0 0 +mount_rushmore/84350961_1389246026.jpg mount_rushmore/25745031_9648740952.jpg 3 0 +mount_rushmore/84418263_223923906.jpg mount_rushmore/25745031_9648740952.jpg 0 0 +mount_rushmore/84418263_223923906.jpg mount_rushmore/27827505_2816554094.jpg 0 0 +mount_rushmore/84418263_223923906.jpg mount_rushmore/55138946_6047449563.jpg 0 0 +mount_rushmore/84418263_223923906.jpg mount_rushmore/55605765_8987605276.jpg 0 0 +mount_rushmore/84418263_223923906.jpg mount_rushmore/55965355_4883950078.jpg 0 0 +mount_rushmore/84597100_5916365737.jpg mount_rushmore/12668054_3615518953.jpg 0 0 +mount_rushmore/84597100_5916365737.jpg mount_rushmore/27986088_6048005262.jpg 0 0 +mount_rushmore/84597100_5916365737.jpg mount_rushmore/40744002_5962170652.jpg 0 0 +mount_rushmore/84597100_5916365737.jpg mount_rushmore/56046600_7553774456.jpg 0 0 +mount_rushmore/84597100_5916365737.jpg mount_rushmore/56132120_4832030217.jpg 0 0 +mount_rushmore/84597100_5916365737.jpg mount_rushmore/68573560_9287440946.jpg 0 3 +mount_rushmore/84597100_5916365737.jpg mount_rushmore/83140596_201542848.jpg 0 0 +mount_rushmore/84597100_5916365737.jpg mount_rushmore/84418263_223923906.jpg 0 0 +mount_rushmore/84724838_6048066210.jpg mount_rushmore/25745031_9648740952.jpg 0 0 +mount_rushmore/84724838_6048066210.jpg mount_rushmore/69455994_461071902.jpg 0 0 +mount_rushmore/84738085_6039549973.jpg mount_rushmore/40227857_5892406989.jpg 0 0 +mount_rushmore/84738085_6039549973.jpg mount_rushmore/70576073_2805205182.jpg 0 0 +mount_rushmore/84840272_5284924939.jpg mount_rushmore/83140596_201542848.jpg 0 0 +mount_rushmore/84840272_5284924939.jpg mount_rushmore/83688925_461076108.jpg 0 0 +mount_rushmore/84881604_2382566314.jpg mount_rushmore/55938628_7284140540.jpg 0 0 +mount_rushmore/84881604_2382566314.jpg mount_rushmore/69455994_461071902.jpg 0 0 +mount_rushmore/97084118_247007226.jpg mount_rushmore/27986088_6048005262.jpg 0 0 +mount_rushmore/97084118_247007226.jpg mount_rushmore/40744002_5962170652.jpg 0 0 +mount_rushmore/97084118_247007226.jpg mount_rushmore/55138946_6047449563.jpg 0 0 +mount_rushmore/97084118_247007226.jpg mount_rushmore/55605765_8987605276.jpg 0 0 +mount_rushmore/97084118_247007226.jpg mount_rushmore/55965355_4883950078.jpg 0 0 +mount_rushmore/97084118_247007226.jpg mount_rushmore/68573560_9287440946.jpg 0 3 +mount_rushmore/97084118_247007226.jpg mount_rushmore/69455994_461071902.jpg 0 0 +mount_rushmore/97084118_247007226.jpg mount_rushmore/83140596_201542848.jpg 0 0 +mount_rushmore/97084118_247007226.jpg mount_rushmore/84597100_5916365737.jpg 0 0 +mount_rushmore/97157549_3697007723.jpg mount_rushmore/25745031_9648740952.jpg 0 0 +mount_rushmore/97157549_3697007723.jpg mount_rushmore/27360670_2866909708.jpg 0 0 +mount_rushmore/97207904_6047535595.jpg mount_rushmore/70576073_2805205182.jpg 0 0 +mount_rushmore/97207904_6047535595.jpg mount_rushmore/83688925_461076108.jpg 0 0 +mount_rushmore/97259426_3355802451.jpg mount_rushmore/70576073_2805205182.jpg 0 0 +mount_rushmore/97424146_6047547573.jpg mount_rushmore/55938628_7284140540.jpg 0 0 +mount_rushmore/97513402_8065873318.jpg mount_rushmore/55938628_7284140540.jpg 0 0 +mount_rushmore/97513402_8065873318.jpg mount_rushmore/83688925_461076108.jpg 0 0 +mount_rushmore/97901432_6048090248.jpg mount_rushmore/55938628_7284140540.jpg 0 0 +mount_rushmore/97901432_6048090248.jpg mount_rushmore/83688925_461076108.jpg 0 0 +mount_rushmore/97901432_6048090248.jpg mount_rushmore/84597100_5916365737.jpg 0 0 +mount_rushmore/98069734_5740862309.jpg mount_rushmore/13042738_4857773665.jpg 0 0 +mount_rushmore/98069734_5740862309.jpg mount_rushmore/25745031_9648740952.jpg 0 0 +mount_rushmore/98069734_5740862309.jpg mount_rushmore/26587899_8627862949.jpg 0 3 +mount_rushmore/98069734_5740862309.jpg mount_rushmore/26593481_4911039163.jpg 0 0 +mount_rushmore/98069734_5740862309.jpg mount_rushmore/27986088_6048005262.jpg 0 0 +mount_rushmore/98069734_5740862309.jpg mount_rushmore/40744002_5962170652.jpg 0 0 +mount_rushmore/98069734_5740862309.jpg mount_rushmore/42880237_8761277261.jpg 0 0 +mount_rushmore/98069734_5740862309.jpg mount_rushmore/55605765_8987605276.jpg 0 0 +mount_rushmore/98069734_5740862309.jpg mount_rushmore/70728516_9506700800.jpg 0 0 +mount_rushmore/98069734_5740862309.jpg mount_rushmore/82809955_2646237180.jpg 0 0 +mount_rushmore/98069734_5740862309.jpg mount_rushmore/83140596_201542848.jpg 0 0 +mount_rushmore/98069734_5740862309.jpg mount_rushmore/84418263_223923906.jpg 0 0 +mount_rushmore/98069734_5740862309.jpg mount_rushmore/84881604_2382566314.jpg 0 0 +mount_rushmore/98069734_5740862309.jpg mount_rushmore/85724949_2805227318.jpg 0 0 +mount_rushmore/98069734_5740862309.jpg mount_rushmore/97424146_6047547573.jpg 0 0 +mount_rushmore/98069734_5740862309.jpg mount_rushmore/97513402_8065873318.jpg 0 0 +mount_rushmore/98378744_2691084009.jpg mount_rushmore/27827505_2816554094.jpg 0 0 +mount_rushmore/98378744_2691084009.jpg mount_rushmore/27986088_6048005262.jpg 0 0 +mount_rushmore/98378744_2691084009.jpg mount_rushmore/55605765_8987605276.jpg 0 0 +mount_rushmore/98378744_2691084009.jpg mount_rushmore/55938628_7284140540.jpg 0 0 +mount_rushmore/98378744_2691084009.jpg mount_rushmore/56719066_6048070074.jpg 0 0 +mount_rushmore/98378744_2691084009.jpg mount_rushmore/68573560_9287440946.jpg 0 3 +mount_rushmore/98378744_2691084009.jpg mount_rushmore/69455994_461071902.jpg 0 0 +mount_rushmore/98378744_2691084009.jpg mount_rushmore/69883770_6048064640.jpg 0 0 +mount_rushmore/98378744_2691084009.jpg mount_rushmore/84597100_5916365737.jpg 0 0 +mount_rushmore/98608981_1084644066.jpg mount_rushmore/70576073_2805205182.jpg 0 0 +mount_rushmore/98609318_1084707374.jpg mount_rushmore/27036190_5892985504.jpg 0 0 +mount_rushmore/98609318_1084707374.jpg mount_rushmore/27986088_6048005262.jpg 0 0 +mount_rushmore/98609318_1084707374.jpg mount_rushmore/40747061_18798486.jpg 0 0 +mount_rushmore/98609318_1084707374.jpg mount_rushmore/55138946_6047449563.jpg 0 0 +mount_rushmore/98609318_1084707374.jpg mount_rushmore/55605765_8987605276.jpg 0 0 +mount_rushmore/98609318_1084707374.jpg mount_rushmore/55965355_4883950078.jpg 0 0 +mount_rushmore/98609318_1084707374.jpg mount_rushmore/68573560_9287440946.jpg 0 3 +mount_rushmore/98609318_1084707374.jpg mount_rushmore/70728516_9506700800.jpg 0 0 +mount_rushmore/98609318_1084707374.jpg mount_rushmore/83140596_201542848.jpg 0 0 +mount_rushmore/98609318_1084707374.jpg mount_rushmore/85724949_2805227318.jpg 0 0 +mount_rushmore/98609318_1084707374.jpg mount_rushmore/97424146_6047547573.jpg 0 0 +mount_rushmore/98609318_1084707374.jpg mount_rushmore/97901432_6048090248.jpg 0 0 +mount_rushmore/98638853_5709018819.jpg mount_rushmore/98069734_5740862309.jpg 0 0 +mount_rushmore/99048849_5851679720.jpg mount_rushmore/25745031_9648740952.jpg 0 0 +mount_rushmore/99048849_5851679720.jpg mount_rushmore/27986088_6048005262.jpg 0 0 +mount_rushmore/99221765_4781278429.jpg mount_rushmore/25919332_7953779934.jpg 0 0 +mount_rushmore/99221765_4781278429.jpg mount_rushmore/25970722_11460326784.jpg 0 0 +mount_rushmore/99221765_4781278429.jpg mount_rushmore/39985105_4640556511.jpg 0 0 +mount_rushmore/99221765_4781278429.jpg mount_rushmore/40744002_5962170652.jpg 0 0 +mount_rushmore/99221765_4781278429.jpg mount_rushmore/56046600_7553774456.jpg 0 0 +mount_rushmore/99221765_4781278429.jpg mount_rushmore/69395165_8846630969.jpg 0 0 +mount_rushmore/99221765_4781278429.jpg mount_rushmore/84031843_6236172361.jpg 0 0 +mount_rushmore/99221765_4781278429.jpg mount_rushmore/84724838_6048066210.jpg 0 0 +mount_rushmore/99710004_3337007293.jpg mount_rushmore/40227857_5892406989.jpg 0 0 +mount_rushmore/99922009_3624016266.jpg mount_rushmore/69455994_461071902.jpg 0 0 +piazza_san_marco/04953444_2423753086.jpg piazza_san_marco/04017487_9005602998.jpg 0 0 +piazza_san_marco/15148634_5228701572.jpg piazza_san_marco/06795901_3725050516.jpg 0 0 +piazza_san_marco/15304651_3539832959.jpg piazza_san_marco/01688348_12300730234.jpg 0 0 +piazza_san_marco/16020278_3065916809.jpg piazza_san_marco/04953444_2423753086.jpg 0 0 +piazza_san_marco/20649592_384001953.jpg piazza_san_marco/05687240_1655294248.jpg 0 0 +piazza_san_marco/20649592_384001953.jpg piazza_san_marco/06295798_12300742994.jpg 0 0 +piazza_san_marco/20659768_370983914.jpg piazza_san_marco/06075189_6856096074.jpg 0 0 +piazza_san_marco/23751938_13250570774.jpg piazza_san_marco/08641657_1396164280.jpg 0 0 +piazza_san_marco/29047785_2387506155.jpg piazza_san_marco/06770278_12300476553.jpg 0 0 +piazza_san_marco/32061298_12585710763.jpg piazza_san_marco/06295798_12300742994.jpg 0 0 +piazza_san_marco/32061298_12585710763.jpg piazza_san_marco/20618803_4109950571.jpg 0 0 +piazza_san_marco/32189638_13916077925.jpg piazza_san_marco/19489590_236391387.jpg 0 0 +piazza_san_marco/32189638_13916077925.jpg piazza_san_marco/23048180_1188435764.jpg 0 0 +piazza_san_marco/33038875_6372044149.jpg piazza_san_marco/21173158_6043347191.jpg 0 0 +piazza_san_marco/33397731_219579118.jpg piazza_san_marco/21173158_6043347191.jpg 0 0 +piazza_san_marco/33610828_3107405660.jpg piazza_san_marco/16413076_9488649958.jpg 0 0 +piazza_san_marco/33610828_3107405660.jpg piazza_san_marco/30421945_199386877.jpg 0 0 +piazza_san_marco/35580319_7242840168.jpg piazza_san_marco/08020749_4084672329.jpg 0 0 +piazza_san_marco/35580319_7242840168.jpg piazza_san_marco/29047785_2387506155.jpg 0 0 +piazza_san_marco/36146268_3693794507.jpg piazza_san_marco/01688348_12300730234.jpg 0 0 +piazza_san_marco/36146268_3693794507.jpg piazza_san_marco/16576515_3093906064.jpg 0 0 +piazza_san_marco/36422008_2674079787.jpg piazza_san_marco/08641657_1396164280.jpg 0 0 +piazza_san_marco/36422008_2674079787.jpg piazza_san_marco/34745432_3311117688.jpg 0 0 +piazza_san_marco/36422008_2674079787.jpg piazza_san_marco/34900147_9647945813.jpg 0 0 +piazza_san_marco/37929918_11153434073.jpg piazza_san_marco/35580319_7242840168.jpg 0 0 +piazza_san_marco/43351518_2659980686.jpg piazza_san_marco/02765213_3937871604.jpg 0 0 +piazza_san_marco/43351518_2659980686.jpg piazza_san_marco/06795901_3725050516.jpg 0 0 +piazza_san_marco/43613632_3927740200.jpg piazza_san_marco/33370194_3086484243.jpg 0 0 +piazza_san_marco/47503930_312393288.jpg piazza_san_marco/35052211_7626597300.jpg 0 0 +piazza_san_marco/47708384_1462867702.jpg piazza_san_marco/05446260_7175726639.jpg 0 0 +piazza_san_marco/47708384_1462867702.jpg piazza_san_marco/19723085_13560889295.jpg 0 0 +piazza_san_marco/48336247_12513898.jpg piazza_san_marco/06795901_3725050516.jpg 0 0 +piazza_san_marco/48336247_12513898.jpg piazza_san_marco/20659768_370983914.jpg 0 0 +piazza_san_marco/49865216_1748767363.jpg piazza_san_marco/04412498_5871274067.jpg 0 0 +piazza_san_marco/49865216_1748767363.jpg piazza_san_marco/47503930_312393288.jpg 0 0 +piazza_san_marco/50945014_11874822725.jpg piazza_san_marco/20308172_3751782049.jpg 0 0 +piazza_san_marco/50945014_11874822725.jpg piazza_san_marco/46012194_5979633804.jpg 0 0 +piazza_san_marco/51641355_9558925683.jpg piazza_san_marco/20792936_4634852597.jpg 0 0 +piazza_san_marco/51956988_5207058219.jpg piazza_san_marco/03693106_384020886.jpg 0 0 +piazza_san_marco/51956988_5207058219.jpg piazza_san_marco/05606298_1057177690.jpg 0 0 +piazza_san_marco/51956988_5207058219.jpg piazza_san_marco/32061298_12585710763.jpg 0 0 +piazza_san_marco/58751010_4849458397.jpg piazza_san_marco/18627786_5929294590.jpg 0 0 +piazza_san_marco/58895530_3799481913.jpg piazza_san_marco/20308172_3751782049.jpg 0 0 +piazza_san_marco/60103943_4900329193.jpg piazza_san_marco/19394510_8649812072.jpg 0 0 +piazza_san_marco/60271577_12265830353.jpg piazza_san_marco/50945014_11874822725.jpg 0 0 +piazza_san_marco/60670754_4994924151.jpg piazza_san_marco/02938363_7768045658.jpg 0 0 +piazza_san_marco/60670754_4994924151.jpg piazza_san_marco/03693106_384020886.jpg 0 0 +piazza_san_marco/62093128_3607386703.jpg piazza_san_marco/32189638_13916077925.jpg 0 0 +piazza_san_marco/62119409_1192224848.jpg piazza_san_marco/21173158_6043347191.jpg 0 0 +piazza_san_marco/63288675_113807539.jpg piazza_san_marco/33038875_6372044149.jpg 0 0 +piazza_san_marco/63288675_113807539.jpg piazza_san_marco/49583632_7174270281.jpg 0 0 +piazza_san_marco/63338936_4890937953.jpg piazza_san_marco/34900147_9647945813.jpg 0 0 +piazza_san_marco/63442625_6470162101.jpg piazza_san_marco/08023741_4677043648.jpg 0 0 +piazza_san_marco/63442625_6470162101.jpg piazza_san_marco/36111627_7991189675.jpg 0 0 +piazza_san_marco/63537846_4128582942.jpg piazza_san_marco/35580319_7242840168.jpg 0 0 +piazza_san_marco/63653340_2826842977.jpg piazza_san_marco/19489590_236391387.jpg 0 0 +piazza_san_marco/63857949_8723080529.jpg piazza_san_marco/15148634_5228701572.jpg 0 0 +piazza_san_marco/63857949_8723080529.jpg piazza_san_marco/58895530_3799481913.jpg 0 0 +piazza_san_marco/64594077_8123467784.jpg piazza_san_marco/20308172_3751782049.jpg 0 0 +piazza_san_marco/64594077_8123467784.jpg piazza_san_marco/51956988_5207058219.jpg 0 0 +piazza_san_marco/64656176_4679312849.jpg piazza_san_marco/63274578_2100444889.jpg 0 0 +piazza_san_marco/64743922_5783936681.jpg piazza_san_marco/04953444_2423753086.jpg 0 0 +piazza_san_marco/64743922_5783936681.jpg piazza_san_marco/20308172_3751782049.jpg 0 0 +piazza_san_marco/64743922_5783936681.jpg piazza_san_marco/29028340_7801838214.jpg 0 0 +piazza_san_marco/64743922_5783936681.jpg piazza_san_marco/43613632_3927740200.jpg 0 0 +piazza_san_marco/64743922_5783936681.jpg piazza_san_marco/45865934_9118195672.jpg 0 0 +piazza_san_marco/65217461_5742419027.jpg piazza_san_marco/15304651_3539832959.jpg 0 0 +piazza_san_marco/65402493_2396575310.jpg piazza_san_marco/15148634_5228701572.jpg 0 0 +piazza_san_marco/65402493_2396575310.jpg piazza_san_marco/31074615_337589016.jpg 0 0 +piazza_san_marco/65402493_2396575310.jpg piazza_san_marco/49865216_1748767363.jpg 0 0 +piazza_san_marco/65627187_4621853852.jpg piazza_san_marco/32189638_13916077925.jpg 0 0 +piazza_san_marco/72108655_2387642563.jpg piazza_san_marco/43351518_2659980686.jpg 0 0 +piazza_san_marco/72108655_2387642563.jpg piazza_san_marco/62921760_5076240383.jpg 0 0 +piazza_san_marco/72108655_2387642563.jpg piazza_san_marco/63823465_312464387.jpg 0 0 +piazza_san_marco/72137639_2396573496.jpg piazza_san_marco/06295798_12300742994.jpg 0 0 +piazza_san_marco/72137639_2396573496.jpg piazza_san_marco/37929918_11153434073.jpg 0 0 +piazza_san_marco/73031475_2511490966.jpg piazza_san_marco/63338936_4890937953.jpg 0 0 +piazza_san_marco/73078543_3145524064.jpg piazza_san_marco/60103943_4900329193.jpg 0 0 +piazza_san_marco/73108736_2395798865.jpg piazza_san_marco/21934911_4003183688.jpg 0 0 +piazza_san_marco/73377885_8565827693.jpg piazza_san_marco/23751938_13250570774.jpg 0 0 +piazza_san_marco/73377885_8565827693.jpg piazza_san_marco/51202043_9310221789.jpg 0 0 +piazza_san_marco/73377885_8565827693.jpg piazza_san_marco/73031475_2511490966.jpg 0 0 +piazza_san_marco/73403778_6170168314.jpg piazza_san_marco/32061298_12585710763.jpg 0 0 +piazza_san_marco/73403778_6170168314.jpg piazza_san_marco/47978286_6233178275.jpg 0 0 +piazza_san_marco/73403778_6170168314.jpg piazza_san_marco/73078543_3145524064.jpg 0 0 +piazza_san_marco/73403778_6170168314.jpg piazza_san_marco/73377885_8565827693.jpg 0 0 +piazza_san_marco/74263091_7852076056.jpg piazza_san_marco/16953110_11565839383.jpg 0 0 +piazza_san_marco/74263091_7852076056.jpg piazza_san_marco/30421945_199386877.jpg 0 0 +piazza_san_marco/74527868_4826312307.jpg piazza_san_marco/20659768_370983914.jpg 0 0 +piazza_san_marco/74527868_4826312307.jpg piazza_san_marco/72137639_2396573496.jpg 0 0 +piazza_san_marco/74866473_2387505643.jpg piazza_san_marco/50945014_11874822725.jpg 0 0 +piazza_san_marco/74898472_10388533604.jpg piazza_san_marco/06770278_12300476553.jpg 0 0 +piazza_san_marco/74916703_5908105580.jpg piazza_san_marco/31886141_6282148917.jpg 0 0 +piazza_san_marco/75292523_2051266090.jpg piazza_san_marco/05687240_1655294248.jpg 0 0 +piazza_san_marco/75308231_2511491192.jpg piazza_san_marco/33370194_3086484243.jpg 0 0 +piazza_san_marco/75477827_2387644061.jpg piazza_san_marco/08023741_4677043648.jpg 0 0 +piazza_san_marco/77003989_7920835670.jpg piazza_san_marco/60670754_4994924151.jpg 0 0 +piazza_san_marco/77051149_4476113946.jpg piazza_san_marco/63442625_6470162101.jpg 0 0 +piazza_san_marco/77424109_6130805744.jpg piazza_san_marco/51956988_5207058219.jpg 0 0 +piazza_san_marco/77424109_6130805744.jpg piazza_san_marco/61930566_214360505.jpg 0 0 +piazza_san_marco/77521770_8269470005.jpg piazza_san_marco/62921760_5076240383.jpg 0 0 +piazza_san_marco/78197122_7042380723.jpg piazza_san_marco/31074615_337589016.jpg 0 0 +piazza_san_marco/78197122_7042380723.jpg piazza_san_marco/50945014_11874822725.jpg 0 0 +piazza_san_marco/78389630_9150785175.jpg piazza_san_marco/15304651_3539832959.jpg 0 0 +piazza_san_marco/78561552_3419764262.jpg piazza_san_marco/19723085_13560889295.jpg 0 0 +piazza_san_marco/78561552_3419764262.jpg piazza_san_marco/45865934_9118195672.jpg 0 0 +piazza_san_marco/78561552_3419764262.jpg piazza_san_marco/61516101_5764639634.jpg 0 0 +piazza_san_marco/78561552_3419764262.jpg piazza_san_marco/64594077_8123467784.jpg 0 0 +piazza_san_marco/78737281_5764090221.jpg piazza_san_marco/08641657_1396164280.jpg 0 0 +piazza_san_marco/78763159_3108420750.jpg piazza_san_marco/73403778_6170168314.jpg 0 0 +piazza_san_marco/78763159_3108420750.jpg piazza_san_marco/77566319_4610981397.jpg 0 0 +piazza_san_marco/78826220_5076853856.jpg piazza_san_marco/06295798_12300742994.jpg 0 0 +piazza_san_marco/78826220_5076853856.jpg piazza_san_marco/06795901_3725050516.jpg 0 0 +piazza_san_marco/78826220_5076853856.jpg piazza_san_marco/44559050_8123175494.jpg 0 0 +piazza_san_marco/78826220_5076853856.jpg piazza_san_marco/62409294_4434824649.jpg 0 0 +piazza_san_marco/79015492_5156227704.jpg piazza_san_marco/00509209_2257958656.jpg 0 0 +piazza_san_marco/79015492_5156227704.jpg piazza_san_marco/45237970_2886209338.jpg 0 0 +piazza_san_marco/79212202_7390070042.jpg piazza_san_marco/16020278_3065916809.jpg 0 0 +piazza_san_marco/79212202_7390070042.jpg piazza_san_marco/47978286_6233178275.jpg 0 0 +piazza_san_marco/79212202_7390070042.jpg piazza_san_marco/50153416_1936826074.jpg 0 0 +piazza_san_marco/79212202_7390070042.jpg piazza_san_marco/77521770_8269470005.jpg 0 0 +piazza_san_marco/79254412_8307212818.jpg piazza_san_marco/43613632_3927740200.jpg 0 0 +piazza_san_marco/79254412_8307212818.jpg piazza_san_marco/45237970_2886209338.jpg 0 0 +piazza_san_marco/79407265_89273988.jpg piazza_san_marco/03693106_384020886.jpg 0 0 +piazza_san_marco/79407265_89273988.jpg piazza_san_marco/16020278_3065916809.jpg 0 0 +piazza_san_marco/79407265_89273988.jpg piazza_san_marco/48581346_160207431.jpg 0 0 +piazza_san_marco/79407265_89273988.jpg piazza_san_marco/62790655_2282561318.jpg 0 0 +piazza_san_marco/79407265_89273988.jpg piazza_san_marco/74904629_1996652968.jpg 0 0 +piazza_san_marco/79442373_8155669197.jpg piazza_san_marco/73403778_6170168314.jpg 0 0 +piazza_san_marco/79666681_10553566785.jpg piazza_san_marco/00911019_30410665.jpg 0 0 +piazza_san_marco/79666681_10553566785.jpg piazza_san_marco/17443033_7313985440.jpg 0 0 +piazza_san_marco/79682395_5076856297.jpg piazza_san_marco/48336247_12513898.jpg 0 0 +piazza_san_marco/79682395_5076856297.jpg piazza_san_marco/77051149_4476113946.jpg 0 0 +piazza_san_marco/80473531_4064167989.jpg piazza_san_marco/21269219_11222531165.jpg 0 0 +piazza_san_marco/86366235_8544729158.jpg piazza_san_marco/15304651_3539832959.jpg 0 0 +piazza_san_marco/86390456_4731250935.jpg piazza_san_marco/74867893_6196270991.jpg 0 0 +piazza_san_marco/87075524_5742959286.jpg piazza_san_marco/06795901_3725050516.jpg 0 0 +piazza_san_marco/87075524_5742959286.jpg piazza_san_marco/50945014_11874822725.jpg 0 0 +piazza_san_marco/87179181_4063549880.jpg piazza_san_marco/16953110_11565839383.jpg 0 0 +piazza_san_marco/87881625_5204241577.jpg piazza_san_marco/62173718_8535861281.jpg 0 0 +piazza_san_marco/87881625_5204241577.jpg piazza_san_marco/77051149_4476113946.jpg 0 0 +piazza_san_marco/88128107_7274587574.jpg piazza_san_marco/04047711_9535362799.jpg 0 0 +piazza_san_marco/88128107_7274587574.jpg piazza_san_marco/20308172_3751782049.jpg 0 0 +piazza_san_marco/88128107_7274587574.jpg piazza_san_marco/44162677_9178589722.jpg 0 0 +piazza_san_marco/88128107_7274587574.jpg piazza_san_marco/66875911_37658371.jpg 0 0 +piazza_san_marco/88128107_7274587574.jpg piazza_san_marco/87075524_5742959286.jpg 0 0 +piazza_san_marco/88529748_4619988049.jpg piazza_san_marco/62173718_8535861281.jpg 0 0 +piazza_san_marco/88529748_4619988049.jpg piazza_san_marco/77051149_4476113946.jpg 0 0 +piazza_san_marco/88903035_931104328.jpg piazza_san_marco/44162677_9178589722.jpg 0 0 +piazza_san_marco/88903035_931104328.jpg piazza_san_marco/73108736_2395798865.jpg 0 0 +piazza_san_marco/89187826_2713761502.jpg piazza_san_marco/49865216_1748767363.jpg 0 0 +piazza_san_marco/89187826_2713761502.jpg piazza_san_marco/50945014_11874822725.jpg 0 0 +piazza_san_marco/89712692_8270535190.jpg piazza_san_marco/37929918_11153434073.jpg 0 0 +piazza_san_marco/89712692_8270535190.jpg piazza_san_marco/77051149_4476113946.jpg 0 0 +piazza_san_marco/89716178_7078411929.jpg piazza_san_marco/78561552_3419764262.jpg 0 0 +piazza_san_marco/90493830_2558575355.jpg piazza_san_marco/74916703_5908105580.jpg 0 0 +piazza_san_marco/90638337_1435435593.jpg piazza_san_marco/05446260_7175726639.jpg 0 0 +piazza_san_marco/90638337_1435435593.jpg piazza_san_marco/08020749_4084672329.jpg 0 0 +piazza_san_marco/91074477_4346050514.jpg piazza_san_marco/16413076_9488649958.jpg 0 0 +piazza_san_marco/91074477_4346050514.jpg piazza_san_marco/72476032_7195353632.jpg 0 0 +piazza_san_marco/91074477_4346050514.jpg piazza_san_marco/74527868_4826312307.jpg 0 0 +piazza_san_marco/91217018_430586397.jpg piazza_san_marco/34900147_9647945813.jpg 0 0 +piazza_san_marco/91220503_2367910011.jpg piazza_san_marco/77424109_6130805744.jpg 0 0 +piazza_san_marco/91754868_8269469475.jpg piazza_san_marco/35580319_7242840168.jpg 0 0 +piazza_san_marco/91754868_8269469475.jpg piazza_san_marco/75292523_2051266090.jpg 0 0 +piazza_san_marco/91754868_8269469475.jpg piazza_san_marco/75477827_2387644061.jpg 0 0 +piazza_san_marco/91949369_5742957310.jpg piazza_san_marco/74527868_4826312307.jpg 0 0 +piazza_san_marco/91949369_5742957310.jpg piazza_san_marco/78737281_5764090221.jpg 0 0 +piazza_san_marco/91949369_5742957310.jpg piazza_san_marco/90726425_1192292030.jpg 0 0 +piazza_san_marco/92411490_3982080934.jpg piazza_san_marco/04017487_9005602998.jpg 0 0 +piazza_san_marco/92411490_3982080934.jpg piazza_san_marco/06795901_3725050516.jpg 0 0 +piazza_san_marco/92411490_3982080934.jpg piazza_san_marco/18522932_1886959999.jpg 0 0 +piazza_san_marco/92411490_3982080934.jpg piazza_san_marco/65627187_4621853852.jpg 0 0 +piazza_san_marco/92411490_3982080934.jpg piazza_san_marco/79015492_5156227704.jpg 0 0 +piazza_san_marco/92636520_2754649089.jpg piazza_san_marco/63537846_4128582942.jpg 0 0 +piazza_san_marco/92643910_5422709475.jpg piazza_san_marco/20659768_370983914.jpg 0 0 +piazza_san_marco/92731479_11583537716.jpg piazza_san_marco/20649592_384001953.jpg 0 0 +piazza_san_marco/92731479_11583537716.jpg piazza_san_marco/90726425_1192292030.jpg 0 0 +piazza_san_marco/92816782_2348689080.jpg piazza_san_marco/16413076_9488649958.jpg 0 0 +piazza_san_marco/92816782_2348689080.jpg piazza_san_marco/51684108_3672893181.jpg 0 0 +piazza_san_marco/93049757_375115894.jpg piazza_san_marco/36422008_2674079787.jpg 0 0 +piazza_san_marco/93049757_375115894.jpg piazza_san_marco/45865934_9118195672.jpg 0 0 +piazza_san_marco/93114090_518435769.jpg piazza_san_marco/63537846_4128582942.jpg 0 0 +piazza_san_marco/93221497_7164520549.jpg piazza_san_marco/58895530_3799481913.jpg 0 0 +piazza_san_marco/93221497_7164520549.jpg piazza_san_marco/79212202_7390070042.jpg 0 0 +piazza_san_marco/93587382_6156273792.jpg piazza_san_marco/50945014_11874822725.jpg 0 0 +piazza_san_marco/93895621_4064914168.jpg piazza_san_marco/37929918_11153434073.jpg 0 0 +piazza_san_marco/93895621_4064914168.jpg piazza_san_marco/92731479_11583537716.jpg 0 0 +piazza_san_marco/94011496_2894625345.jpg piazza_san_marco/50945014_11874822725.jpg 0 0 +piazza_san_marco/94011496_2894625345.jpg piazza_san_marco/79015492_5156227704.jpg 0 0 +piazza_san_marco/94214075_5607687744.jpg piazza_san_marco/43351518_2659980686.jpg 0 0 +piazza_san_marco/94214075_5607687744.jpg piazza_san_marco/60670754_4994924151.jpg 0 0 +piazza_san_marco/94214075_5607687744.jpg piazza_san_marco/74263091_7852076056.jpg 0 0 +piazza_san_marco/94335283_2094194994.jpg piazza_san_marco/04953444_2423753086.jpg 0 0 +piazza_san_marco/94335283_2094194994.jpg piazza_san_marco/06770278_12300476553.jpg 0 0 +piazza_san_marco/94335283_2094194994.jpg piazza_san_marco/15148634_5228701572.jpg 0 0 +piazza_san_marco/94335283_2094194994.jpg piazza_san_marco/43351518_2659980686.jpg 0 0 +piazza_san_marco/95011980_440501799.jpg piazza_san_marco/79407265_89273988.jpg 0 0 +piazza_san_marco/95318611_2387505083.jpg piazza_san_marco/22896449_6282149621.jpg 0 0 +piazza_san_marco/95318611_2387505083.jpg piazza_san_marco/35052211_7626597300.jpg 0 0 +reichstag/05866831_3427466899.jpg reichstag/05466646_5360480312.jpg 0 0 +reichstag/06030835_119872882.jpg reichstag/05545431_1341290848.jpg 0 0 +reichstag/06229406_8584869180.jpg reichstag/05466646_5360480312.jpg 0 0 +reichstag/06639257_4979506057.jpg reichstag/05534141_6340060522.jpg 0 0 +reichstag/06796518_2036664706.jpg reichstag/05534141_6340060522.jpg 0 0 +reichstag/06796518_2036664706.jpg reichstag/05545431_1341290848.jpg 0 0 +reichstag/06796518_2036664706.jpg reichstag/06639257_4979506057.jpg 0 0 +reichstag/06857713_2570944910.jpg reichstag/05466646_5360480312.jpg 0 0 +reichstag/20329925_5164269072.jpg reichstag/05545431_1341290848.jpg 0 0 +reichstag/20613988_1265419368.jpg reichstag/05466646_5360480312.jpg 0 0 +reichstag/20982577_4977562846.jpg reichstag/05466646_5360480312.jpg 0 0 +reichstag/20982577_4977562846.jpg reichstag/05534141_6340060522.jpg 0 0 +reichstag/20982577_4977562846.jpg reichstag/05545431_1341290848.jpg 0 0 +reichstag/20982577_4977562846.jpg reichstag/05866831_3427466899.jpg 0 0 +reichstag/20982577_4977562846.jpg reichstag/06639257_4979506057.jpg 0 0 +reichstag/20982577_4977562846.jpg reichstag/20329925_5164269072.jpg 0 0 +reichstag/34272622_11098902473.jpg reichstag/06857713_2570944910.jpg 0 0 +reichstag/34272622_11098902473.jpg reichstag/19799508_3094174298.jpg 0 0 +reichstag/34272622_11098902473.jpg reichstag/20613988_1265419368.jpg 0 0 +reichstag/34481400_9199849492.jpg reichstag/05545431_1341290848.jpg 0 0 +reichstag/34481400_9199849492.jpg reichstag/06796518_2036664706.jpg 0 0 +reichstag/34481400_9199849492.jpg reichstag/20982577_4977562846.jpg 0 0 +reichstag/34481400_9199849492.jpg reichstag/34272622_11098902473.jpg 0 0 +reichstag/48542127_4157749181.jpg reichstag/34272622_11098902473.jpg 0 0 +reichstag/48551853_12793928283.jpg reichstag/05466646_5360480312.jpg 0 0 +reichstag/48551853_12793928283.jpg reichstag/06373813_9127207861.jpg 0 0 +reichstag/48551853_12793928283.jpg reichstag/20613988_1265419368.jpg 0 0 +reichstag/48716728_829974943.jpg reichstag/05534141_6340060522.jpg 0 0 +reichstag/48716728_829974943.jpg reichstag/05866831_3427466899.jpg 0 0 +reichstag/48716728_829974943.jpg reichstag/06030835_119872882.jpg 0 0 +reichstag/48716728_829974943.jpg reichstag/20329925_5164269072.jpg 0 0 +reichstag/48815289_2513792540.jpg reichstag/05866831_3427466899.jpg 0 0 +reichstag/48815289_2513792540.jpg reichstag/06030835_119872882.jpg 0 0 +reichstag/48815289_2513792540.jpg reichstag/34481400_9199849492.jpg 0 0 +reichstag/48900330_6782044072.jpg reichstag/06030835_119872882.jpg 0 0 +reichstag/48900330_6782044072.jpg reichstag/06639257_4979506057.jpg 0 0 +reichstag/48983853_5719892543.jpg reichstag/05545431_1341290848.jpg 0 0 +reichstag/48983853_5719892543.jpg reichstag/05866831_3427466899.jpg 0 0 +reichstag/48983853_5719892543.jpg reichstag/06030835_119872882.jpg 0 0 +reichstag/48983853_5719892543.jpg reichstag/06639257_4979506057.jpg 0 0 +reichstag/48983853_5719892543.jpg reichstag/06796518_2036664706.jpg 0 0 +reichstag/49051226_8836027266.jpg reichstag/06030835_119872882.jpg 0 0 +reichstag/49051226_8836027266.jpg reichstag/06796518_2036664706.jpg 0 0 +reichstag/49051226_8836027266.jpg reichstag/48551853_12793928283.jpg 0 0 +reichstag/49501249_12793461434.jpg reichstag/05866831_3427466899.jpg 0 0 +reichstag/49501249_12793461434.jpg reichstag/05936329_2458217347.jpg 0 0 +reichstag/49501249_12793461434.jpg reichstag/05978621_9257964873.jpg 0 0 +reichstag/49501249_12793461434.jpg reichstag/06796518_2036664706.jpg 0 0 +reichstag/49501249_12793461434.jpg reichstag/20099963_3586531606.jpg 0 0 +reichstag/49501249_12793461434.jpg reichstag/34481400_9199849492.jpg 0 0 +reichstag/49501249_12793461434.jpg reichstag/34537245_34002183.jpg 0 0 +reichstag/62810349_4295140640.jpg reichstag/05466646_5360480312.jpg 0 0 +reichstag/63329391_7754963780.jpg reichstag/06030835_119872882.jpg 0 0 +reichstag/63329391_7754963780.jpg reichstag/48551853_12793928283.jpg 0 0 +reichstag/63329391_7754963780.jpg reichstag/48900330_6782044072.jpg 0 0 +reichstag/63329391_7754963780.jpg reichstag/48983853_5719892543.jpg 0 0 +reichstag/64097451_5212815345.jpg reichstag/05866831_3427466899.jpg 0 0 +reichstag/64097451_5212815345.jpg reichstag/06229406_8584869180.jpg 0 0 +reichstag/64097451_5212815345.jpg reichstag/06796518_2036664706.jpg 0 0 +reichstag/64097451_5212815345.jpg reichstag/48551853_12793928283.jpg 0 0 +reichstag/64097451_5212815345.jpg reichstag/48716728_829974943.jpg 0 0 +reichstag/64097451_5212815345.jpg reichstag/48983853_5719892543.jpg 0 0 +reichstag/64097451_5212815345.jpg reichstag/49501249_12793461434.jpg 0 0 +reichstag/64097451_5212815345.jpg reichstag/62810349_4295140640.jpg 0 0 +reichstag/64127786_281241429.jpg reichstag/05466646_5360480312.jpg 0 0 +reichstag/64127786_281241429.jpg reichstag/06030835_119872882.jpg 0 0 +reichstag/64127786_281241429.jpg reichstag/06639257_4979506057.jpg 0 0 +reichstag/64127786_281241429.jpg reichstag/06796518_2036664706.jpg 0 0 +reichstag/64127786_281241429.jpg reichstag/34481400_9199849492.jpg 0 0 +reichstag/64127786_281241429.jpg reichstag/48716728_829974943.jpg 0 0 +reichstag/64127786_281241429.jpg reichstag/48815289_2513792540.jpg 0 0 +reichstag/64127786_281241429.jpg reichstag/48900330_6782044072.jpg 0 0 +reichstag/64271070_4602086309.jpg reichstag/49501249_12793461434.jpg 0 0 +reichstag/76958303_5507621260.jpg reichstag/05466646_5360480312.jpg 0 0 +reichstag/76958303_5507621260.jpg reichstag/20329925_5164269072.jpg 0 0 +reichstag/77107104_4141016705.jpg reichstag/05545431_1341290848.jpg 0 0 +reichstag/77107104_4141016705.jpg reichstag/63329391_7754963780.jpg 0 0 +reichstag/77214581_8512429399.jpg reichstag/05466646_5360480312.jpg 0 0 +reichstag/77214581_8512429399.jpg reichstag/05545431_1341290848.jpg 0 0 +reichstag/77214581_8512429399.jpg reichstag/06639257_4979506057.jpg 0 0 +reichstag/77214581_8512429399.jpg reichstag/20329925_5164269072.jpg 0 0 +reichstag/77214581_8512429399.jpg reichstag/48551853_12793928283.jpg 0 0 +reichstag/77214581_8512429399.jpg reichstag/49501249_12793461434.jpg 0 0 +reichstag/77274889_6889793618.jpg reichstag/06229406_8584869180.jpg 0 0 +reichstag/77274889_6889793618.jpg reichstag/34272622_11098902473.jpg 0 0 +reichstag/77274889_6889793618.jpg reichstag/34481400_9199849492.jpg 0 0 +reichstag/77274889_6889793618.jpg reichstag/49501249_12793461434.jpg 0 0 +reichstag/77274889_6889793618.jpg reichstag/62810349_4295140640.jpg 0 0 +reichstag/77349640_2188160842.jpg reichstag/06639257_4979506057.jpg 0 0 +reichstag/77349640_2188160842.jpg reichstag/06796518_2036664706.jpg 0 0 +reichstag/77349640_2188160842.jpg reichstag/34481400_9199849492.jpg 0 0 +reichstag/77349640_2188160842.jpg reichstag/48551853_12793928283.jpg 0 0 +reichstag/77349640_2188160842.jpg reichstag/48668943_3586566128.jpg 0 0 +reichstag/77349640_2188160842.jpg reichstag/48983853_5719892543.jpg 0 0 +reichstag/77349640_2188160842.jpg reichstag/49501249_12793461434.jpg 0 0 +reichstag/77349640_2188160842.jpg reichstag/62673079_4759250457.jpg 0 0 +reichstag/77349640_2188160842.jpg reichstag/62810349_4295140640.jpg 0 0 +reichstag/77349640_2188160842.jpg reichstag/64097451_5212815345.jpg 0 0 +reichstag/77349640_2188160842.jpg reichstag/64127786_281241429.jpg 0 0 +reichstag/77349640_2188160842.jpg reichstag/76958303_5507621260.jpg 0 0 +reichstag/77349640_2188160842.jpg reichstag/77107104_4141016705.jpg 0 0 +reichstag/77361791_2035867493.jpg reichstag/05545431_1341290848.jpg 0 0 +reichstag/77361791_2035867493.jpg reichstag/06229406_8584869180.jpg 0 0 +reichstag/77361791_2035867493.jpg reichstag/20982577_4977562846.jpg 0 0 +reichstag/77361791_2035867493.jpg reichstag/48551853_12793928283.jpg 0 0 +reichstag/77361791_2035867493.jpg reichstag/48983853_5719892543.jpg 0 0 +reichstag/77361791_2035867493.jpg reichstag/63329391_7754963780.jpg 0 0 +reichstag/77361791_2035867493.jpg reichstag/77274889_6889793618.jpg 0 0 +reichstag/77458003_1504115665.jpg reichstag/20329925_5164269072.jpg 0 0 +reichstag/77458003_1504115665.jpg reichstag/20613988_1265419368.jpg 0 0 +reichstag/77458003_1504115665.jpg reichstag/48668943_3586566128.jpg 0 0 +reichstag/77458003_1504115665.jpg reichstag/48900330_6782044072.jpg 0 0 +reichstag/77458003_1504115665.jpg reichstag/48983853_5719892543.jpg 0 0 +reichstag/77458003_1504115665.jpg reichstag/62810349_4295140640.jpg 0 0 +reichstag/77458003_1504115665.jpg reichstag/63329391_7754963780.jpg 0 0 +reichstag/77458003_1504115665.jpg reichstag/63812586_393800330.jpg 0 0 +reichstag/77458003_1504115665.jpg reichstag/76958303_5507621260.jpg 0 0 +reichstag/77458003_1504115665.jpg reichstag/77122925_1063274053.jpg 0 0 +reichstag/77594532_1434504133.jpg reichstag/34481400_9199849492.jpg 0 0 +reichstag/77594532_1434504133.jpg reichstag/48551853_12793928283.jpg 0 0 +reichstag/77594532_1434504133.jpg reichstag/77458003_1504115665.jpg 0 0 +reichstag/77902859_6141520050.jpg reichstag/05545431_1341290848.jpg 0 0 +reichstag/77902859_6141520050.jpg reichstag/05866831_3427466899.jpg 0 0 +reichstag/77902859_6141520050.jpg reichstag/20982577_4977562846.jpg 0 0 +reichstag/77902859_6141520050.jpg reichstag/49501249_12793461434.jpg 0 0 +reichstag/77902859_6141520050.jpg reichstag/64127786_281241429.jpg 0 0 +reichstag/77902859_6141520050.jpg reichstag/77458003_1504115665.jpg 0 0 +reichstag/78040542_6368040213.jpg reichstag/49501249_12793461434.jpg 0 0 +reichstag/78043438_3428167710.jpg reichstag/05866831_3427466899.jpg 0 0 +reichstag/78043438_3428167710.jpg reichstag/20329925_5164269072.jpg 0 0 +reichstag/78043438_3428167710.jpg reichstag/20982577_4977562846.jpg 0 0 +reichstag/78043438_3428167710.jpg reichstag/34481400_9199849492.jpg 0 0 +reichstag/78043438_3428167710.jpg reichstag/48716728_829974943.jpg 0 0 +reichstag/78043438_3428167710.jpg reichstag/48983853_5719892543.jpg 0 0 +reichstag/78043438_3428167710.jpg reichstag/64127786_281241429.jpg 0 0 +reichstag/78043438_3428167710.jpg reichstag/77107104_4141016705.jpg 0 0 +reichstag/78043438_3428167710.jpg reichstag/77274889_6889793618.jpg 0 0 +reichstag/78043438_3428167710.jpg reichstag/77361791_2035867493.jpg 0 0 +reichstag/78043438_3428167710.jpg reichstag/77902859_6141520050.jpg 0 0 +reichstag/91549947_3428166276.jpg reichstag/05466646_5360480312.jpg 0 0 +reichstag/91549947_3428166276.jpg reichstag/05545431_1341290848.jpg 0 0 +reichstag/91549947_3428166276.jpg reichstag/48551853_12793928283.jpg 0 0 +reichstag/91549947_3428166276.jpg reichstag/48716728_829974943.jpg 0 0 +reichstag/91549947_3428166276.jpg reichstag/48983853_5719892543.jpg 0 0 +reichstag/91549947_3428166276.jpg reichstag/49051226_8836027266.jpg 0 0 +reichstag/91549947_3428166276.jpg reichstag/64097451_5212815345.jpg 0 0 +reichstag/91549947_3428166276.jpg reichstag/77214581_8512429399.jpg 0 0 +reichstag/91629190_2705184160.jpg reichstag/05534141_6340060522.jpg 0 0 +reichstag/91629190_2705184160.jpg reichstag/48900330_6782044072.jpg 0 0 +reichstag/91629190_2705184160.jpg reichstag/48983853_5719892543.jpg 0 0 +reichstag/91629190_2705184160.jpg reichstag/63329391_7754963780.jpg 0 0 +reichstag/91629190_2705184160.jpg reichstag/64097451_5212815345.jpg 0 0 +reichstag/91629190_2705184160.jpg reichstag/64127786_281241429.jpg 0 0 +reichstag/91629190_2705184160.jpg reichstag/77274889_6889793618.jpg 0 0 +reichstag/91629190_2705184160.jpg reichstag/91549947_3428166276.jpg 0 0 +reichstag/91831337_388207037.jpg reichstag/05866831_3427466899.jpg 0 0 +reichstag/91831337_388207037.jpg reichstag/06030835_119872882.jpg 0 0 +reichstag/91831337_388207037.jpg reichstag/06796518_2036664706.jpg 0 0 +reichstag/91831337_388207037.jpg reichstag/20329925_5164269072.jpg 0 0 +reichstag/91831337_388207037.jpg reichstag/34537245_34002183.jpg 0 0 +reichstag/91831337_388207037.jpg reichstag/48983853_5719892543.jpg 0 0 +reichstag/91831337_388207037.jpg reichstag/77107104_4141016705.jpg 0 0 +reichstag/91831337_388207037.jpg reichstag/77214581_8512429399.jpg 0 0 +reichstag/91840440_9426147613.jpg reichstag/48716728_829974943.jpg 0 0 +reichstag/91840440_9426147613.jpg reichstag/48900330_6782044072.jpg 0 0 +reichstag/91840440_9426147613.jpg reichstag/49051226_8836027266.jpg 0 0 +reichstag/91840440_9426147613.jpg reichstag/64127786_281241429.jpg 0 0 +reichstag/91840440_9426147613.jpg reichstag/77349640_2188160842.jpg 0 0 +reichstag/92102978_5376734902.jpg reichstag/05534141_6340060522.jpg 0 0 +reichstag/92102978_5376734902.jpg reichstag/06030835_119872882.jpg 0 0 +reichstag/92102978_5376734902.jpg reichstag/20329925_5164269072.jpg 0 0 +reichstag/92102978_5376734902.jpg reichstag/48900330_6782044072.jpg 0 0 +reichstag/92102978_5376734902.jpg reichstag/63329391_7754963780.jpg 0 0 +reichstag/92102978_5376734902.jpg reichstag/91629190_2705184160.jpg 0 0 +reichstag/92414106_7915968882.jpg reichstag/34272622_11098902473.jpg 0 0 +reichstag/92414106_7915968882.jpg reichstag/91831337_388207037.jpg 0 0 +reichstag/92414106_7915968882.jpg reichstag/91840440_9426147613.jpg 0 0 +reichstag/92481126_2062182859.jpg reichstag/05466646_5360480312.jpg 0 0 +reichstag/92481126_2062182859.jpg reichstag/05545431_1341290848.jpg 0 0 +reichstag/92481126_2062182859.jpg reichstag/48551853_12793928283.jpg 0 0 +reichstag/92481126_2062182859.jpg reichstag/64097451_5212815345.jpg 0 0 +reichstag/92481126_2062182859.jpg reichstag/77214581_8512429399.jpg 0 0 +reichstag/92481126_2062182859.jpg reichstag/77361791_2035867493.jpg 0 0 +reichstag/92481126_2062182859.jpg reichstag/77902859_6141520050.jpg 0 0 +reichstag/92481126_2062182859.jpg reichstag/78043438_3428167710.jpg 0 0 +reichstag/92481126_2062182859.jpg reichstag/91549947_3428166276.jpg 0 0 +reichstag/92481126_2062182859.jpg reichstag/91840440_9426147613.jpg 0 0 +reichstag/92697655_166630020.jpg reichstag/20329925_5164269072.jpg 0 0 +reichstag/92697655_166630020.jpg reichstag/77349640_2188160842.jpg 0 0 +reichstag/92697655_166630020.jpg reichstag/91831337_388207037.jpg 0 0 +reichstag/92697655_166630020.jpg reichstag/92414106_7915968882.jpg 0 0 +reichstag/92753909_16247242.jpg reichstag/05466646_5360480312.jpg 0 0 +reichstag/92753909_16247242.jpg reichstag/06639257_4979506057.jpg 0 0 +reichstag/92753909_16247242.jpg reichstag/06796518_2036664706.jpg 0 0 +reichstag/92753909_16247242.jpg reichstag/20982577_4977562846.jpg 0 0 +reichstag/92753909_16247242.jpg reichstag/48815289_2513792540.jpg 0 0 +reichstag/92753909_16247242.jpg reichstag/49501249_12793461434.jpg 0 0 +reichstag/92753909_16247242.jpg reichstag/77349640_2188160842.jpg 0 0 +reichstag/92753909_16247242.jpg reichstag/77458003_1504115665.jpg 0 0 +reichstag/92753909_16247242.jpg reichstag/92481126_2062182859.jpg 0 0 +sagrada_familia/19984930_1145725136.jpg sagrada_familia/12770134_3005812068.jpg 0 0 +sagrada_familia/20823420_2517837445.jpg sagrada_familia/06472125_1559910919.jpg 0 0 +sagrada_familia/20823420_2517837445.jpg sagrada_familia/07243806_6872304775.jpg 0 0 +sagrada_familia/20823420_2517837445.jpg sagrada_familia/10663611_8011833165.jpg 0 0 +sagrada_familia/40051122_331460052.jpg sagrada_familia/35256775_2917928780.jpg 0 0 +sagrada_familia/40051122_331460052.jpg sagrada_familia/38841475_337764293.jpg 0 0 +sagrada_familia/40758654_6777208517.jpg sagrada_familia/38813090_8718096192.jpg 0 0 +sagrada_familia/49809790_3475639998.jpg sagrada_familia/38813090_8718096192.jpg 0 0 +sagrada_familia/50533266_2205998141.jpg sagrada_familia/10663611_8011833165.jpg 0 0 +sagrada_familia/50533266_2205998141.jpg sagrada_familia/13733906_13273000843.jpg 0 3 +sagrada_familia/50555888_4522439720.jpg sagrada_familia/27509064_544054747.jpg 0 0 +sagrada_familia/53139401_542430193.jpg sagrada_familia/20823420_2517837445.jpg 0 0 +sagrada_familia/54067497_536054505.jpg sagrada_familia/53685662_3717501640.jpg 0 0 +sagrada_familia/54163059_5716537618.jpg sagrada_familia/50555888_4522439720.jpg 0 0 +sagrada_familia/54347804_2292452655.jpg sagrada_familia/25696031_9137970326.jpg 0 0 +sagrada_familia/54347804_2292452655.jpg sagrada_familia/25698610_255919153.jpg 0 0 +sagrada_familia/54347804_2292452655.jpg sagrada_familia/27890077_2479274373.jpg 0 0 +sagrada_familia/54347804_2292452655.jpg sagrada_familia/28054738_800221072.jpg 0 0 +sagrada_familia/54347804_2292452655.jpg sagrada_familia/35826726_5196132753.jpg 0 0 +sagrada_familia/54357333_3440411087.jpg sagrada_familia/38813090_8718096192.jpg 0 0 +sagrada_familia/54627819_131932061.jpg sagrada_familia/26562357_392867929.jpg 0 0 +sagrada_familia/55511525_3006982389.jpg sagrada_familia/38813090_8718096192.jpg 0 0 +sagrada_familia/55681420_9334004985.jpg sagrada_familia/19984930_1145725136.jpg 0 0 +sagrada_familia/56854840_6393356391.jpg sagrada_familia/38813090_8718096192.jpg 0 0 +sagrada_familia/63115108_7361811820.jpg sagrada_familia/10753602_5372457519.jpg 0 0 +sagrada_familia/63115108_7361811820.jpg sagrada_familia/12431116_2036747570.jpg 0 0 +sagrada_familia/63115108_7361811820.jpg sagrada_familia/25187960_71513912.jpg 0 0 +sagrada_familia/63115108_7361811820.jpg sagrada_familia/40675016_6796035625.jpg 0 0 +sagrada_familia/63115108_7361811820.jpg sagrada_familia/41008058_11378443185.jpg 0 0 +sagrada_familia/63135281_5801848783.jpg sagrada_familia/40051122_331460052.jpg 0 0 +sagrada_familia/63329370_9388052579.jpg sagrada_familia/57150283_3781281244.jpg 0 0 +sagrada_familia/63658177_5762079910.jpg sagrada_familia/38813090_8718096192.jpg 0 0 +sagrada_familia/64221081_3554468955.jpg sagrada_familia/50533266_2205998141.jpg 0 0 +sagrada_familia/64323676_6818875446.jpg sagrada_familia/38813090_8718096192.jpg 0 0 +sagrada_familia/64323676_6818875446.jpg sagrada_familia/38831042_7503459238.jpg 0 0 +sagrada_familia/64323676_6818875446.jpg sagrada_familia/40758654_6777208517.jpg 0 0 +sagrada_familia/64323676_6818875446.jpg sagrada_familia/54933845_5249908477.jpg 0 0 +sagrada_familia/64706254_8497647563.jpg sagrada_familia/50555888_4522439720.jpg 0 0 +sagrada_familia/64706254_8497647563.jpg sagrada_familia/54627819_131932061.jpg 0 0 +sagrada_familia/67474312_1037008516.jpg sagrada_familia/63115108_7361811820.jpg 0 0 +sagrada_familia/67537706_7619283504.jpg sagrada_familia/50533266_2205998141.jpg 0 0 +sagrada_familia/68153193_3880254823.jpg sagrada_familia/38813090_8718096192.jpg 3 0 +sagrada_familia/68420027_2806323314.jpg sagrada_familia/21526113_4379776807.jpg 0 0 +sagrada_familia/68420027_2806323314.jpg sagrada_familia/27575735_6078735425.jpg 0 0 +sagrada_familia/68585004_2249855733.jpg sagrada_familia/68420027_2806323314.jpg 0 0 +sagrada_familia/68778752_5850750270.jpg sagrada_familia/38813090_8718096192.jpg 0 0 +sagrada_familia/68819939_7619291090.jpg sagrada_familia/20664412_10641306555.jpg 0 0 +sagrada_familia/68819939_7619291090.jpg sagrada_familia/64003022_7172078138.jpg 0 0 +sagrada_familia/68904187_5071178043.jpg sagrada_familia/38813090_8718096192.jpg 0 0 +sagrada_familia/69305986_4941166067.jpg sagrada_familia/38813090_8718096192.jpg 0 0 +sagrada_familia/70361728_2162129761.jpg sagrada_familia/68420027_2806323314.jpg 0 0 +sagrada_familia/70774566_2471305349.jpg sagrada_familia/35014080_9822091453.jpg 0 0 +sagrada_familia/77056867_7461601108.jpg sagrada_familia/40051122_331460052.jpg 3 0 +sagrada_familia/77094281_7189061312.jpg sagrada_familia/63115108_7361811820.jpg 0 0 +sagrada_familia/77151900_277624143.jpg sagrada_familia/63115108_7361811820.jpg 3 0 +sagrada_familia/77221978_6935829227.jpg sagrada_familia/35496328_6037159177.jpg 0 0 +sagrada_familia/77638341_4064879131.jpg sagrada_familia/50533266_2205998141.jpg 0 0 +sagrada_familia/77638341_4064879131.jpg sagrada_familia/68819939_7619291090.jpg 0 0 +sagrada_familia/77890665_7213228852.jpg sagrada_familia/06610028_2530553679.jpg 0 0 +sagrada_familia/77890665_7213228852.jpg sagrada_familia/64706254_8497647563.jpg 0 0 +sagrada_familia/77943764_2807707499.jpg sagrada_familia/54347804_2292452655.jpg 1 0 +sagrada_familia/78155518_7461591828.jpg sagrada_familia/11847394_2837464515.jpg 3 0 +sagrada_familia/78155518_7461591828.jpg sagrada_familia/20030168_5196129467.jpg 3 0 +sagrada_familia/78155518_7461591828.jpg sagrada_familia/25930528_6781762.jpg 3 0 +sagrada_familia/78155518_7461591828.jpg sagrada_familia/34169301_5802403584.jpg 3 0 +sagrada_familia/78155518_7461591828.jpg sagrada_familia/41685774_3639631112.jpg 3 0 +sagrada_familia/78155518_7461591828.jpg sagrada_familia/55688086_5383627655.jpg 3 0 +sagrada_familia/78155518_7461591828.jpg sagrada_familia/64706254_8497647563.jpg 3 0 +sagrada_familia/78155518_7461591828.jpg sagrada_familia/71492127_3881063344.jpg 3 0 +sagrada_familia/78155518_7461591828.jpg sagrada_familia/77370329_6270105502.jpg 3 0 +sagrada_familia/78155518_7461591828.jpg sagrada_familia/77943764_2807707499.jpg 3 1 +sagrada_familia/78567244_236873581.jpg sagrada_familia/38813090_8718096192.jpg 0 0 +sagrada_familia/78656641_694506358.jpg sagrada_familia/20823420_2517837445.jpg 1 0 +sagrada_familia/78796792_457569684.jpg sagrada_familia/11399998_1047042992.jpg 0 0 +sagrada_familia/79056906_2421705518.jpg sagrada_familia/10228378_1129870372.jpg 0 0 +sagrada_familia/79102647_8710851342.jpg sagrada_familia/06266933_2412362527.jpg 0 0 +sagrada_familia/81911935_699044848.jpg sagrada_familia/38813090_8718096192.jpg 0 0 +sagrada_familia/81920577_295842164.jpg sagrada_familia/19984930_1145725136.jpg 0 0 +sagrada_familia/81920577_295842164.jpg sagrada_familia/41008058_11378443185.jpg 0 0 +sagrada_familia/81920577_295842164.jpg sagrada_familia/54347804_2292452655.jpg 0 0 +sagrada_familia/81920577_295842164.jpg sagrada_familia/68819939_7619291090.jpg 0 0 +sagrada_familia/81920577_295842164.jpg sagrada_familia/79056906_2421705518.jpg 0 0 +sagrada_familia/81930712_6975535163.jpg sagrada_familia/11165595_3234558093.jpg 0 0 +sagrada_familia/81930712_6975535163.jpg sagrada_familia/13134737_12094791465.jpg 0 3 +sagrada_familia/81930712_6975535163.jpg sagrada_familia/20091499_4835747520.jpg 0 0 +sagrada_familia/81930712_6975535163.jpg sagrada_familia/35256775_2917928780.jpg 0 0 +sagrada_familia/81930712_6975535163.jpg sagrada_familia/40103707_6393354149.jpg 0 0 +sagrada_familia/81930712_6975535163.jpg sagrada_familia/42578175_457568876.jpg 0 0 +sagrada_familia/81930712_6975535163.jpg sagrada_familia/49475543_393653555.jpg 0 0 +sagrada_familia/81930712_6975535163.jpg sagrada_familia/56006303_2904508433.jpg 0 0 +sagrada_familia/81930712_6975535163.jpg sagrada_familia/63646797_5636194200.jpg 0 1 +sagrada_familia/81930712_6975535163.jpg sagrada_familia/64099927_10616457153.jpg 0 0 +sagrada_familia/81930712_6975535163.jpg sagrada_familia/68153193_3880254823.jpg 0 3 +sagrada_familia/81930712_6975535163.jpg sagrada_familia/76933024_4349371898.jpg 0 0 +sagrada_familia/81930712_6975535163.jpg sagrada_familia/77943764_2807707499.jpg 0 1 +sagrada_familia/82110920_5250511156.jpg sagrada_familia/68819939_7619291090.jpg 0 0 +sagrada_familia/82110920_5250511156.jpg sagrada_familia/77890665_7213228852.jpg 0 0 +sagrada_familia/82256987_3473601857.jpg sagrada_familia/63329370_9388052579.jpg 0 0 +sagrada_familia/82938671_7461612508.jpg sagrada_familia/78155518_7461591828.jpg 3 3 +sagrada_familia/82947236_2386495.jpg sagrada_familia/41685774_3639631112.jpg 0 0 +sagrada_familia/83228898_6185099506.jpg sagrada_familia/35496328_6037159177.jpg 0 0 +sagrada_familia/83921448_3622114515.jpg sagrada_familia/77890665_7213228852.jpg 0 0 +sagrada_familia/84053003_3651274021.jpg sagrada_familia/35014080_9822091453.jpg 0 0 +sagrada_familia/84053003_3651274021.jpg sagrada_familia/57150283_3781281244.jpg 0 0 +sagrada_familia/84090454_6168919500.jpg sagrada_familia/38813090_8718096192.jpg 3 0 +sagrada_familia/84090454_6168919500.jpg sagrada_familia/78155518_7461591828.jpg 3 3 +sagrada_familia/84186401_1625525634.jpg sagrada_familia/68127387_81603260.jpg 0 1 +sagrada_familia/84231146_4225153279.jpg sagrada_familia/11399998_1047042992.jpg 0 0 +sagrada_familia/84231146_4225153279.jpg sagrada_familia/49331387_5131734970.jpg 0 0 +sagrada_familia/84231146_4225153279.jpg sagrada_familia/49809790_3475639998.jpg 0 0 +sagrada_familia/84231146_4225153279.jpg sagrada_familia/55977985_3683209458.jpg 0 0 +sagrada_familia/84231146_4225153279.jpg sagrada_familia/57150283_3781281244.jpg 0 0 +sagrada_familia/84231146_4225153279.jpg sagrada_familia/63551602_523500988.jpg 0 1 +sagrada_familia/84231146_4225153279.jpg sagrada_familia/63808966_5089910663.jpg 0 0 +sagrada_familia/84231146_4225153279.jpg sagrada_familia/64221081_3554468955.jpg 0 0 +sagrada_familia/84231146_4225153279.jpg sagrada_familia/69451972_7399540544.jpg 0 0 +sagrada_familia/84231146_4225153279.jpg sagrada_familia/69868392_3604404326.jpg 0 1 +sagrada_familia/84231146_4225153279.jpg sagrada_familia/78567244_236873581.jpg 0 0 +sagrada_familia/84231146_4225153279.jpg sagrada_familia/78656641_694506358.jpg 0 1 +sagrada_familia/84314478_393653425.jpg sagrada_familia/20664412_10641306555.jpg 0 0 +sagrada_familia/84314478_393653425.jpg sagrada_familia/26562357_392867929.jpg 0 0 +sagrada_familia/84314478_393653425.jpg sagrada_familia/38838349_11820772536.jpg 0 0 +sagrada_familia/84314478_393653425.jpg sagrada_familia/41685774_3639631112.jpg 0 0 +sagrada_familia/84314478_393653425.jpg sagrada_familia/64323676_6818875446.jpg 0 0 +sagrada_familia/84314478_393653425.jpg sagrada_familia/64706254_8497647563.jpg 0 0 +sagrada_familia/84643624_4155180831.jpg sagrada_familia/50386268_3888560710.jpg 0 3 +sagrada_familia/84866694_4115560485.jpg sagrada_familia/57150283_3781281244.jpg 0 0 +sagrada_familia/85395992_2274248997.jpg sagrada_familia/50533266_2205998141.jpg 0 0 +sagrada_familia/85466689_4799896463.jpg sagrada_familia/10228378_1129870372.jpg 0 0 +sagrada_familia/85466689_4799896463.jpg sagrada_familia/41008058_11378443185.jpg 0 0 +sagrada_familia/85466689_4799896463.jpg sagrada_familia/79056906_2421705518.jpg 0 0 +sagrada_familia/85466689_4799896463.jpg sagrada_familia/79120355_309585400.jpg 0 0 +sagrada_familia/85561049_3652082148.jpg sagrada_familia/12890596_278950237.jpg 0 0 +sagrada_familia/85561049_3652082148.jpg sagrada_familia/21940554_61318367.jpg 0 0 +sagrada_familia/85561049_3652082148.jpg sagrada_familia/78567244_236873581.jpg 0 0 +sagrada_familia/85561049_3652082148.jpg sagrada_familia/83228898_6185099506.jpg 0 0 +sagrada_familia/91509894_45017296.jpg sagrada_familia/85561049_3652082148.jpg 0 0 +sagrada_familia/91561113_5281252766.jpg sagrada_familia/50533266_2205998141.jpg 0 0 +sagrada_familia/91642076_6950949551.jpg sagrada_familia/84231146_4225153279.jpg 0 0 +sagrada_familia/91751049_10616196756.jpg sagrada_familia/13355718_562944809.jpg 0 0 +sagrada_familia/91751049_10616196756.jpg sagrada_familia/13735513_5692911565.jpg 0 0 +sagrada_familia/91751049_10616196756.jpg sagrada_familia/27509064_544054747.jpg 0 0 +sagrada_familia/91751049_10616196756.jpg sagrada_familia/41308284_5491767916.jpg 0 3 +sagrada_familia/91751049_10616196756.jpg sagrada_familia/63884522_10176648864.jpg 0 0 +sagrada_familia/91751049_10616196756.jpg sagrada_familia/64614321_312072603.jpg 0 0 +sagrada_familia/91751049_10616196756.jpg sagrada_familia/67474312_1037008516.jpg 0 0 +sagrada_familia/92014338_3615980119.jpg sagrada_familia/54347804_2292452655.jpg 0 0 +sagrada_familia/92031733_3992238201.jpg sagrada_familia/21196047_2425535608.jpg 0 0 +sagrada_familia/92031733_3992238201.jpg sagrada_familia/68789674_5090510748.jpg 0 0 +sagrada_familia/92125663_8664514487.jpg sagrada_familia/20823420_2517837445.jpg 0 0 +sagrada_familia/92125663_8664514487.jpg sagrada_familia/38813090_8718096192.jpg 0 0 +sagrada_familia/92168273_1423075313.jpg sagrada_familia/06632489_52173611.jpg 0 0 +sagrada_familia/92168273_1423075313.jpg sagrada_familia/77638341_4064879131.jpg 0 0 +sagrada_familia/92354128_9503260272.jpg sagrada_familia/38813090_8718096192.jpg 0 0 +sagrada_familia/92376688_8105076200.jpg sagrada_familia/91751049_10616196756.jpg 0 0 +sagrada_familia/92715582_12998743884.jpg sagrada_familia/50533266_2205998141.jpg 0 0 +sagrada_familia/92715582_12998743884.jpg sagrada_familia/79208245_3081215320.jpg 0 0 +sagrada_familia/93204482_3006984721.jpg sagrada_familia/91751049_10616196756.jpg 0 0 +sagrada_familia/93215045_3631031195.jpg sagrada_familia/78155518_7461591828.jpg 0 3 +sagrada_familia/93267550_5089915841.jpg sagrada_familia/78155518_7461591828.jpg 0 3 +sagrada_familia/93333526_3318766925.jpg sagrada_familia/20823420_2517837445.jpg 0 0 +sagrada_familia/93333526_3318766925.jpg sagrada_familia/92600324_3077699832.jpg 0 0 +sagrada_familia/96047910_4059946697.jpg sagrada_familia/20823420_2517837445.jpg 1 0 +sagrada_familia/96047910_4059946697.jpg sagrada_familia/91751049_10616196756.jpg 1 0 +sagrada_familia/96201590_3200767373.jpg sagrada_familia/78155518_7461591828.jpg 0 3 +sagrada_familia/96201590_3200767373.jpg sagrada_familia/81930712_6975535163.jpg 0 0 +sagrada_familia/96907696_4120826724.jpg sagrada_familia/06632489_52173611.jpg 0 0 +sagrada_familia/96907696_4120826724.jpg sagrada_familia/55688086_5383627655.jpg 0 0 +sagrada_familia/96907696_4120826724.jpg sagrada_familia/69305986_4941166067.jpg 0 0 +sagrada_familia/97004593_3177103373.jpg sagrada_familia/84231146_4225153279.jpg 0 0 +sagrada_familia/97169406_8015985714.jpg sagrada_familia/63115108_7361811820.jpg 1 0 +sagrada_familia/97169406_8015985714.jpg sagrada_familia/78155518_7461591828.jpg 1 3 +sagrada_familia/97179337_6215126501.jpg sagrada_familia/19984824_7182429725.jpg 0 0 +sagrada_familia/97179337_6215126501.jpg sagrada_familia/56006303_2904508433.jpg 0 0 +sagrada_familia/97179337_6215126501.jpg sagrada_familia/56467556_329414679.jpg 0 0 +sagrada_familia/97179337_6215126501.jpg sagrada_familia/68127387_81603260.jpg 0 1 +sagrada_familia/97179337_6215126501.jpg sagrada_familia/68789674_5090510748.jpg 0 0 +sagrada_familia/97179337_6215126501.jpg sagrada_familia/92715582_12998743884.jpg 0 0 +sagrada_familia/97367794_424389313.jpg sagrada_familia/50555888_4522439720.jpg 0 0 +sagrada_familia/97367794_424389313.jpg sagrada_familia/84314478_393653425.jpg 0 0 +sagrada_familia/97406833_473359169.jpg sagrada_familia/78155518_7461591828.jpg 0 3 +sagrada_familia/97714096_4116326980.jpg sagrada_familia/20423959_8012701768.jpg 0 0 +sagrada_familia/97714096_4116326980.jpg sagrada_familia/38813090_8718096192.jpg 0 0 +sagrada_familia/97714096_4116326980.jpg sagrada_familia/41834893_3076907793.jpg 0 0 +sagrada_familia/97714096_4116326980.jpg sagrada_familia/77600296_4997051701.jpg 0 0 +sagrada_familia/97714096_4116326980.jpg sagrada_familia/82256987_3473601857.jpg 0 0 +sagrada_familia/97714096_4116326980.jpg sagrada_familia/91642076_6950949551.jpg 0 0 +sagrada_familia/97714096_4116326980.jpg sagrada_familia/92014338_3615980119.jpg 0 0 +sagrada_familia/98183808_9526955139.jpg sagrada_familia/20823420_2517837445.jpg 0 0 +sagrada_familia/98183808_9526955139.jpg sagrada_familia/64323676_6818875446.jpg 0 0 +sagrada_familia/98262701_6263115408.jpg sagrada_familia/54347804_2292452655.jpg 0 0 +sagrada_familia/98262701_6263115408.jpg sagrada_familia/78155518_7461591828.jpg 0 3 +sagrada_familia/98515662_4526699256.jpg sagrada_familia/84231146_4225153279.jpg 0 0 +sagrada_familia/98527924_144697798.jpg sagrada_familia/92168273_1423075313.jpg 0 0 +sagrada_familia/98653115_457567968.jpg sagrada_familia/78155518_7461591828.jpg 0 3 +sagrada_familia/99028479_5845680717.jpg sagrada_familia/54347804_2292452655.jpg 0 0 +sagrada_familia/99028479_5845680717.jpg sagrada_familia/97110264_925766245.jpg 0 0 +sagrada_familia/99128282_984569005.jpg sagrada_familia/68420027_2806323314.jpg 0 0 +sagrada_familia/99759589_12014053845.jpg sagrada_familia/91751049_10616196756.jpg 0 0 +sagrada_familia/99765221_4300410235.jpg sagrada_familia/84231146_4225153279.jpg 0 0 +st_pauls_cathedral/08176129_6393745661.jpg st_pauls_cathedral/08167647_97159954.jpg 0 0 +st_pauls_cathedral/15340635_6286567877.jpg st_pauls_cathedral/04828754_9693520555.jpg 1 0 +st_pauls_cathedral/15389470_4226878977.jpg st_pauls_cathedral/01316177_6520734803.jpg 0 0 +st_pauls_cathedral/17039840_3640486350.jpg st_pauls_cathedral/01316177_6520734803.jpg 0 0 +st_pauls_cathedral/18817327_6863321426.jpg st_pauls_cathedral/05719717_1698133784.jpg 0 0 +st_pauls_cathedral/19760614_9409217244.jpg st_pauls_cathedral/02796054_3846089993.jpg 0 0 +st_pauls_cathedral/20929450_4800036127.jpg st_pauls_cathedral/20807412_2958009988.jpg 0 0 +st_pauls_cathedral/20967888_9189833310.jpg st_pauls_cathedral/08869142_6155122813.jpg 0 0 +st_pauls_cathedral/22750302_6119726944.jpg st_pauls_cathedral/01316177_6520734803.jpg 0 0 +st_pauls_cathedral/27064989_3849330238.jpg st_pauls_cathedral/01316177_6520734803.jpg 0 0 +st_pauls_cathedral/27064989_3849330238.jpg st_pauls_cathedral/20807412_2958009988.jpg 0 0 +st_pauls_cathedral/27064989_3849330238.jpg st_pauls_cathedral/22377572_12368699944.jpg 0 0 +st_pauls_cathedral/28827719_5982596692.jpg st_pauls_cathedral/21554356_128094409.jpg 0 0 +st_pauls_cathedral/29174605_7176344417.jpg st_pauls_cathedral/22051479_11389229645.jpg 0 0 +st_pauls_cathedral/29554256_9647596492.jpg st_pauls_cathedral/00550125_12586860275.jpg 0 0 +st_pauls_cathedral/31386580_6302270950.jpg st_pauls_cathedral/20254945_2718395808.jpg 0 0 +st_pauls_cathedral/31594419_1541091566.jpg st_pauls_cathedral/08212369_4763831145.jpg 0 0 +st_pauls_cathedral/31625001_4005740884.jpg st_pauls_cathedral/15772565_8194552508.jpg 0 0 +st_pauls_cathedral/33418784_3260622521.jpg st_pauls_cathedral/20807412_2958009988.jpg 0 0 +st_pauls_cathedral/33664064_6394879475.jpg st_pauls_cathedral/22051479_11389229645.jpg 0 0 +st_pauls_cathedral/33851048_3247953152.jpg st_pauls_cathedral/02139247_2294669227.jpg 0 0 +st_pauls_cathedral/35027905_112883925.jpg st_pauls_cathedral/01195078_6302076277.jpg 0 0 +st_pauls_cathedral/35195543_94410439.jpg st_pauls_cathedral/22750302_6119726944.jpg 1 0 +st_pauls_cathedral/36508790_5233146026.jpg st_pauls_cathedral/08911833_11169723556.jpg 0 0 +st_pauls_cathedral/36508790_5233146026.jpg st_pauls_cathedral/29039581_3538872333.jpg 0 0 +st_pauls_cathedral/36924691_6406659277.jpg st_pauls_cathedral/22051479_11389229645.jpg 0 0 +st_pauls_cathedral/37315684_2905900255.jpg st_pauls_cathedral/05635777_10299076615.jpg 0 0 +st_pauls_cathedral/37315684_2905900255.jpg st_pauls_cathedral/07894309_5375125380.jpg 0 0 +st_pauls_cathedral/37347628_10902811376.jpg st_pauls_cathedral/09383696_8658922004.jpg 0 0 +st_pauls_cathedral/37347628_10902811376.jpg st_pauls_cathedral/20320151_3688506507.jpg 0 0 +st_pauls_cathedral/37347628_10902811376.jpg st_pauls_cathedral/20929450_4800036127.jpg 0 0 +st_pauls_cathedral/37347628_10902811376.jpg st_pauls_cathedral/23790024_2978070963.jpg 0 0 +st_pauls_cathedral/37347628_10902811376.jpg st_pauls_cathedral/30776973_2635313996.jpg 0 0 +st_pauls_cathedral/43098554_2567707606.jpg st_pauls_cathedral/31625001_4005740884.jpg 0 0 +st_pauls_cathedral/43153665_6098486135.jpg st_pauls_cathedral/02796054_3846089993.jpg 0 0 +st_pauls_cathedral/43305420_2502235648.jpg st_pauls_cathedral/20807412_2958009988.jpg 0 0 +st_pauls_cathedral/43374295_5092794275.jpg st_pauls_cathedral/08911833_11169723556.jpg 0 0 +st_pauls_cathedral/43920096_10906605833.jpg st_pauls_cathedral/04223687_109190093.jpg 0 0 +st_pauls_cathedral/43920096_10906605833.jpg st_pauls_cathedral/28868724_6451537377.jpg 0 0 +st_pauls_cathedral/43920096_10906605833.jpg st_pauls_cathedral/31055607_5795560563.jpg 0 0 +st_pauls_cathedral/45884178_4648913169.jpg st_pauls_cathedral/04828754_9693520555.jpg 0 0 +st_pauls_cathedral/47300577_6254970696.jpg st_pauls_cathedral/43573928_4799703434.jpg 0 3 +st_pauls_cathedral/47389825_5983277496.jpg st_pauls_cathedral/02507010_6482269847.jpg 0 0 +st_pauls_cathedral/47389825_5983277496.jpg st_pauls_cathedral/05555073_3695647463.jpg 0 0 +st_pauls_cathedral/47552538_8236638213.jpg st_pauls_cathedral/35195543_94410439.jpg 0 1 +st_pauls_cathedral/47643007_6652360459.jpg st_pauls_cathedral/43573928_4799703434.jpg 0 3 +st_pauls_cathedral/47854767_3623008711.jpg st_pauls_cathedral/07053525_144594298.jpg 0 0 +st_pauls_cathedral/48298153_373030198.jpg st_pauls_cathedral/47914593_6251014013.jpg 0 0 +st_pauls_cathedral/48358427_3896668101.jpg st_pauls_cathedral/29137875_1898785145.jpg 0 0 +st_pauls_cathedral/48617661_5184270075.jpg st_pauls_cathedral/08911833_11169723556.jpg 0 0 +st_pauls_cathedral/49041734_3030871690.jpg st_pauls_cathedral/16225635_9025416201.jpg 0 0 +st_pauls_cathedral/49041734_3030871690.jpg st_pauls_cathedral/32921038_2925499378.jpg 0 0 +st_pauls_cathedral/49315113_8501218407.jpg st_pauls_cathedral/37347628_10902811376.jpg 0 0 +st_pauls_cathedral/49739029_7090067565.jpg st_pauls_cathedral/37315684_2905900255.jpg 0 0 +st_pauls_cathedral/50015054_5731757063.jpg st_pauls_cathedral/20807412_2958009988.jpg 0 0 +st_pauls_cathedral/50051127_464320147.jpg st_pauls_cathedral/36924691_6406659277.jpg 0 0 +st_pauls_cathedral/50777283_4936535855.jpg st_pauls_cathedral/17654897_3090776556.jpg 1 0 +st_pauls_cathedral/50777283_4936535855.jpg st_pauls_cathedral/19670417_117668166.jpg 1 0 +st_pauls_cathedral/51765627_2376275904.jpg st_pauls_cathedral/05231892_4069310469.jpg 0 0 +st_pauls_cathedral/58326617_3236365572.jpg st_pauls_cathedral/09272147_6331287121.jpg 0 0 +st_pauls_cathedral/60025920_424361737.jpg st_pauls_cathedral/08176129_6393745661.jpg 0 0 +st_pauls_cathedral/60155766_8376459916.jpg st_pauls_cathedral/22051479_11389229645.jpg 0 0 +st_pauls_cathedral/60178844_5377589147.jpg st_pauls_cathedral/16324897_294035351.jpg 0 0 +st_pauls_cathedral/60904467_330234484.jpg st_pauls_cathedral/19670417_117668166.jpg 0 0 +st_pauls_cathedral/61122520_9405023864.jpg st_pauls_cathedral/35195543_94410439.jpg 0 1 +st_pauls_cathedral/61885596_4253724960.jpg st_pauls_cathedral/43098554_2567707606.jpg 0 0 +st_pauls_cathedral/62128087_8691185414.jpg st_pauls_cathedral/60904467_330234484.jpg 0 0 +st_pauls_cathedral/62294687_8656172024.jpg st_pauls_cathedral/16235258_330234250.jpg 0 0 +st_pauls_cathedral/62294687_8656172024.jpg st_pauls_cathedral/48256290_4727047656.jpg 0 0 +st_pauls_cathedral/62294687_8656172024.jpg st_pauls_cathedral/57622826_4530932320.jpg 0 0 +st_pauls_cathedral/62295984_6069707235.jpg st_pauls_cathedral/47300577_6254970696.jpg 0 0 +st_pauls_cathedral/62353676_286108565.jpg st_pauls_cathedral/30334836_12936770043.jpg 0 0 +st_pauls_cathedral/62683867_5924337162.jpg st_pauls_cathedral/16324897_294035351.jpg 0 0 +st_pauls_cathedral/62791107_4284958026.jpg st_pauls_cathedral/05436300_3736382215.jpg 0 0 +st_pauls_cathedral/63030934_164451351.jpg st_pauls_cathedral/20807412_2958009988.jpg 0 0 +st_pauls_cathedral/63184016_3221774427.jpg st_pauls_cathedral/21554356_128094409.jpg 0 0 +st_pauls_cathedral/63464824_2041524685.jpg st_pauls_cathedral/15330789_4069315829.jpg 0 0 +st_pauls_cathedral/63608693_4550249661.jpg st_pauls_cathedral/02507010_6482269847.jpg 0 0 +st_pauls_cathedral/63872067_2580089824.jpg st_pauls_cathedral/02507010_6482269847.jpg 0 0 +st_pauls_cathedral/63872067_2580089824.jpg st_pauls_cathedral/23597661_1540227653.jpg 0 0 +st_pauls_cathedral/64178508_2848319812.jpg st_pauls_cathedral/48358427_3896668101.jpg 0 0 +st_pauls_cathedral/65355222_10666107726.jpg st_pauls_cathedral/64598994_2796727575.jpg 3 0 +st_pauls_cathedral/65579340_8658903934.jpg st_pauls_cathedral/07053525_144594298.jpg 0 0 +st_pauls_cathedral/65936305_7224343890.jpg st_pauls_cathedral/35236682_3866876026.jpg 0 0 +st_pauls_cathedral/65936305_7224343890.jpg st_pauls_cathedral/48779683_6852385253.jpg 0 0 +st_pauls_cathedral/66000253_7189140937.jpg st_pauls_cathedral/23624636_5162872877.jpg 0 0 +st_pauls_cathedral/66084499_424361970.jpg st_pauls_cathedral/50134568_5607401795.jpg 1 0 +st_pauls_cathedral/66095423_6623249375.jpg st_pauls_cathedral/65406857_5849308747.jpg 0 0 +st_pauls_cathedral/66354598_8658993474.jpg st_pauls_cathedral/35195543_94410439.jpg 0 1 +st_pauls_cathedral/71847013_2485566661.jpg st_pauls_cathedral/65406857_5849308747.jpg 0 0 +st_pauls_cathedral/72125766_3947493463.jpg st_pauls_cathedral/08811062_7652433566.jpg 0 0 +st_pauls_cathedral/72125766_3947493463.jpg st_pauls_cathedral/58326617_3236365572.jpg 0 0 +st_pauls_cathedral/72125766_3947493463.jpg st_pauls_cathedral/62813483_8289412815.jpg 0 0 +st_pauls_cathedral/72428851_6930601407.jpg st_pauls_cathedral/20807412_2958009988.jpg 0 0 +st_pauls_cathedral/72783275_3199359396.jpg st_pauls_cathedral/49041734_3030871690.jpg 0 0 +st_pauls_cathedral/72921906_482978020.jpg st_pauls_cathedral/22051479_11389229645.jpg 0 0 +st_pauls_cathedral/73132283_4714901221.jpg st_pauls_cathedral/09272147_6331287121.jpg 0 0 +st_pauls_cathedral/73132283_4714901221.jpg st_pauls_cathedral/51592699_1165340842.jpg 0 0 +st_pauls_cathedral/73446579_6254771569.jpg st_pauls_cathedral/06850079_5924336712.jpg 0 0 +st_pauls_cathedral/73446579_6254771569.jpg st_pauls_cathedral/61359543_7319932086.jpg 0 0 +st_pauls_cathedral/73446579_6254771569.jpg st_pauls_cathedral/72655822_410619120.jpg 0 3 +st_pauls_cathedral/73904535_396575523.jpg st_pauls_cathedral/20254945_2718395808.jpg 0 0 +st_pauls_cathedral/73904535_396575523.jpg st_pauls_cathedral/43573928_4799703434.jpg 0 3 +st_pauls_cathedral/74305926_5265918845.jpg st_pauls_cathedral/44290248_5970904307.jpg 0 0 +st_pauls_cathedral/74628702_527678504.jpg st_pauls_cathedral/09101910_313676592.jpg 0 0 +st_pauls_cathedral/74628702_527678504.jpg st_pauls_cathedral/72125766_3947493463.jpg 0 0 +st_pauls_cathedral/75416676_4363216895.jpg st_pauls_cathedral/04697565_8331993352.jpg 0 0 +st_pauls_cathedral/75416676_4363216895.jpg st_pauls_cathedral/35753008_13969218.jpg 0 0 +st_pauls_cathedral/75416676_4363216895.jpg st_pauls_cathedral/72585104_3769333347.jpg 0 0 +st_pauls_cathedral/75499498_198822641.jpg st_pauls_cathedral/01024897_4276850874.jpg 0 0 +st_pauls_cathedral/75499498_198822641.jpg st_pauls_cathedral/07613622_9368181062.jpg 0 0 +st_pauls_cathedral/75782210_5667175068.jpg st_pauls_cathedral/09101910_313676592.jpg 0 0 +st_pauls_cathedral/75782210_5667175068.jpg st_pauls_cathedral/16292129_2588255237.jpg 0 0 +st_pauls_cathedral/76214667_3701614569.jpg st_pauls_cathedral/51592699_1165340842.jpg 0 0 +st_pauls_cathedral/76583865_410066628.jpg st_pauls_cathedral/16292129_2588255237.jpg 0 0 +st_pauls_cathedral/76696874_8185503949.jpg st_pauls_cathedral/44973990_2581083805.jpg 0 0 +st_pauls_cathedral/76696874_8185503949.jpg st_pauls_cathedral/47389825_5983277496.jpg 0 0 +st_pauls_cathedral/77153490_5932928550.jpg st_pauls_cathedral/75499498_198822641.jpg 0 0 +st_pauls_cathedral/77160340_9329931708.jpg st_pauls_cathedral/29554256_9647596492.jpg 0 0 +st_pauls_cathedral/77604135_3526059109.jpg st_pauls_cathedral/04828754_9693520555.jpg 0 0 +st_pauls_cathedral/77730672_2187628006.jpg st_pauls_cathedral/50777283_4936535855.jpg 0 1 +st_pauls_cathedral/78137889_8655002513.jpg st_pauls_cathedral/72201072_410621505.jpg 0 3 +st_pauls_cathedral/78409175_375058357.jpg st_pauls_cathedral/65936305_7224343890.jpg 0 0 +st_pauls_cathedral/78582770_410620191.jpg st_pauls_cathedral/07053525_144594298.jpg 1 0 +st_pauls_cathedral/78761374_8331325316.jpg st_pauls_cathedral/00482244_2939061779.jpg 0 0 +st_pauls_cathedral/78761374_8331325316.jpg st_pauls_cathedral/50573068_5271881926.jpg 0 0 +st_pauls_cathedral/78858636_1084157358.jpg st_pauls_cathedral/35797911_5433360343.jpg 0 0 +st_pauls_cathedral/79196040_2724751930.jpg st_pauls_cathedral/37347628_10902811376.jpg 0 0 +st_pauls_cathedral/79239281_5982040455.jpg st_pauls_cathedral/31594419_1541091566.jpg 0 0 +st_pauls_cathedral/79319193_7171859026.jpg st_pauls_cathedral/09101910_313676592.jpg 0 0 +st_pauls_cathedral/79596774_3973362512.jpg st_pauls_cathedral/04828754_9693520555.jpg 0 0 +st_pauls_cathedral/79907102_3247748633.jpg st_pauls_cathedral/35236682_3866876026.jpg 0 0 +st_pauls_cathedral/79907102_3247748633.jpg st_pauls_cathedral/65936305_7224343890.jpg 0 0 +st_pauls_cathedral/80333164_8656826961.jpg st_pauls_cathedral/62353676_286108565.jpg 0 0 +st_pauls_cathedral/80333164_8656826961.jpg st_pauls_cathedral/72125766_3947493463.jpg 0 0 +st_pauls_cathedral/80333164_8656826961.jpg st_pauls_cathedral/78098197_5849317301.jpg 0 0 +st_pauls_cathedral/80579947_5850830551.jpg st_pauls_cathedral/78352240_3512998930.jpg 0 0 +st_pauls_cathedral/80628023_8657932836.jpg st_pauls_cathedral/22538952_8039988254.jpg 0 0 +st_pauls_cathedral/80628023_8657932836.jpg st_pauls_cathedral/64216790_6840691073.jpg 0 0 +st_pauls_cathedral/80730011_1097622234.jpg st_pauls_cathedral/77730672_2187628006.jpg 0 0 +st_pauls_cathedral/80740723_2169324532.jpg st_pauls_cathedral/06613127_9696750054.jpg 0 0 +st_pauls_cathedral/80740723_2169324532.jpg st_pauls_cathedral/17397276_9786402764.jpg 0 0 +st_pauls_cathedral/80740723_2169324532.jpg st_pauls_cathedral/43920096_10906605833.jpg 0 0 +st_pauls_cathedral/80740723_2169324532.jpg st_pauls_cathedral/45668240_2467164.jpg 0 0 +st_pauls_cathedral/86078748_6437585937.jpg st_pauls_cathedral/01880054_7253114302.jpg 0 0 +st_pauls_cathedral/86078748_6437585937.jpg st_pauls_cathedral/50826174_580528488.jpg 0 0 +st_pauls_cathedral/86078748_6437585937.jpg st_pauls_cathedral/79907102_3247748633.jpg 0 0 +st_pauls_cathedral/86093308_3726830758.jpg st_pauls_cathedral/32921038_2925499378.jpg 1 0 +st_pauls_cathedral/86387963_3832313553.jpg st_pauls_cathedral/75416676_4363216895.jpg 0 0 +st_pauls_cathedral/86509203_2056890624.jpg st_pauls_cathedral/04281442_5667176878.jpg 0 0 +st_pauls_cathedral/86509203_2056890624.jpg st_pauls_cathedral/73344134_1541174048.jpg 0 0 +st_pauls_cathedral/86509203_2056890624.jpg st_pauls_cathedral/73446579_6254771569.jpg 0 0 +st_pauls_cathedral/86811069_6543168763.jpg st_pauls_cathedral/76480827_8709609605.jpg 0 0 +st_pauls_cathedral/87465417_410066754.jpg st_pauls_cathedral/61565132_8158727335.jpg 0 0 +st_pauls_cathedral/87465417_410066754.jpg st_pauls_cathedral/64178508_2848319812.jpg 0 0 +st_pauls_cathedral/87469352_3538862417.jpg st_pauls_cathedral/18817327_6863321426.jpg 0 0 +st_pauls_cathedral/87491328_409306708.jpg st_pauls_cathedral/01024897_4276850874.jpg 0 0 +st_pauls_cathedral/87491328_409306708.jpg st_pauls_cathedral/37347628_10902811376.jpg 0 0 +st_pauls_cathedral/87880646_4898923389.jpg st_pauls_cathedral/30461430_80880649.jpg 0 0 +st_pauls_cathedral/87880646_4898923389.jpg st_pauls_cathedral/86078748_6437585937.jpg 0 0 +st_pauls_cathedral/88075226_8375385505.jpg st_pauls_cathedral/86078748_6437585937.jpg 0 0 +st_pauls_cathedral/88579510_10885497063.jpg st_pauls_cathedral/33944396_323175872.jpg 0 0 +st_pauls_cathedral/88845761_5161843639.jpg st_pauls_cathedral/02507010_6482269847.jpg 0 0 +st_pauls_cathedral/89034725_8691186498.jpg st_pauls_cathedral/37315684_2905900255.jpg 0 0 +st_pauls_cathedral/89359643_6530897597.jpg st_pauls_cathedral/48560331_5213707699.jpg 0 0 +st_pauls_cathedral/89688408_9696749078.jpg st_pauls_cathedral/62353676_286108565.jpg 0 0 +st_pauls_cathedral/89888539_9337098920.jpg st_pauls_cathedral/16324897_294035351.jpg 0 0 +st_pauls_cathedral/89888539_9337098920.jpg st_pauls_cathedral/50573068_5271881926.jpg 0 0 +st_pauls_cathedral/89888539_9337098920.jpg st_pauls_cathedral/72655822_410619120.jpg 0 3 +st_pauls_cathedral/89888539_9337098920.jpg st_pauls_cathedral/75895862_8290558949.jpg 0 0 +st_pauls_cathedral/89888539_9337098920.jpg st_pauls_cathedral/79467047_6166196003.jpg 0 0 +st_pauls_cathedral/90209139_3994249459.jpg st_pauls_cathedral/78409175_375058357.jpg 0 0 +st_pauls_cathedral/90209139_3994249459.jpg st_pauls_cathedral/78582770_410620191.jpg 0 1 +st_pauls_cathedral/90655346_4004718440.jpg st_pauls_cathedral/00550125_12586860275.jpg 0 0 +st_pauls_cathedral/91656127_7253113144.jpg st_pauls_cathedral/30600409_183700112.jpg 0 0 +st_pauls_cathedral/91918189_6232577068.jpg st_pauls_cathedral/04939635_5724707434.jpg 0 0 +st_pauls_cathedral/91918189_6232577068.jpg st_pauls_cathedral/37863559_4180603861.jpg 0 0 +st_pauls_cathedral/91918189_6232577068.jpg st_pauls_cathedral/49315113_8501218407.jpg 0 0 +st_pauls_cathedral/91946280_8658910888.jpg st_pauls_cathedral/01024897_4276850874.jpg 0 0 +st_pauls_cathedral/91946280_8658910888.jpg st_pauls_cathedral/37580415_6270260950.jpg 0 0 +st_pauls_cathedral/91946280_8658910888.jpg st_pauls_cathedral/72684746_2365409204.jpg 0 0 +st_pauls_cathedral/92158908_2041528681.jpg st_pauls_cathedral/86793288_81064886.jpg 0 0 +st_pauls_cathedral/92810524_4500630423.jpg st_pauls_cathedral/48779683_6852385253.jpg 0 0 +st_pauls_cathedral/93030987_2292992877.jpg st_pauls_cathedral/00162897_2573777698.jpg 0 0 +st_pauls_cathedral/93192799_3878932967.jpg st_pauls_cathedral/91626356_3650028226.jpg 3 2 +st_pauls_cathedral/93328208_8657814331.jpg st_pauls_cathedral/43305420_2502235648.jpg 0 0 +st_pauls_cathedral/93328208_8657814331.jpg st_pauls_cathedral/44942033_2073994559.jpg 0 0 +st_pauls_cathedral/93355615_1672027412.jpg st_pauls_cathedral/73446579_6254771569.jpg 0 0 +st_pauls_cathedral/93701474_6332090181.jpg st_pauls_cathedral/80628023_8657932836.jpg 0 0 +st_pauls_cathedral/94231433_966470851.jpg st_pauls_cathedral/73446579_6254771569.jpg 0 0 +st_pauls_cathedral/94451439_81070120.jpg st_pauls_cathedral/78352240_3512998930.jpg 0 0 +st_pauls_cathedral/94577950_1403590863.jpg st_pauls_cathedral/49041734_3030871690.jpg 0 0 +st_pauls_cathedral/94577950_1403590863.jpg st_pauls_cathedral/65355222_10666107726.jpg 0 3 +st_pauls_cathedral/95298370_81064887.jpg st_pauls_cathedral/01046474_2844536816.jpg 0 0 +st_pauls_cathedral/95298370_81064887.jpg st_pauls_cathedral/08811062_7652433566.jpg 0 0 +st_pauls_cathedral/95298370_81064887.jpg st_pauls_cathedral/23597661_1540227653.jpg 0 0 +st_pauls_cathedral/95298370_81064887.jpg st_pauls_cathedral/50489690_5320746035.jpg 0 0 +st_pauls_cathedral/95298370_81064887.jpg st_pauls_cathedral/66084499_424361970.jpg 0 1 +st_pauls_cathedral/95298370_81064887.jpg st_pauls_cathedral/88354361_204085255.jpg 0 1 +st_pauls_cathedral/95298370_81064887.jpg st_pauls_cathedral/90505912_4180777669.jpg 0 0 +united_states_capitol/10495245_8907741554.jpg united_states_capitol/10372022_93261354.jpg 0 0 +united_states_capitol/13481652_8891302141.jpg united_states_capitol/10314931_9236481831.jpg 0 0 +united_states_capitol/13481652_8891302141.jpg united_states_capitol/11219540_12074205486.jpg 0 0 +united_states_capitol/14150597_5895759170.jpg united_states_capitol/10314931_9236481831.jpg 0 0 +united_states_capitol/14150597_5895759170.jpg united_states_capitol/10944149_3888136271.jpg 0 0 +united_states_capitol/24500268_5486929850.jpg united_states_capitol/12319392_406390053.jpg 0 0 +united_states_capitol/25115228_3188506686.jpg united_states_capitol/13223019_2113613787.jpg 0 0 +united_states_capitol/25553498_5745200060.jpg united_states_capitol/14150597_5895759170.jpg 0 0 +united_states_capitol/25562474_199546796.jpg united_states_capitol/14189650_2442965307.jpg 0 0 +united_states_capitol/25562474_199546796.jpg united_states_capitol/24672228_6246139416.jpg 0 0 +united_states_capitol/26830263_8154590231.jpg united_states_capitol/26662354_4706439877.jpg 0 0 +united_states_capitol/27315191_4760793382.jpg united_states_capitol/10353075_3098846661.jpg 0 3 +united_states_capitol/28154687_6091226418.jpg united_states_capitol/27434823_2104484695.jpg 3 0 +united_states_capitol/40128108_9313344107.jpg united_states_capitol/28154687_6091226418.jpg 0 3 +united_states_capitol/40553548_2041085637.jpg united_states_capitol/10054314_8385419558.jpg 0 0 +united_states_capitol/41023880_3450267885.jpg united_states_capitol/25562474_199546796.jpg 0 0 +united_states_capitol/41542946_4027896832.jpg united_states_capitol/27034796_138331122.jpg 3 0 +united_states_capitol/41766298_3222122010.jpg united_states_capitol/41758627_4120153081.jpg 0 0 +united_states_capitol/41973961_3393464404.jpg united_states_capitol/11176130_5444681788.jpg 3 0 +united_states_capitol/42169444_3215905907.jpg united_states_capitol/27925017_4436518460.jpg 0 0 +united_states_capitol/42769281_4016757433.jpg united_states_capitol/42086664_1508245230.jpg 1 0 +united_states_capitol/52948324_6181600437.jpg united_states_capitol/42171812_10761172416.jpg 0 0 +united_states_capitol/53361115_3924049623.jpg united_states_capitol/12513220_5832734513.jpg 0 0 +united_states_capitol/53361115_3924049623.jpg united_states_capitol/41758627_4120153081.jpg 0 0 +united_states_capitol/53581752_4092134594.jpg united_states_capitol/42652793_10392211395.jpg 0 3 +united_states_capitol/54283432_3536217524.jpg united_states_capitol/27032800_2041991962.jpg 0 0 +united_states_capitol/54283432_3536217524.jpg united_states_capitol/53581752_4092134594.jpg 0 0 +united_states_capitol/55031238_3816060435.jpg united_states_capitol/42652793_10392211395.jpg 1 3 +united_states_capitol/55444937_121383949.jpg united_states_capitol/11219540_12074205486.jpg 0 0 +united_states_capitol/55727783_5255654049.jpg united_states_capitol/14189650_2442965307.jpg 0 0 +united_states_capitol/55727783_5255654049.jpg united_states_capitol/24389415_320785533.jpg 0 0 +united_states_capitol/55727783_5255654049.jpg united_states_capitol/24672228_6246139416.jpg 0 0 +united_states_capitol/55727783_5255654049.jpg united_states_capitol/27648455_1317288680.jpg 0 0 +united_states_capitol/55861001_3696837769.jpg united_states_capitol/27648455_1317288680.jpg 0 0 +united_states_capitol/56043313_6287948108.jpg united_states_capitol/25553498_5745200060.jpg 0 0 +united_states_capitol/56075650_2488462290.jpg united_states_capitol/55180249_60512273.jpg 0 0 +united_states_capitol/56189854_7933130512.jpg united_states_capitol/12319392_406390053.jpg 0 0 +united_states_capitol/56370548_108847393.jpg united_states_capitol/40128108_9313344107.jpg 0 0 +united_states_capitol/56755683_172155887.jpg united_states_capitol/27661597_3998062242.jpg 0 0 +united_states_capitol/57076057_4464706689.jpg united_states_capitol/25115228_3188506686.jpg 0 0 +united_states_capitol/57076057_4464706689.jpg united_states_capitol/27269732_10127385303.jpg 0 0 +united_states_capitol/57076057_4464706689.jpg united_states_capitol/38702964_3098803719.jpg 0 0 +united_states_capitol/57153923_9594828591.jpg united_states_capitol/26729828_5037688507.jpg 0 0 +united_states_capitol/57154851_2536304095.jpg united_states_capitol/11970864_3240945732.jpg 0 0 +united_states_capitol/57194324_2132014598.jpg united_states_capitol/41758627_4120153081.jpg 0 0 +united_states_capitol/67277779_3208498448.jpg united_states_capitol/27622825_2397491251.jpg 0 1 +united_states_capitol/67371366_3920754292.jpg united_states_capitol/40196778_6893186416.jpg 0 0 +united_states_capitol/67371366_3920754292.jpg united_states_capitol/56043313_6287948108.jpg 0 0 +united_states_capitol/67406538_4737973132.jpg united_states_capitol/13348772_6900643922.jpg 0 0 +united_states_capitol/67639365_8390712394.jpg united_states_capitol/41579542_12447586605.jpg 0 3 +united_states_capitol/67763787_3399119359.jpg united_states_capitol/13481652_8891302141.jpg 0 0 +united_states_capitol/68068837_6418436889.jpg united_states_capitol/25305683_3345448271.jpg 0 0 +united_states_capitol/68068837_6418436889.jpg united_states_capitol/41987866_2050567611.jpg 0 0 +united_states_capitol/68333805_5133815033.jpg united_states_capitol/42086664_1508245230.jpg 0 0 +united_states_capitol/68333805_5133815033.jpg united_states_capitol/53361115_3924049623.jpg 0 0 +united_states_capitol/68372608_330910899.jpg united_states_capitol/10073947_8860295518.jpg 0 0 +united_states_capitol/68616343_8565068769.jpg united_states_capitol/12729610_172216730.jpg 0 0 +united_states_capitol/68826146_3399113765.jpg united_states_capitol/38771494_5108019249.jpg 0 0 +united_states_capitol/68826146_3399113765.jpg united_states_capitol/42652793_10392211395.jpg 0 3 +united_states_capitol/68826146_3399113765.jpg united_states_capitol/53611142_1702293512.jpg 0 0 +united_states_capitol/68826146_3399113765.jpg united_states_capitol/68068837_6418436889.jpg 0 0 +united_states_capitol/69550492_5206660165.jpg united_states_capitol/55845755_4249604531.jpg 0 0 +united_states_capitol/69550492_5206660165.jpg united_states_capitol/57076057_4464706689.jpg 0 0 +united_states_capitol/69643221_3397873336.jpg united_states_capitol/24317425_3825219726.jpg 0 0 +united_states_capitol/69656211_5752550160.jpg united_states_capitol/56707263_4436519236.jpg 0 0 +united_states_capitol/69825451_4873436133.jpg united_states_capitol/10372022_93261354.jpg 0 0 +united_states_capitol/69825451_4873436133.jpg united_states_capitol/25305683_3345448271.jpg 0 0 +united_states_capitol/69825451_4873436133.jpg united_states_capitol/26623966_2300201592.jpg 0 0 +united_states_capitol/69825451_4873436133.jpg united_states_capitol/42652793_10392211395.jpg 0 3 +united_states_capitol/69825451_4873436133.jpg united_states_capitol/52948324_6181600437.jpg 0 0 +united_states_capitol/69825451_4873436133.jpg united_states_capitol/55031238_3816060435.jpg 0 1 +united_states_capitol/69975000_3895178170.jpg united_states_capitol/25115228_3188506686.jpg 0 0 +united_states_capitol/70052234_2314422099.jpg united_states_capitol/10372022_93261354.jpg 0 0 +united_states_capitol/70052234_2314422099.jpg united_states_capitol/41542946_4027896832.jpg 0 3 +united_states_capitol/70052234_2314422099.jpg united_states_capitol/53955596_4966226326.jpg 0 0 +united_states_capitol/70052234_2314422099.jpg united_states_capitol/54283432_3536217524.jpg 0 0 +united_states_capitol/70052234_2314422099.jpg united_states_capitol/57194324_2132014598.jpg 0 0 +united_states_capitol/70052234_2314422099.jpg united_states_capitol/68372608_330910899.jpg 0 0 +united_states_capitol/70052234_2314422099.jpg united_states_capitol/68616343_8565068769.jpg 0 0 +united_states_capitol/70052234_2314422099.jpg united_states_capitol/69550492_5206660165.jpg 0 0 +united_states_capitol/70166403_3204806739.jpg united_states_capitol/55368186_4455504526.jpg 0 0 +united_states_capitol/70449609_280409734.jpg united_states_capitol/11303513_3343724658.jpg 0 0 +united_states_capitol/70449609_280409734.jpg united_states_capitol/24596838_2520966619.jpg 0 0 +united_states_capitol/70449609_280409734.jpg united_states_capitol/55031238_3816060435.jpg 0 1 +united_states_capitol/70482577_5367877160.jpg united_states_capitol/10353075_3098846661.jpg 0 3 +united_states_capitol/70482577_5367877160.jpg united_states_capitol/53361115_3924049623.jpg 0 0 +united_states_capitol/70482577_5367877160.jpg united_states_capitol/56751514_3875513969.jpg 0 0 +united_states_capitol/70506006_879171563.jpg united_states_capitol/10495245_8907741554.jpg 0 0 +united_states_capitol/70506006_879171563.jpg united_states_capitol/67277779_3208498448.jpg 0 0 +united_states_capitol/70794652_3301075662.jpg united_states_capitol/10054314_8385419558.jpg 0 0 +united_states_capitol/70918285_5729282766.jpg united_states_capitol/28154687_6091226418.jpg 0 3 +united_states_capitol/70918285_5729282766.jpg united_states_capitol/69825451_4873436133.jpg 0 0 +united_states_capitol/71034053_441282983.jpg united_states_capitol/10314931_9236481831.jpg 0 0 +united_states_capitol/71252024_3354217093.jpg united_states_capitol/70482577_5367877160.jpg 0 0 +united_states_capitol/71285613_6927266831.jpg united_states_capitol/10808256_8765427055.jpg 0 0 +united_states_capitol/71285613_6927266831.jpg united_states_capitol/25470908_4937466629.jpg 0 0 +united_states_capitol/71423417_4921721999.jpg united_states_capitol/12513220_5832734513.jpg 0 0 +united_states_capitol/81523790_49405432.jpg united_states_capitol/53179961_8234037377.jpg 0 0 +united_states_capitol/81824391_3248526374.jpg united_states_capitol/10054314_8385419558.jpg 0 0 +united_states_capitol/81824391_3248526374.jpg united_states_capitol/42171812_10761172416.jpg 0 0 +united_states_capitol/81899102_3217470578.jpg united_states_capitol/68826146_3399113765.jpg 0 0 +united_states_capitol/81916702_4186930932.jpg united_states_capitol/41028794_2127937038.jpg 0 0 +united_states_capitol/81917315_3211677320.jpg united_states_capitol/39391266_3864112248.jpg 0 0 +united_states_capitol/82024989_3353229407.jpg united_states_capitol/25115228_3188506686.jpg 0 0 +united_states_capitol/82024989_3353229407.jpg united_states_capitol/38702964_3098803719.jpg 0 0 +united_states_capitol/82032996_199575622.jpg united_states_capitol/10495245_8907741554.jpg 0 0 +united_states_capitol/82032996_199575622.jpg united_states_capitol/25562474_199546796.jpg 0 0 +united_states_capitol/82032996_199575622.jpg united_states_capitol/38511888_60558678.jpg 0 3 +united_states_capitol/82032996_199575622.jpg united_states_capitol/81874720_3210816971.jpg 0 0 +united_states_capitol/82287404_8868654906.jpg united_states_capitol/55727783_5255654049.jpg 0 0 +united_states_capitol/82413346_9447316753.jpg united_states_capitol/67763787_3399119359.jpg 0 0 +united_states_capitol/82418554_2282705022.jpg united_states_capitol/10372022_93261354.jpg 0 0 +united_states_capitol/82418554_2282705022.jpg united_states_capitol/71034053_441282983.jpg 0 0 +united_states_capitol/82542428_5752180483.jpg united_states_capitol/13348772_6900643922.jpg 0 0 +united_states_capitol/82542428_5752180483.jpg united_states_capitol/42158415_4641560444.jpg 0 0 +united_states_capitol/82542428_5752180483.jpg united_states_capitol/55861001_3696837769.jpg 0 0 +united_states_capitol/82549256_6128980179.jpg united_states_capitol/71252024_3354217093.jpg 0 0 +united_states_capitol/82577096_2478776408.jpg united_states_capitol/39391266_3864112248.jpg 0 0 +united_states_capitol/82577096_2478776408.jpg united_states_capitol/53611142_1702293512.jpg 0 0 +united_states_capitol/82577096_2478776408.jpg united_states_capitol/81824391_3248526374.jpg 0 0 +united_states_capitol/82809256_5596155149.jpg united_states_capitol/38702964_3098803719.jpg 0 0 +united_states_capitol/82809256_5596155149.jpg united_states_capitol/57153923_9594828591.jpg 0 0 +united_states_capitol/82809256_5596155149.jpg united_states_capitol/68372608_330910899.jpg 0 0 +united_states_capitol/82809256_5596155149.jpg united_states_capitol/81629473_28369245.jpg 0 0 +united_states_capitol/82809256_5596155149.jpg united_states_capitol/81874720_3210816971.jpg 0 0 +united_states_capitol/83021980_5847066484.jpg united_states_capitol/68826146_3399113765.jpg 0 0 +united_states_capitol/83039673_3165866554.jpg united_states_capitol/27925017_4436518460.jpg 0 0 +united_states_capitol/83355588_8396450340.jpg united_states_capitol/42652793_10392211395.jpg 0 3 +united_states_capitol/83355588_8396450340.jpg united_states_capitol/70166403_3204806739.jpg 0 0 +united_states_capitol/83355588_8396450340.jpg united_states_capitol/81917315_3211677320.jpg 0 0 +united_states_capitol/83442304_13480763223.jpg united_states_capitol/41973961_3393464404.jpg 0 3 +united_states_capitol/83442304_13480763223.jpg united_states_capitol/55031238_3816060435.jpg 0 1 +united_states_capitol/83601611_7594999308.jpg united_states_capitol/26830263_8154590231.jpg 0 0 +united_states_capitol/83965025_8496525980.jpg united_states_capitol/70052234_2314422099.jpg 0 0 +united_states_capitol/83965025_8496525980.jpg united_states_capitol/82648559_8565066837.jpg 0 0 +united_states_capitol/84028101_3413793958.jpg united_states_capitol/14189650_2442965307.jpg 0 0 +united_states_capitol/84058848_6816952625.jpg united_states_capitol/14189650_2442965307.jpg 0 0 +united_states_capitol/84335083_462363889.jpg united_states_capitol/41542946_4027896832.jpg 0 3 +united_states_capitol/84935678_2193282164.jpg united_states_capitol/82577096_2478776408.jpg 0 0 +united_states_capitol/85005967_118767977.jpg united_states_capitol/25305683_3345448271.jpg 0 0 +united_states_capitol/85017204_3221270651.jpg united_states_capitol/27181607_5130771396.jpg 0 3 +united_states_capitol/85017204_3221270651.jpg united_states_capitol/42769281_4016757433.jpg 0 1 +united_states_capitol/85017204_3221270651.jpg united_states_capitol/53361115_3924049623.jpg 0 0 +united_states_capitol/85017204_3221270651.jpg united_states_capitol/81824391_3248526374.jpg 0 0 +united_states_capitol/85017204_3221270651.jpg united_states_capitol/82373506_6453204975.jpg 0 0 +united_states_capitol/85552781_2905123257.jpg united_states_capitol/84028101_3413793958.jpg 0 0 +united_states_capitol/95792639_5577046773.jpg united_states_capitol/68333805_5133815033.jpg 2 0 +united_states_capitol/95846476_9870117854.jpg united_states_capitol/26757027_6717084061.jpg 0 0 +united_states_capitol/95846476_9870117854.jpg united_states_capitol/56191209_5900898920.jpg 0 0 +united_states_capitol/95846476_9870117854.jpg united_states_capitol/67356803_4399530355.jpg 0 0 +united_states_capitol/95872889_5117990862.jpg united_states_capitol/40196778_6893186416.jpg 0 0 +united_states_capitol/95872889_5117990862.jpg united_states_capitol/83355588_8396450340.jpg 0 0 +united_states_capitol/95946437_6787830948.jpg united_states_capitol/10808256_8765427055.jpg 0 0 +united_states_capitol/95946437_6787830948.jpg united_states_capitol/82024989_3353229407.jpg 0 0 +united_states_capitol/96346497_2281914225.jpg united_states_capitol/85005967_118767977.jpg 0 0 +united_states_capitol/96516770_365362127.jpg united_states_capitol/11176130_5444681788.jpg 0 0 +united_states_capitol/96532152_1752308895.jpg united_states_capitol/14189650_2442965307.jpg 0 0 +united_states_capitol/96532152_1752308895.jpg united_states_capitol/53775227_9080432154.jpg 0 0 +united_states_capitol/96620658_3197908730.jpg united_states_capitol/10372022_93261354.jpg 0 0 +united_states_capitol/96620658_3197908730.jpg united_states_capitol/38702964_3098803719.jpg 0 0 +united_states_capitol/96620658_3197908730.jpg united_states_capitol/40128108_9313344107.jpg 0 0 +united_states_capitol/96620658_3197908730.jpg united_states_capitol/53611142_1702293512.jpg 0 0 +united_states_capitol/96620658_3197908730.jpg united_states_capitol/82032996_199575622.jpg 0 0 +united_states_capitol/96639496_1747169430.jpg united_states_capitol/25562474_199546796.jpg 0 0 +united_states_capitol/96639496_1747169430.jpg united_states_capitol/42602159_2537297913.jpg 0 0 +united_states_capitol/96639496_1747169430.jpg united_states_capitol/85017204_3221270651.jpg 0 0 +united_states_capitol/96729926_5603429209.jpg united_states_capitol/38701573_60062009.jpg 0 0 +united_states_capitol/96789211_3223680759.jpg united_states_capitol/53179961_8234037377.jpg 0 0 +united_states_capitol/97132617_4393915513.jpg united_states_capitol/41766298_3222122010.jpg 0 0 +united_states_capitol/97132617_4393915513.jpg united_states_capitol/53955596_4966226326.jpg 0 0 +united_states_capitol/97132617_4393915513.jpg united_states_capitol/55444937_121383949.jpg 0 0 +united_states_capitol/97212960_7180983220.jpg united_states_capitol/26861275_3159201253.jpg 0 0 +united_states_capitol/97212960_7180983220.jpg united_states_capitol/41766298_3222122010.jpg 0 0 +united_states_capitol/97212960_7180983220.jpg united_states_capitol/56075650_2488462290.jpg 0 0 +united_states_capitol/97212960_7180983220.jpg united_states_capitol/82809256_5596155149.jpg 0 0 +united_states_capitol/97345978_9450099570.jpg united_states_capitol/12319392_406390053.jpg 3 0 +united_states_capitol/97345978_9450099570.jpg united_states_capitol/26830263_8154590231.jpg 3 0 +united_states_capitol/97468550_3777337913.jpg united_states_capitol/40553548_2041085637.jpg 0 0 +united_states_capitol/98018372_462363891.jpg united_states_capitol/24317425_3825219726.jpg 0 0 +united_states_capitol/98155749_9349304540.jpg united_states_capitol/25639661_3226824371.jpg 0 0 +united_states_capitol/98169888_3347710852.jpg united_states_capitol/26757027_6717084061.jpg 0 0 +united_states_capitol/98169888_3347710852.jpg united_states_capitol/68826146_3399113765.jpg 0 0 +united_states_capitol/98181922_8378227679.jpg united_states_capitol/25921028_4399082111.jpg 0 0 +united_states_capitol/98181922_8378227679.jpg united_states_capitol/55845755_4249604531.jpg 0 0 +united_states_capitol/98181922_8378227679.jpg united_states_capitol/81899102_3217470578.jpg 0 0 +united_states_capitol/98313938_7952475570.jpg united_states_capitol/27622825_2397491251.jpg 0 1 +united_states_capitol/98638703_298571875.jpg united_states_capitol/56751514_3875513969.jpg 0 0 +united_states_capitol/98704326_8225150665.jpg united_states_capitol/25115228_3188506686.jpg 0 0 +united_states_capitol/98704326_8225150665.jpg united_states_capitol/42158415_4641560444.jpg 0 0 +united_states_capitol/98721986_3578235895.jpg united_states_capitol/55368186_4455504526.jpg 0 0 +united_states_capitol/98721986_3578235895.jpg united_states_capitol/68826146_3399113765.jpg 0 0 +united_states_capitol/98721986_3578235895.jpg united_states_capitol/70482577_5367877160.jpg 0 0 +united_states_capitol/98785900_5694496590.jpg united_states_capitol/27032800_2041991962.jpg 0 0 +united_states_capitol/98785900_5694496590.jpg united_states_capitol/97212960_7180983220.jpg 0 0 +united_states_capitol/99189040_3332574506.jpg united_states_capitol/26757027_6717084061.jpg 0 0 +united_states_capitol/99473022_409438682.jpg united_states_capitol/10353075_3098846661.jpg 0 3 +united_states_capitol/99473022_409438682.jpg united_states_capitol/98181922_8378227679.jpg 0 0 +united_states_capitol/99667099_2569884988.jpg united_states_capitol/83601611_7594999308.jpg 0 0 +united_states_capitol/99752551_2113618223.jpg united_states_capitol/42602159_2537297913.jpg 0 0 +united_states_capitol/99752551_2113618223.jpg united_states_capitol/67763787_3399119359.jpg 0 0 diff --git a/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0711_00_frame-001680.jpg b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0711_00_frame-001680.jpg new file mode 100644 index 0000000000000000000000000000000000000000..352d91fbf3d08d2aef8bf75377a302419e1d5c59 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0711_00_frame-001680.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:373126837fbd4c6f202dbade2e87fd310df5a98ad493069beed4809bc78c6d07 +size 190290 diff --git a/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0711_00_frame-001995.jpg b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0711_00_frame-001995.jpg new file mode 100644 index 0000000000000000000000000000000000000000..bef3f16c0403c0884cfea5423ba8ed7972f964c0 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0711_00_frame-001995.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6955a68c1f053682660c0c1f9c6ed84b76dc617199d966860c2e11edf0a0f782 +size 188834 diff --git a/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0713_00_frame-001320.jpg b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0713_00_frame-001320.jpg new file mode 100644 index 0000000000000000000000000000000000000000..a52758a630c65d28f6f2bc5f95df0b2a456a8e67 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0713_00_frame-001320.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0ef5f58bd71b9243c5d29e5dad56541a16a206b282ab0105a75b14a49b38105e +size 194198 diff --git a/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0713_00_frame-002025.jpg b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0713_00_frame-002025.jpg new file mode 100644 index 0000000000000000000000000000000000000000..dbfc7200dbc2aa575f6869bbc5bf1f380872eff3 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0713_00_frame-002025.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:58867c9f45092ec39343819b37e2ea7fdeae8d0a4afaa9c1e8bbef4db122a426 +size 188245 diff --git a/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0721_00_frame-000375.jpg b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0721_00_frame-000375.jpg new file mode 100644 index 0000000000000000000000000000000000000000..e5fb4c244187ab2881b419a748c3af8c7b02dbc9 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0721_00_frame-000375.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5fe34bbe584aeece49b40371c883e82377e49cb54deb78411fef2d0a8c943919 +size 255959 diff --git a/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0721_00_frame-002745.jpg b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0721_00_frame-002745.jpg new file mode 100644 index 0000000000000000000000000000000000000000..2b9028997f58178252f95a6120247adab0d96cd7 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0721_00_frame-002745.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:68427065749354bbcec51210d24975ee5c4edd79000f45071e7453ce91c49011 +size 255148 diff --git a/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0722_00_frame-000045.jpg b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0722_00_frame-000045.jpg new file mode 100644 index 0000000000000000000000000000000000000000..e4f07218fb796a01a68721ff313660d707e40149 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0722_00_frame-000045.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6d5daf283a35fb1be211e91e9926d2d1fb727139fd339804852ff0216bedd217 +size 229016 diff --git a/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0722_00_frame-000735.jpg b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0722_00_frame-000735.jpg new file mode 100644 index 0000000000000000000000000000000000000000..72832063aeed533308643299e2264990d31f3e53 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0722_00_frame-000735.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:06c0f39b70a6aeb95b1646f607def5481d27ce486195a6cfce9c5e180ccdac2b +size 192257 diff --git a/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0726_00_frame-000135.jpg b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0726_00_frame-000135.jpg new file mode 100644 index 0000000000000000000000000000000000000000..f089613968b0ad42fa88119c331869002538a74d --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0726_00_frame-000135.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:68ec3d969f7d80a239a865ac834cad1a9d28728ef5632ebbf766b0827b7fe66c +size 245104 diff --git a/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0726_00_frame-000210.jpg b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0726_00_frame-000210.jpg new file mode 100644 index 0000000000000000000000000000000000000000..f07340d43409ef2e0c5b15946c0cca9f2363c44d --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0726_00_frame-000210.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8946de363045246897817ed54e30e2bf2994315549a734af966f894290f99da4 +size 209391 diff --git a/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0737_00_frame-000930.jpg b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0737_00_frame-000930.jpg new file mode 100644 index 0000000000000000000000000000000000000000..7d4790ffaeeead0505a4ba64873a91c5b5769d57 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0737_00_frame-000930.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8311d78e2d2eddfb3bf6b5b6a3c9dab7b497bf4eeef2ad9def7c3b15d31040da +size 238814 diff --git a/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0737_00_frame-001095.jpg b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0737_00_frame-001095.jpg new file mode 100644 index 0000000000000000000000000000000000000000..9fa7fc0a3e973b2e3f90ead2d7f4e00c2b96c5da --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0737_00_frame-001095.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6eb7668082d2f5b331e2e4a7240182f800d3d4e8cd7d641f6d78813dba463954 +size 320123 diff --git a/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0738_00_frame-000885.jpg b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0738_00_frame-000885.jpg new file mode 100644 index 0000000000000000000000000000000000000000..db55a757d035353bc49ac154157bdafe64fb9080 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0738_00_frame-000885.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:38192f0256e15d7698b56914292028ce7645e160087f1ab1f803a953f7d64a70 +size 277514 diff --git a/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0738_00_frame-001065.jpg b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0738_00_frame-001065.jpg new file mode 100644 index 0000000000000000000000000000000000000000..a61cca5f9226eb48fb82112b2aa974ebc37e7db6 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0738_00_frame-001065.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:51fee9e83147b95fe6ba536b76d52081f2e3fb39cfd1d5a3754683d5bdaaf9a0 +size 266111 diff --git a/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0743_00_frame-000000.jpg b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0743_00_frame-000000.jpg new file mode 100644 index 0000000000000000000000000000000000000000..39d9da4d99aa2c3a4ea47c2ddd68af11d4690067 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0743_00_frame-000000.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7c9ed6ea66bba27339b663c851ab3a62e69c3b19cd36540f0db55ae6553e296c +size 531877 diff --git a/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0743_00_frame-001275.jpg b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0743_00_frame-001275.jpg new file mode 100644 index 0000000000000000000000000000000000000000..e8b5e757b0be61ff2dd2b78186279b077398f760 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0743_00_frame-001275.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:da47f11f97b2c0f85d41e7948305840f0914482ba84cbcf15fdbf7b771eac3a5 +size 301332 diff --git a/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0744_00_frame-000585.jpg b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0744_00_frame-000585.jpg new file mode 100644 index 0000000000000000000000000000000000000000..5985d0f8c759afd000a39d0ea2a6ff6488b6986f --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0744_00_frame-000585.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:881e500d00f573bffbceb7faf571f041458b40bf8cffeb0f2d169f3af37b37c8 +size 339129 diff --git a/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0744_00_frame-002310.jpg b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0744_00_frame-002310.jpg new file mode 100644 index 0000000000000000000000000000000000000000..4f10fbab7241fb5187ced07e5742038918a7b7d4 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0744_00_frame-002310.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8ad6c569339b1eaf043e1c025856664d18175d6f6656f2312a3aaa090db27971 +size 319981 diff --git a/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0747_00_frame-000000.jpg b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0747_00_frame-000000.jpg new file mode 100644 index 0000000000000000000000000000000000000000..5a82086cef0c0c912b6be5fa01c778e4a7917c36 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0747_00_frame-000000.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e0e277630621e1acc86c4e47d5bdf1d572af7bd77feb5750f6a99045fe5b9cc1 +size 287817 diff --git a/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0747_00_frame-001530.jpg b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0747_00_frame-001530.jpg new file mode 100644 index 0000000000000000000000000000000000000000..c61fbdc3f24850e2a32da0a66ee67e8cbb50ed98 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0747_00_frame-001530.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8071f4744379f3d75dc59fa0c1716c4501a147d252303815305560ec255a895b +size 279427 diff --git a/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0752_00_frame-000075.jpg b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0752_00_frame-000075.jpg new file mode 100644 index 0000000000000000000000000000000000000000..cc436f44daecf1075fd483052827bb1402912d37 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0752_00_frame-000075.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c6aa1f094cd37533405bda109573f1bf06ee8f1c1f25dbc94818eac09752d321 +size 279868 diff --git a/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0752_00_frame-001440.jpg b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0752_00_frame-001440.jpg new file mode 100644 index 0000000000000000000000000000000000000000..90e42bb1cddde26a96316e19e18ba809bd288162 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0752_00_frame-001440.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3cff68e82a7d7c93cf8ebd8a8d658d3f6e90c3e14f87e7c4e0f1321581f305e4 +size 255363 diff --git a/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0755_00_frame-000120.jpg b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0755_00_frame-000120.jpg new file mode 100644 index 0000000000000000000000000000000000000000..e2a1816ce729263c49ab3cd185928f5c977f5a7b --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0755_00_frame-000120.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:247d99cdb6adff64c8048a0a5e19ffc6f441e4e994e03bd8b8f248de43e9dc13 +size 207851 diff --git a/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0755_00_frame-002055.jpg b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0755_00_frame-002055.jpg new file mode 100644 index 0000000000000000000000000000000000000000..843b610b9832d07b1c5e46379b64561ec8ac8d84 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0755_00_frame-002055.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:63d5c5a5e0b6014c00092ba056b62f88940e793c7bd657ca4cf405c143c9aeff +size 160356 diff --git a/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0758_00_frame-000165.jpg b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0758_00_frame-000165.jpg new file mode 100644 index 0000000000000000000000000000000000000000..54b90160fdf012866cbce737ad1014e47ca32100 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0758_00_frame-000165.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5fd77334cd42cbdd6daaaee0b155df32040221a8f56e51f527846fcfebf54d53 +size 218723 diff --git a/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0758_00_frame-000510.jpg b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0758_00_frame-000510.jpg new file mode 100644 index 0000000000000000000000000000000000000000..8e992e4038e0901dc59b4507f45de683eafdacfb --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0758_00_frame-000510.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:31f870f406c8eaf019a6b6df888789f31a6f17f3594413c4dd413b7873e2346e +size 202939 diff --git a/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0768_00_frame-001095.jpg b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0768_00_frame-001095.jpg new file mode 100644 index 0000000000000000000000000000000000000000..b7f423ebbcb227104e061758ac3cc5069a89981c --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0768_00_frame-001095.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c6f34afdb891dca6cde7d15e34aa840d0e1a562605ba304ed7aae3f809fb0525 +size 222502 diff --git a/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0768_00_frame-003435.jpg b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0768_00_frame-003435.jpg new file mode 100644 index 0000000000000000000000000000000000000000..94bcaf82e10997a0ef6d8567a80ab66d67bc7cd7 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0768_00_frame-003435.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:91bf06e557c452b70e6e097b44d4d6a9d21af694d704e5623929576de4b0c093 +size 262356 diff --git a/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0806_00_frame-000225.jpg b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0806_00_frame-000225.jpg new file mode 100644 index 0000000000000000000000000000000000000000..dfaaafa5ca05cb8627716bc5993fadd0131f07d6 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0806_00_frame-000225.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:901e55cc1f250519a4a54cc32e9472dabafaf192933f11f402b893a5fdc0a282 +size 255317 diff --git a/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0806_00_frame-001095.jpg b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0806_00_frame-001095.jpg new file mode 100644 index 0000000000000000000000000000000000000000..8c1c103e835ce22d55869eb8ca2e39ae5c0b9c87 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_images/scene0806_00_frame-001095.jpg @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:35a95e0d17f07cd705bdfa89da9ae577a7c4c1df82a7ecf97383eec41c4ad180 +size 259540 diff --git a/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_pairs_with_gt.txt b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_pairs_with_gt.txt new file mode 100644 index 0000000000000000000000000000000000000000..55722c45b8d47a22d282d58ad7dae9daf0bd6748 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/scannet_sample_pairs_with_gt.txt @@ -0,0 +1,15 @@ +scene0711_00_frame-001680.jpg scene0711_00_frame-001995.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.78593 -0.35128 0.50884 -1.51061 0.39215 0.91944 0.02904 -0.05367 -0.47805 0.17672 0.86037 0.056 0. 0. 0. 1. +scene0713_00_frame-001320.jpg scene0713_00_frame-002025.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.40375 0.5041 -0.76346 1.01594 -0.56758 0.79251 0.22312 -0.24205 0.71752 0.34323 0.60609 0.05395 0. 0. 0. 1. +scene0721_00_frame-000375.jpg scene0721_00_frame-002745.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.57186 0.27762 -0.77194 5.55343 -0.66662 0.70569 -0.24004 2.77116 0.47811 0.65186 0.58863 -1.65749 0. 0. 0. 1. +scene0722_00_frame-000045.jpg scene0722_00_frame-000735.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.65066 0.11299 -0.75092 0.78349 -0.27579 0.95651 -0.09504 0.06852 0.70752 0.26894 0.65352 -0.4044 0. 0. 0. 1. +scene0726_00_frame-000135.jpg scene0726_00_frame-000210.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.62595 0.64423 -0.43949 0.40691 -0.72171 0.69207 -0.01342 -0.01081 0.29551 0.32558 0.89815 -0.10968 0. 0. 0. 1. +scene0737_00_frame-000930.jpg scene0737_00_frame-001095.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.97106 0.20815 -0.11712 0.25128 -0.12658 0.86436 0.48669 -0.8737 0.20253 -0.45778 0.86569 0.21029 0. 0. 0. 1. +scene0738_00_frame-000885.jpg scene0738_00_frame-001065.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.64207 -0.45589 0.61637 -0.98316 0.50535 0.85627 0.10691 -0.6276 -0.57652 0.24284 0.78016 0.73601 0. 0. 0. 1. +scene0743_00_frame-000000.jpg scene0743_00_frame-001275.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. -0.98671 0.01989 -0.16126 0.33601 -0.15707 0.13734 0.97799 -1.55255 0.0416 0.99033 -0.13239 1.55932 0. 0. 0. 1. +scene0744_00_frame-000585.jpg scene0744_00_frame-002310.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.16458 0.52969 -0.83207 2.99964 -0.49288 0.77487 0.39579 -0.14204 0.85439 0.34497 0.3886 0.43063 0. 0. 0. 1. +scene0747_00_frame-000000.jpg scene0747_00_frame-001530.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.47608 -0.36152 0.80165 -3.08857 0.73195 0.66818 -0.13337 0.33645 -0.48743 0.65027 0.58272 -0.16841 0. 0. 0. 1. +scene0752_00_frame-000075.jpg scene0752_00_frame-001440.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.30504 0.62126 -0.72179 1.17972 -0.5394 0.73733 0.40668 -0.18845 0.78485 0.26528 0.56002 -0.03684 0. 0. 0. 1. +scene0755_00_frame-000120.jpg scene0755_00_frame-002055.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.10156 0.41946 -0.90207 1.60366 -0.17977 0.89957 0.39806 -0.32295 0.97845 0.12173 0.16677 2.06474 0. 0. 0. 1. +scene0758_00_frame-000165.jpg scene0758_00_frame-000510.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.6495 0.22728 -0.7256 1.0867 -0.29881 0.9538 0.03129 -0.03638 0.69919 0.19649 0.68741 -0.00462 0. 0. 0. 1. +scene0768_00_frame-001095.jpg scene0768_00_frame-003435.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.61456 0.61121 -0.49875 1.44296 -0.46515 0.79138 0.39667 -0.32226 0.63715 -0.01178 0.77065 0.31639 0. 0. 0. 1. +scene0806_00_frame-000225.jpg scene0806_00_frame-001095.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.15102 0.52115 -0.84 1.95984 -0.41332 0.80519 0.42525 -1.02578 0.89798 0.28297 0.337 1.24882 0. 0. 0. 1. diff --git a/third_party/SuperGluePretrainedNetwork/assets/scannet_test_pairs_with_gt.txt b/third_party/SuperGluePretrainedNetwork/assets/scannet_test_pairs_with_gt.txt new file mode 100644 index 0000000000000000000000000000000000000000..79e01cb74ceacbdc50b75840ca2e5895bb87139f --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/scannet_test_pairs_with_gt.txt @@ -0,0 +1,1500 @@ +scans_test/scene0707_00/sens/frame-000015.color.jpg scans_test/scene0707_00/sens/frame-000585.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.97598 0.05925 0.20966 -0.03968 -0.08203 0.99143 0.10171 0.00746 -0.20184 -0.11647 0.97247 0.54255 0. 0. 0. 1. +scans_test/scene0707_00/sens/frame-000045.color.jpg scans_test/scene0707_00/sens/frame-000105.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.77816 0.13791 -0.61274 0.91886 -0.15647 0.9874 0.02354 0.19041 0.60827 0.07756 0.78994 -0.42882 0. 0. 0. 1. +scans_test/scene0707_00/sens/frame-000045.color.jpg scans_test/scene0707_00/sens/frame-000690.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.65802 0.24299 -0.71272 0.57467 -0.20945 0.96821 0.13673 0.11195 0.72329 0.05931 0.688 -0.35587 0. 0. 0. 1. +scans_test/scene0707_00/sens/frame-000060.color.jpg scans_test/scene0707_00/sens/frame-000585.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.85765 -0.04088 0.5126 -0.23696 0.00915 0.99789 0.06428 -0.17678 -0.51415 -0.05044 0.85622 1.22381 0. 0. 0. 1. +scans_test/scene0707_00/sens/frame-000090.color.jpg scans_test/scene0707_00/sens/frame-000660.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.99841 0.0249 -0.05066 -0.47351 -0.02302 0.99904 0.03736 -0.06462 0.05154 -0.03613 0.99802 0.26685 0. 0. 0. 1. +scans_test/scene0707_00/sens/frame-000105.color.jpg scans_test/scene0707_00/sens/frame-000600.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.67112 -0.11728 0.73201 -0.44637 0.0291 0.99081 0.13207 -0.15429 -0.74078 -0.06734 0.66837 1.71323 0. 0. 0. 1. +scans_test/scene0707_00/sens/frame-000135.color.jpg scans_test/scene0707_00/sens/frame-000165.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.89928 0.11245 -0.42267 0.09949 -0.10081 0.99365 0.04988 -0.00761 0.4256 -0.00225 0.90491 0.06813 0. 0. 0. 1. +scans_test/scene0707_00/sens/frame-000150.color.jpg scans_test/scene0707_00/sens/frame-000660.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.80931 -0.1093 0.57712 -0.91564 0.10264 0.99373 0.04427 -0.17732 -0.57834 0.02341 0.81546 0.77839 0. 0. 0. 1. +scans_test/scene0707_00/sens/frame-000150.color.jpg scans_test/scene0707_00/sens/frame-000690.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.96074 -0.0024 0.27744 -0.81288 0.00543 0.99993 -0.01013 -0.00984 -0.2774 0.01124 0.96069 0.17434 0. 0. 0. 1. +scans_test/scene0707_00/sens/frame-000165.color.jpg scans_test/scene0707_00/sens/frame-000660.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.67829 -0.17927 0.71259 -0.93488 0.15765 0.9827 0.09716 -0.16626 -0.71768 0.04644 0.69482 0.74361 0. 0. 0. 1. +scans_test/scene0707_00/sens/frame-000375.color.jpg scans_test/scene0707_00/sens/frame-000450.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.81539 0.14246 -0.56111 0.54569 -0.18925 0.98159 -0.0258 0.00407 0.5471 0.12723 0.82734 -0.11966 0. 0. 0. 1. +scans_test/scene0707_00/sens/frame-000510.color.jpg scans_test/scene0707_00/sens/frame-000540.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.95374 0.18247 -0.23892 0.27344 -0.12999 0.9669 0.21954 0.14836 0.27107 -0.17833 0.9459 -0.09581 0. 0. 0. 1. +scans_test/scene0707_00/sens/frame-000525.color.jpg scans_test/scene0707_00/sens/frame-000540.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.98543 0.06822 -0.15577 0.11579 -0.05463 0.99445 0.08991 0.09326 0.16104 -0.08009 0.98369 -0.05104 0. 0. 0. 1. +scans_test/scene0707_00/sens/frame-000585.color.jpg scans_test/scene0707_00/sens/frame-000630.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.87393 0.04012 -0.48439 0.40912 -0.0415 0.99911 0.00789 0.03281 0.48428 0.01321 0.87482 -0.54948 0. 0. 0. 1. +scans_test/scene0707_00/sens/frame-000765.color.jpg scans_test/scene0707_00/sens/frame-000780.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.97073 0.09439 -0.22083 0.05283 -0.08799 0.99537 0.03863 0.04501 0.22346 -0.01807 0.97455 -0.14785 0. 0. 0. 1. +scans_test/scene0708_00/sens/frame-000015.color.jpg scans_test/scene0708_00/sens/frame-000960.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.5485 -0.24926 0.79813 -0.68541 0.11088 0.96779 0.22605 -0.56321 -0.82876 -0.03549 0.55847 2.76714 0. 0. 0. 1. +scans_test/scene0708_00/sens/frame-000060.color.jpg scans_test/scene0708_00/sens/frame-001125.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.99501 -0.06479 0.07589 -0.38814 0.05625 0.99238 0.1096 -0.47443 -0.08241 -0.10478 0.99107 0.98215 0. 0. 0. 1. +scans_test/scene0708_00/sens/frame-000075.color.jpg scans_test/scene0708_00/sens/frame-001140.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.99701 0.02446 -0.07332 -0.71777 -0.02038 0.99823 0.05594 -0.44252 0.07456 -0.05427 0.99574 0.95906 0. 0. 0. 1. +scans_test/scene0708_00/sens/frame-000105.color.jpg scans_test/scene0708_00/sens/frame-000165.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.96241 0.04843 -0.26724 0.23047 -0.05158 0.99866 -0.00477 -0.00425 0.26665 0.01837 0.96362 -0.09108 0. 0. 0. 1. +scans_test/scene0708_00/sens/frame-000165.color.jpg scans_test/scene0708_00/sens/frame-000225.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.87424 0.21593 -0.43483 0.34746 -0.20365 0.97614 0.07529 0.11302 0.44072 0.02274 0.89736 -0.40074 0. 0. 0. 1. +scans_test/scene0708_00/sens/frame-000210.color.jpg scans_test/scene0708_00/sens/frame-000255.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.82733 0.22561 -0.51441 0.17185 -0.17982 0.97398 0.13797 0.06113 0.53215 -0.02164 0.84637 -0.30827 0. 0. 0. 1. +scans_test/scene0708_00/sens/frame-000225.color.jpg scans_test/scene0708_00/sens/frame-000240.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.96952 0.08552 -0.22962 0.03929 -0.08417 0.99633 0.01568 0.00081 0.23012 0.00413 0.97315 -0.07371 0. 0. 0. 1. +scans_test/scene0708_00/sens/frame-000300.color.jpg scans_test/scene0708_00/sens/frame-000360.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.95297 0.03827 -0.30064 0.16403 -0.03262 0.99918 0.02381 0.38746 0.3013 -0.01288 0.95344 -1.09023 0. 0. 0. 1. +scans_test/scene0708_00/sens/frame-000420.color.jpg scans_test/scene0708_00/sens/frame-000480.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.98275 0.00414 -0.1849 0.13396 0.02446 0.98806 0.15214 0.1966 0.18332 -0.15404 0.97091 -0.68197 0. 0. 0. 1. +scans_test/scene0708_00/sens/frame-000525.color.jpg scans_test/scene0708_00/sens/frame-000645.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.94358 0.11858 -0.3092 -0.00892 -0.07424 0.98567 0.15144 0.10536 0.32272 -0.11994 0.93886 -0.48141 0. 0. 0. 1. +scans_test/scene0708_00/sens/frame-000540.color.jpg scans_test/scene0708_00/sens/frame-000645.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.93754 0.1211 -0.32611 0.00558 -0.07392 0.98539 0.15342 0.10997 0.33992 -0.11973 0.9328 -0.46784 0. 0. 0. 1. +scans_test/scene0708_00/sens/frame-000555.color.jpg scans_test/scene0708_00/sens/frame-000645.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.93778 0.10059 -0.33233 0.00347 -0.05472 0.98797 0.14462 0.08785 0.34288 -0.11744 0.93201 -0.41044 0. 0. 0. 1. +scans_test/scene0708_00/sens/frame-000645.color.jpg scans_test/scene0708_00/sens/frame-000675.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.96352 0.04749 -0.2634 0.13689 -0.06515 0.99615 -0.05871 -0.07613 0.25959 0.07373 0.9629 0.20219 0. 0. 0. 1. +scans_test/scene0708_00/sens/frame-000660.color.jpg scans_test/scene0708_00/sens/frame-000690.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.96128 0.04766 -0.27141 0.03039 -0.06996 0.99487 -0.07309 -0.05191 0.26654 0.08925 0.95968 -0.00415 0. 0. 0. 1. +scans_test/scene0708_00/sens/frame-000990.color.jpg scans_test/scene0708_00/sens/frame-001035.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.99901 -0.00885 0.04361 0.64835 0.00179 0.98722 0.15938 0.16269 -0.04446 -0.15914 0.98625 -0.43269 0. 0. 0. 1. +scans_test/scene0709_00/sens/frame-000015.color.jpg scans_test/scene0709_00/sens/frame-000930.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.90208 0.16592 -0.3984 0.31669 -0.11257 0.98165 0.15393 -0.06948 0.41663 -0.09401 0.9042 0.27359 0. 0. 0. 1. +scans_test/scene0709_00/sens/frame-000030.color.jpg scans_test/scene0709_00/sens/frame-000090.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.94871 0.08835 -0.30354 0.28323 -0.1002 0.99469 -0.02365 0.05211 0.29984 0.05285 0.95253 -0.08534 0. 0. 0. 1. +scans_test/scene0709_00/sens/frame-000045.color.jpg scans_test/scene0709_00/sens/frame-000930.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.9202 0.03036 -0.39028 0.1344 -0.05454 0.99721 -0.05101 -0.23695 0.38764 0.06823 0.91928 0.4145 0. 0. 0. 1. +scans_test/scene0709_00/sens/frame-000105.color.jpg scans_test/scene0709_00/sens/frame-000915.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.99615 -0.0298 0.08246 0.05015 0.0273 0.99914 0.03128 -0.21769 -0.08332 -0.02891 0.9961 0.73831 0. 0. 0. 1. +scans_test/scene0709_00/sens/frame-000120.color.jpg scans_test/scene0709_00/sens/frame-000930.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.96857 -0.0912 0.23142 0.07995 0.06772 0.9919 0.10745 -0.18234 -0.23935 -0.0884 0.9669 0.73553 0. 0. 0. 1. +scans_test/scene0709_00/sens/frame-000135.color.jpg scans_test/scene0709_00/sens/frame-000930.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.9406 -0.15223 0.30349 0.04893 0.11453 0.98372 0.13847 -0.22939 -0.31963 -0.09548 0.94272 0.92961 0. 0. 0. 1. +scans_test/scene0709_00/sens/frame-000375.color.jpg scans_test/scene0709_00/sens/frame-000405.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.89862 0.24987 -0.36063 -0.17689 -0.23438 0.96826 0.08684 0.07984 0.37088 0.00649 0.92866 -0.02416 0. 0. 0. 1. +scans_test/scene0709_00/sens/frame-000510.color.jpg scans_test/scene0709_00/sens/frame-000645.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.97555 -0.04877 0.21432 -0.72481 0.048 0.99881 0.0088 0.20648 -0.21449 0.0017 0.97672 -0.46879 0. 0. 0. 1. +scans_test/scene0709_00/sens/frame-000510.color.jpg scans_test/scene0709_00/sens/frame-000675.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.99007 0.13102 -0.05095 -0.5355 -0.1358 0.98509 -0.10564 0.55443 0.03635 0.11151 0.9931 -1.06374 0. 0. 0. 1. +scans_test/scene0709_00/sens/frame-000525.color.jpg scans_test/scene0709_00/sens/frame-000675.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.9776 0.17814 -0.11207 -0.50231 -0.18654 0.97999 -0.06948 0.50707 0.09745 0.08883 0.99127 -1.00475 0. 0. 0. 1. +scans_test/scene0709_00/sens/frame-000540.color.jpg scans_test/scene0709_00/sens/frame-000645.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.99426 -0.01653 0.10572 -0.6066 0.01633 0.99986 0.00272 0.15461 -0.10575 -0.00098 0.99439 -0.39817 0. 0. 0. 1. +scans_test/scene0709_00/sens/frame-000540.color.jpg scans_test/scene0709_00/sens/frame-000675.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.9737 0.1625 -0.15968 -0.45109 -0.1784 0.97976 -0.0908 0.47465 0.14169 0.11689 0.98298 -0.97339 0. 0. 0. 1. +scans_test/scene0709_00/sens/frame-000570.color.jpg scans_test/scene0709_00/sens/frame-000585.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.9999 0.00733 0.01211 -0.04933 -0.00828 0.99676 0.08008 0.07389 -0.01148 -0.08017 0.99672 -0.08892 0. 0. 0. 1. +scans_test/scene0709_00/sens/frame-000690.color.jpg scans_test/scene0709_00/sens/frame-000720.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.83678 0.29736 -0.45976 0.20934 -0.2877 0.95321 0.0929 0.05393 0.46587 0.05454 0.88317 -0.15135 0. 0. 0. 1. +scans_test/scene0709_00/sens/frame-000915.color.jpg scans_test/scene0709_00/sens/frame-000930.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.99929 0.01062 -0.03619 -0.0434 -0.00803 0.99745 0.07088 0.03668 0.03685 -0.07053 0.99683 -0.2407 0. 0. 0. 1. +scans_test/scene0710_00/sens/frame-000000.color.jpg scans_test/scene0710_00/sens/frame-000165.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99449 -0.10346 -0.01703 -0.09682 0.10218 0.99271 -0.06398 0.45231 0.02353 0.06188 0.99781 -0.2974 0. 0. 0. 1. +scans_test/scene0710_00/sens/frame-000000.color.jpg scans_test/scene0710_00/sens/frame-000600.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.96351 -0.18743 0.19109 0.04185 0.17945 0.98203 0.05839 0.279 -0.1986 -0.02197 0.97983 -0.18108 0. 0. 0. 1. +scans_test/scene0710_00/sens/frame-000000.color.jpg scans_test/scene0710_00/sens/frame-001755.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.47971 0.63477 -0.60576 0.6122 -0.41486 0.77243 0.48089 -0.29444 0.77316 0.02062 0.63388 0.59915 0. 0. 0. 1. +scans_test/scene0710_00/sens/frame-000015.color.jpg scans_test/scene0710_00/sens/frame-000765.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.66711 0.54528 -0.50758 0.9846 -0.52784 0.82678 0.19447 -0.41606 0.5257 0.13819 0.83937 0.30724 0. 0. 0. 1. +scans_test/scene0710_00/sens/frame-000135.color.jpg scans_test/scene0710_00/sens/frame-001800.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.8012 0.45318 -0.39077 0.50965 -0.39349 0.89099 0.22651 -0.42273 0.45082 -0.02771 0.89218 0.48136 0. 0. 0. 1. +scans_test/scene0710_00/sens/frame-000150.color.jpg scans_test/scene0710_00/sens/frame-001725.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.19155 0.7311 -0.65483 0.11288 -0.40693 0.6663 0.62486 -0.37486 0.89315 0.14678 0.42513 1.14635 0. 0. 0. 1. +scans_test/scene0710_00/sens/frame-000165.color.jpg scans_test/scene0710_00/sens/frame-000735.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.64729 0.59506 -0.47637 0.456 -0.58632 0.78804 0.1877 -0.62996 0.48709 0.15781 0.85898 0.42257 0. 0. 0. 1. +scans_test/scene0710_00/sens/frame-000570.color.jpg scans_test/scene0710_00/sens/frame-000765.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.44371 0.63001 -0.63735 0.71139 -0.63592 0.72245 0.27142 -0.44888 0.63145 0.28488 0.72119 0.22254 0. 0. 0. 1. +scans_test/scene0710_00/sens/frame-000600.color.jpg scans_test/scene0710_00/sens/frame-000735.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.47516 0.57918 -0.6624 0.50273 -0.61208 0.75839 0.22405 -0.41798 0.63213 0.29897 0.71486 0.21091 0. 0. 0. 1. +scans_test/scene0710_00/sens/frame-000615.color.jpg scans_test/scene0710_00/sens/frame-000780.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.54519 0.56944 -0.61522 0.79354 -0.56585 0.79145 0.23112 -0.37078 0.61853 0.22212 0.75371 0.20113 0. 0. 0. 1. +scans_test/scene0710_00/sens/frame-000810.color.jpg scans_test/scene0710_00/sens/frame-000870.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.82261 -0.3512 0.44718 -0.24109 0.24685 0.92905 0.27554 0.05264 -0.51222 -0.11628 0.85095 0.19003 0. 0. 0. 1. +scans_test/scene0710_00/sens/frame-000975.color.jpg scans_test/scene0710_00/sens/frame-001005.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1. -0.00207 0.00146 -0.03257 0.00148 0.94473 0.32784 0.09287 -0.00206 -0.32784 0.94473 -0.03049 0. 0. 0. 1. +scans_test/scene0710_00/sens/frame-001020.color.jpg scans_test/scene0710_00/sens/frame-001050.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99983 -0.0092 0.01608 0.00888 0.00588 0.98076 0.19512 0.09045 -0.01757 -0.19499 0.98065 0.01838 0. 0. 0. 1. +scans_test/scene0710_00/sens/frame-001530.color.jpg scans_test/scene0710_00/sens/frame-001590.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.91796 -0.1336 0.3735 0.01206 0.18136 0.97876 -0.09563 0.01961 -0.35279 0.15553 0.92269 -0.18812 0. 0. 0. 1. +scans_test/scene0710_00/sens/frame-001605.color.jpg scans_test/scene0710_00/sens/frame-001740.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.90229 -0.16105 0.39992 -0.35493 0.17046 0.98529 0.0122 0.18032 -0.396 0.05717 0.91647 -0.45074 0. 0. 0. 1. +scans_test/scene0711_00/sens/frame-000045.color.jpg scans_test/scene0711_00/sens/frame-000900.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.72712 0.3695 -0.57859 1.24107 -0.45497 0.8905 -0.00307 0.424 0.5141 0.26548 0.81561 -0.49591 0. 0. 0. 1. +scans_test/scene0711_00/sens/frame-000225.color.jpg scans_test/scene0711_00/sens/frame-002370.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.97806 0.11958 -0.17056 0.26507 -0.11381 0.99256 0.04326 0.06276 0.17446 -0.0229 0.9844 0.26407 0. 0. 0. 1. +scans_test/scene0711_00/sens/frame-000420.color.jpg scans_test/scene0711_00/sens/frame-002790.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.99424 -0.03697 -0.10059 -0.21959 0.02783 0.99548 -0.09084 0.05553 0.1035 0.08752 0.99077 -0.523 0. 0. 0. 1. +scans_test/scene0711_00/sens/frame-000450.color.jpg scans_test/scene0711_00/sens/frame-002940.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.75269 -0.27393 0.59868 -0.52732 0.4302 0.89299 -0.13228 0.29296 -0.49838 0.35712 0.78999 -0.21054 0. 0. 0. 1. +scans_test/scene0711_00/sens/frame-000675.color.jpg scans_test/scene0711_00/sens/frame-000750.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.87528 0.10115 -0.47292 0.4682 -0.04878 0.99136 0.12175 0.10808 0.48115 -0.0835 0.87265 -0.78252 0. 0. 0. 1. +scans_test/scene0711_00/sens/frame-001380.color.jpg scans_test/scene0711_00/sens/frame-001440.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.64189 -0.52349 0.5603 -0.59026 0.55516 0.82131 0.13134 -0.27842 -0.52893 0.22675 0.81781 0.11448 0. 0. 0. 1. +scans_test/scene0711_00/sens/frame-001455.color.jpg scans_test/scene0711_00/sens/frame-001560.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.96682 0.18061 -0.18066 0.00102 -0.12492 0.95113 0.2824 -0.49482 0.22283 -0.25046 0.94213 -0.23031 0. 0. 0. 1. +scans_test/scene0711_00/sens/frame-001455.color.jpg scans_test/scene0711_00/sens/frame-003165.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.9823 0.13071 -0.13415 0.39894 -0.11638 0.98713 0.10966 -0.20592 0.14676 -0.09211 0.98487 -0.48984 0. 0. 0. 1. +scans_test/scene0711_00/sens/frame-001680.color.jpg scans_test/scene0711_00/sens/frame-001995.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.78593 -0.35128 0.50884 -1.51061 0.39215 0.91944 0.02904 -0.05367 -0.47805 0.17672 0.86037 0.056 0. 0. 0. 1. +scans_test/scene0711_00/sens/frame-001695.color.jpg scans_test/scene0711_00/sens/frame-001995.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.73153 -0.40532 0.54825 -1.50195 0.45123 0.89063 0.05637 -0.14425 -0.51114 0.20615 0.83441 0.11792 0. 0. 0. 1. +scans_test/scene0711_00/sens/frame-001905.color.jpg scans_test/scene0711_00/sens/frame-002895.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.9981 -0.06155 -0.00309 0.28007 0.0615 0.99801 -0.01371 -0.38723 0.00393 0.0135 0.9999 0.17176 0. 0. 0. 1. +scans_test/scene0711_00/sens/frame-001965.color.jpg scans_test/scene0711_00/sens/frame-002085.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.81959 0.39802 -0.41213 0.17788 -0.44899 0.89302 -0.03046 -0.19887 0.35592 0.21001 0.91061 0.0401 0. 0. 0. 1. +scans_test/scene0711_00/sens/frame-002085.color.jpg scans_test/scene0711_00/sens/frame-002835.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.9889 -0.08147 -0.12424 0.57768 0.09565 0.989 0.11283 -0.38704 0.11368 -0.12347 0.98582 0.16074 0. 0. 0. 1. +scans_test/scene0711_00/sens/frame-002580.color.jpg scans_test/scene0711_00/sens/frame-002685.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.62648 -0.62864 0.4608 -0.37925 0.61276 0.7626 0.2073 -0.26148 -0.48172 0.15249 0.86296 0.22729 0. 0. 0. 1. +scans_test/scene0711_00/sens/frame-002910.color.jpg scans_test/scene0711_00/sens/frame-003270.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.99463 0.09558 0.03976 -0.12631 -0.1035 0.91101 0.39917 -0.62373 0.00193 -0.40115 0.91601 -0.19347 0. 0. 0. 1. +scans_test/scene0712_00/sens/frame-000270.color.jpg scans_test/scene0712_00/sens/frame-004785.color.jpg 0 0 1162.24 0. 648.346 0. 1160.08 475.537 0. 0. 1. 1162.24 0. 648.346 0. 1160.08 475.537 0. 0. 1. 0.99994 0.00821 -0.0068 0.16895 -0.00897 0.99265 -0.12072 -0.07103 0.00576 0.12078 0.99266 0.35639 0. 0. 0. 1. +scans_test/scene0712_00/sens/frame-000645.color.jpg scans_test/scene0712_00/sens/frame-001140.color.jpg 0 0 1162.24 0. 648.346 0. 1160.08 475.537 0. 0. 1. 1162.24 0. 648.346 0. 1160.08 475.537 0. 0. 1. 0.73286 -0.29937 0.61098 -0.96883 0.37101 0.92858 0.00997 -0.51555 -0.57033 0.21938 0.79158 0.91914 0. 0. 0. 1. +scans_test/scene0712_00/sens/frame-000855.color.jpg scans_test/scene0712_00/sens/frame-004560.color.jpg 0 0 1162.24 0. 648.346 0. 1160.08 475.537 0. 0. 1. 1162.24 0. 648.346 0. 1160.08 475.537 0. 0. 1. 0.9842 0.10015 -0.146 -0.25283 -0.08604 0.99126 0.09999 -0.00848 0.15474 -0.08585 0.98422 0.18554 0. 0. 0. 1. +scans_test/scene0712_00/sens/frame-000870.color.jpg scans_test/scene0712_00/sens/frame-004770.color.jpg 0 0 1162.24 0. 648.346 0. 1160.08 475.537 0. 0. 1. 1162.24 0. 648.346 0. 1160.08 475.537 0. 0. 1. 0.99639 -0.01254 -0.08394 -0.06989 0.04161 0.93415 0.35445 0.18148 0.07397 -0.35667 0.9313 0.45135 0. 0. 0. 1. +scans_test/scene0712_00/sens/frame-001230.color.jpg scans_test/scene0712_00/sens/frame-003675.color.jpg 0 0 1162.24 0. 648.346 0. 1160.08 475.537 0. 0. 1. 1162.24 0. 648.346 0. 1160.08 475.537 0. 0. 1. 0.39823 0.43177 -0.80931 1.02321 -0.1655 0.90163 0.39958 -0.09181 0.90223 -0.02518 0.43052 1.33203 0. 0. 0. 1. +scans_test/scene0712_00/sens/frame-001950.color.jpg scans_test/scene0712_00/sens/frame-004155.color.jpg 0 0 1162.24 0. 648.346 0. 1160.08 475.537 0. 0. 1. 1162.24 0. 648.346 0. 1160.08 475.537 0. 0. 1. 0.96221 0.09892 -0.25372 0.44952 -0.13969 0.97907 -0.14803 0.4435 0.23376 0.17788 0.95588 -0.6791 0. 0. 0. 1. +scans_test/scene0712_00/sens/frame-002400.color.jpg scans_test/scene0712_00/sens/frame-002895.color.jpg 0 0 1162.24 0. 648.346 0. 1160.08 475.537 0. 0. 1. 1162.24 0. 648.346 0. 1160.08 475.537 0. 0. 1. 0.70495 0.12141 0.69879 -1.15598 -0.31091 0.93843 0.15061 0.24647 -0.63748 -0.32343 0.6993 0.46718 0. 0. 0. 1. +scans_test/scene0712_00/sens/frame-002460.color.jpg scans_test/scene0712_00/sens/frame-002655.color.jpg 0 0 1162.24 0. 648.346 0. 1160.08 475.537 0. 0. 1. 1162.24 0. 648.346 0. 1160.08 475.537 0. 0. 1. 0.99734 -0.05348 -0.04955 -0.55762 0.04109 0.97373 -0.22399 -0.00003 0.06023 0.22135 0.97333 -0.65464 0. 0. 0. 1. +scans_test/scene0712_00/sens/frame-002490.color.jpg scans_test/scene0712_00/sens/frame-004005.color.jpg 0 0 1162.24 0. 648.346 0. 1160.08 475.537 0. 0. 1. 1162.24 0. 648.346 0. 1160.08 475.537 0. 0. 1. 0.97138 0.10368 -0.21371 0.24053 -0.18873 0.88318 -0.42938 0.50123 0.14422 0.45743 0.87747 -0.93354 0. 0. 0. 1. +scans_test/scene0712_00/sens/frame-002775.color.jpg scans_test/scene0712_00/sens/frame-002910.color.jpg 0 0 1162.24 0. 648.346 0. 1160.08 475.537 0. 0. 1. 1162.24 0. 648.346 0. 1160.08 475.537 0. 0. 1. 0.97511 0.00675 0.22161 -0.05444 -0.05674 0.97384 0.22002 0.07369 -0.21433 -0.22712 0.94999 0.13071 0. 0. 0. 1. +scans_test/scene0712_00/sens/frame-003015.color.jpg scans_test/scene0712_00/sens/frame-003075.color.jpg 0 0 1162.24 0. 648.346 0. 1160.08 475.537 0. 0. 1. 1162.24 0. 648.346 0. 1160.08 475.537 0. 0. 1. 0.99163 0.01556 0.12815 -0.35129 -0.01486 0.99987 -0.00637 -0.12685 -0.12823 0.00441 0.99173 0.20016 0. 0. 0. 1. +scans_test/scene0712_00/sens/frame-003660.color.jpg scans_test/scene0712_00/sens/frame-004755.color.jpg 0 0 1162.24 0. 648.346 0. 1160.08 475.537 0. 0. 1. 1162.24 0. 648.346 0. 1160.08 475.537 0. 0. 1. 0.99587 -0.00872 0.09037 -0.0425 -0.00437 0.98961 0.14374 0.08218 -0.09068 -0.14354 0.98548 0.14003 0. 0. 0. 1. +scans_test/scene0712_00/sens/frame-004200.color.jpg scans_test/scene0712_00/sens/frame-004260.color.jpg 0 0 1162.24 0. 648.346 0. 1160.08 475.537 0. 0. 1. 1162.24 0. 648.346 0. 1160.08 475.537 0. 0. 1. 0.88792 -0.30304 0.34607 -0.45086 0.25094 0.94963 0.18769 0.00387 -0.38552 -0.07981 0.91924 -0.09569 0. 0. 0. 1. +scans_test/scene0712_00/sens/frame-004410.color.jpg scans_test/scene0712_00/sens/frame-004425.color.jpg 0 0 1162.24 0. 648.346 0. 1160.08 475.537 0. 0. 1. 1162.24 0. 648.346 0. 1160.08 475.537 0. 0. 1. 0.99857 0.01489 -0.05137 -0.02959 -0.00914 0.99385 0.11034 0.06523 0.05269 -0.10971 0.99257 0.00984 0. 0. 0. 1. +scans_test/scene0712_00/sens/frame-004650.color.jpg scans_test/scene0712_00/sens/frame-004680.color.jpg 0 0 1162.24 0. 648.346 0. 1160.08 475.537 0. 0. 1. 1162.24 0. 648.346 0. 1160.08 475.537 0. 0. 1. 0.99981 0.01512 0.01263 -0.01235 -0.01764 0.97245 0.23243 0.05762 -0.00877 -0.2326 0.97253 0.05853 0. 0. 0. 1. +scans_test/scene0713_00/sens/frame-000075.color.jpg scans_test/scene0713_00/sens/frame-000420.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.48455 0.63258 -0.6042 0.93754 -0.54727 0.75805 0.35476 -0.20426 0.68243 0.15876 0.7135 0.03634 0. 0. 0. 1. +scans_test/scene0713_00/sens/frame-000090.color.jpg scans_test/scene0713_00/sens/frame-000150.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.96699 -0.04677 0.25048 -0.38955 0.00466 0.98609 0.16616 -0.41287 -0.25476 -0.15951 0.95376 -0.22955 0. 0. 0. 1. +scans_test/scene0713_00/sens/frame-000600.color.jpg scans_test/scene0713_00/sens/frame-001275.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.83836 -0.43793 0.32459 -0.55588 0.33907 0.88519 0.31853 -0.51031 -0.42682 -0.15699 0.8906 0.67316 0. 0. 0. 1. +scans_test/scene0713_00/sens/frame-000645.color.jpg scans_test/scene0713_00/sens/frame-000945.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.81234 0.37065 -0.45025 0.08922 -0.33814 0.92838 0.15419 -0.17813 0.47515 0.02699 0.87949 0.10413 0. 0. 0. 1. +scans_test/scene0713_00/sens/frame-000690.color.jpg scans_test/scene0713_00/sens/frame-000750.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.97965 0.0538 -0.19339 0.18774 0.04302 0.88478 0.46403 -0.51105 0.19607 -0.4629 0.86445 -0.02412 0. 0. 0. 1. +scans_test/scene0713_00/sens/frame-000885.color.jpg scans_test/scene0713_00/sens/frame-002055.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.95918 0.18339 0.21529 -0.56503 -0.21676 0.96568 0.14311 -0.18867 -0.18165 -0.18393 0.96601 0.38825 0. 0. 0. 1. +scans_test/scene0713_00/sens/frame-000945.color.jpg scans_test/scene0713_00/sens/frame-002085.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.97804 0.20009 0.05824 -0.34734 -0.20839 0.9405 0.26838 -0.10133 -0.00108 -0.27462 0.96155 0.14289 0. 0. 0. 1. +scans_test/scene0713_00/sens/frame-001200.color.jpg scans_test/scene0713_00/sens/frame-001215.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.99776 -0.03216 0.0586 -0.16342 0.04128 0.98596 -0.16178 -0.12321 -0.05257 0.16384 0.98509 -0.10115 0. 0. 0. 1. +scans_test/scene0713_00/sens/frame-001215.color.jpg scans_test/scene0713_00/sens/frame-001230.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.99771 0.0431 -0.05203 -0.09856 -0.04951 0.99041 -0.12895 -0.05383 0.04598 0.13123 0.99028 -0.07757 0. 0. 0. 1. +scans_test/scene0713_00/sens/frame-001215.color.jpg scans_test/scene0713_00/sens/frame-002130.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.77387 0.44883 -0.44685 0.16492 -0.17737 0.8309 0.5274 -0.23642 0.608 -0.32889 0.72261 0.88568 0. 0. 0. 1. +scans_test/scene0713_00/sens/frame-001320.color.jpg scans_test/scene0713_00/sens/frame-002025.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.40375 0.5041 -0.76346 1.01594 -0.56758 0.79251 0.22312 -0.24205 0.71752 0.34323 0.60609 0.05395 0. 0. 0. 1. +scans_test/scene0713_00/sens/frame-001350.color.jpg scans_test/scene0713_00/sens/frame-001920.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.97999 0.04853 -0.19304 0.69719 -0.01663 0.9864 0.16352 0.1021 0.19835 -0.15704 0.96747 -0.10753 0. 0. 0. 1. +scans_test/scene0713_00/sens/frame-001575.color.jpg scans_test/scene0713_00/sens/frame-001680.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.31466 -0.66291 0.67936 -0.86105 0.79745 0.57283 0.1896 -0.10366 -0.51484 0.4821 0.70889 0.0464 0. 0. 0. 1. +scans_test/scene0713_00/sens/frame-001665.color.jpg scans_test/scene0713_00/sens/frame-001710.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.9773 -0.20557 0.05121 -0.01672 0.21051 0.91515 -0.34378 0.69089 0.0238 0.34675 0.93765 -0.1438 0. 0. 0. 1. +scans_test/scene0713_00/sens/frame-002070.color.jpg scans_test/scene0713_00/sens/frame-002085.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.97781 0.15898 -0.1364 0.01353 -0.14436 0.98326 0.1112 0.04644 0.1518 -0.08904 0.98439 0.00889 0. 0. 0. 1. +scans_test/scene0714_00/sens/frame-000015.color.jpg scans_test/scene0714_00/sens/frame-000630.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.99986 -0.00416 -0.01642 0.13888 -0.00059 0.96032 -0.27892 0.19566 0.01692 0.27889 0.96018 -0.38279 0. 0. 0. 1. +scans_test/scene0714_00/sens/frame-000045.color.jpg scans_test/scene0714_00/sens/frame-000705.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.94549 0.1999 -0.25708 1.01835 -0.23857 0.96252 -0.12898 0.27784 0.22167 0.18328 0.95774 -0.44504 0. 0. 0. 1. +scans_test/scene0714_00/sens/frame-000045.color.jpg scans_test/scene0714_00/sens/frame-000720.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.86227 0.27506 -0.42523 1.06973 -0.35404 0.92778 -0.11778 0.15002 0.36213 0.25211 0.89739 -0.23437 0. 0. 0. 1. +scans_test/scene0714_00/sens/frame-000105.color.jpg scans_test/scene0714_00/sens/frame-000525.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.67568 -0.46256 0.57402 -0.79594 0.43506 0.8788 0.19605 -0.62479 -0.59513 0.11726 0.79503 0.91097 0. 0. 0. 1. +scans_test/scene0714_00/sens/frame-000285.color.jpg scans_test/scene0714_00/sens/frame-000915.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.72414 -0.30328 0.61939 -1.44441 0.34269 0.93763 0.05845 -0.05043 -0.59848 0.16994 0.78291 -0.02613 0. 0. 0. 1. +scans_test/scene0714_00/sens/frame-000300.color.jpg scans_test/scene0714_00/sens/frame-000915.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.67535 -0.32348 0.66277 -1.21179 0.36609 0.92718 0.07949 -0.0977 -0.64022 0.18896 0.74459 0.03365 0. 0. 0. 1. +scans_test/scene0714_00/sens/frame-000480.color.jpg scans_test/scene0714_00/sens/frame-000525.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.88866 0.21182 -0.40671 -0.03936 -0.21907 0.97527 0.02928 0.25024 0.40285 0.06308 0.91309 -0.56139 0. 0. 0. 1. +scans_test/scene0714_00/sens/frame-000510.color.jpg scans_test/scene0714_00/sens/frame-000705.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.82139 0.30976 -0.47892 1.694 -0.33806 0.94069 0.02861 0.51423 0.45938 0.13841 0.87739 -0.73403 0. 0. 0. 1. +scans_test/scene0714_00/sens/frame-000540.color.jpg scans_test/scene0714_00/sens/frame-000735.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.80224 0.34461 -0.4875 1.41173 -0.36314 0.92982 0.05969 0.01276 0.47386 0.12914 0.87108 0.02226 0. 0. 0. 1. +scans_test/scene0714_00/sens/frame-000555.color.jpg scans_test/scene0714_00/sens/frame-000660.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.98979 -0.11428 0.08517 0.77992 0.11716 0.99267 -0.02963 0.36409 -0.08116 0.03931 0.99593 -0.47609 0. 0. 0. 1. +scans_test/scene0714_00/sens/frame-000585.color.jpg scans_test/scene0714_00/sens/frame-000750.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.8791 0.29204 -0.37669 1.04371 -0.29205 0.95461 0.05851 -0.20348 0.37667 0.05858 0.92449 0.34436 0. 0. 0. 1. +scans_test/scene0714_00/sens/frame-000615.color.jpg scans_test/scene0714_00/sens/frame-000750.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.68744 0.47262 -0.55142 0.85317 -0.44785 0.87359 0.19043 -0.0836 0.57171 0.11604 0.81221 0.24628 0. 0. 0. 1. +scans_test/scene0714_00/sens/frame-000855.color.jpg scans_test/scene0714_00/sens/frame-000885.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.98002 0.08531 -0.17968 -0.13154 -0.09176 0.99539 -0.02786 0.04048 0.17648 0.04379 0.98333 -0.08737 0. 0. 0. 1. +scans_test/scene0714_00/sens/frame-000855.color.jpg scans_test/scene0714_00/sens/frame-001020.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.56573 -0.32323 0.7586 -2.52482 0.40208 0.91132 0.08845 -0.38823 -0.71992 0.25498 0.64553 0.71227 0. 0. 0. 1. +scans_test/scene0714_00/sens/frame-000900.color.jpg scans_test/scene0714_00/sens/frame-001005.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.57352 -0.32816 0.75059 -2.03642 0.45914 0.88759 0.03723 0.02526 -0.67843 0.32327 0.65972 0.00646 0. 0. 0. 1. +scans_test/scene0715_00/sens/frame-000015.color.jpg scans_test/scene0715_00/sens/frame-000045.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.96864 0.12335 -0.21567 0.0358 -0.1223 0.99232 0.01825 0.08593 0.21627 0.0087 0.9763 -0.17457 0. 0. 0. 1. +scans_test/scene0715_00/sens/frame-000045.color.jpg scans_test/scene0715_00/sens/frame-000105.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.93138 0.19861 -0.30508 0.04274 -0.12502 0.9616 0.24432 -0.01562 0.34189 -0.18941 0.92045 0.37869 0. 0. 0. 1. +scans_test/scene0715_00/sens/frame-000045.color.jpg scans_test/scene0715_00/sens/frame-000495.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.81846 -0.26768 0.5084 -0.21749 0.13939 0.95092 0.27627 -0.02474 -0.5574 -0.15525 0.8156 0.40223 0. 0. 0. 1. +scans_test/scene0715_00/sens/frame-000075.color.jpg scans_test/scene0715_00/sens/frame-000540.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.99346 -0.05841 0.09812 -0.48809 0.04768 0.99297 0.10838 0.04976 -0.10376 -0.10299 0.98926 -0.14925 0. 0. 0. 1. +scans_test/scene0715_00/sens/frame-000120.color.jpg scans_test/scene0715_00/sens/frame-000525.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.85929 -0.17533 0.48049 -0.66546 0.18698 0.98207 0.02398 0.05366 -0.47608 0.06924 0.87667 -0.21097 0. 0. 0. 1. +scans_test/scene0715_00/sens/frame-000135.color.jpg scans_test/scene0715_00/sens/frame-000150.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.97746 0.03282 -0.20857 0.05117 -0.04447 0.99769 -0.05142 0.03215 0.20641 0.05953 0.97665 -0.22005 0. 0. 0. 1. +scans_test/scene0715_00/sens/frame-000165.color.jpg scans_test/scene0715_00/sens/frame-000585.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.8621 -0.18532 0.47163 -0.80327 0.20725 0.97827 0.00556 -0.01983 -0.46241 0.09295 0.88178 0.10198 0. 0. 0. 1. +scans_test/scene0715_00/sens/frame-000195.color.jpg scans_test/scene0715_00/sens/frame-000585.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.6315 -0.29232 0.71816 -0.65182 0.32257 0.9413 0.09951 -0.10242 -0.70509 0.16881 0.68873 0.32436 0. 0. 0. 1. +scans_test/scene0715_00/sens/frame-000240.color.jpg scans_test/scene0715_00/sens/frame-000285.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.82287 0.20375 -0.53045 0.54407 -0.19995 0.97763 0.06533 -0.00318 0.53189 0.05231 0.84519 -0.25331 0. 0. 0. 1. +scans_test/scene0715_00/sens/frame-000270.color.jpg scans_test/scene0715_00/sens/frame-000300.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.87175 0.17403 -0.45801 0.2147 -0.1906 0.98162 0.0102 0.01431 0.45136 0.0784 0.88889 -0.13806 0. 0. 0. 1. +scans_test/scene0715_00/sens/frame-000315.color.jpg scans_test/scene0715_00/sens/frame-000345.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.92333 0.15609 -0.35084 -0.06972 -0.13671 0.98741 0.07953 0.09398 0.35884 -0.02547 0.93305 -0.2163 0. 0. 0. 1. +scans_test/scene0715_00/sens/frame-000330.color.jpg scans_test/scene0715_00/sens/frame-000345.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.96436 0.09989 -0.24503 -0.06196 -0.09599 0.99499 0.02787 0.05763 0.24658 -0.00336 0.96912 -0.15225 0. 0. 0. 1. +scans_test/scene0715_00/sens/frame-000345.color.jpg scans_test/scene0715_00/sens/frame-000360.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.95055 0.13278 -0.28074 0.06437 -0.1312 0.99105 0.0245 0.03118 0.28149 0.01355 0.95947 -0.05305 0. 0. 0. 1. +scans_test/scene0715_00/sens/frame-000465.color.jpg scans_test/scene0715_00/sens/frame-000480.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.95564 0.0723 -0.28552 0.07633 -0.0674 0.99736 0.02699 0.00624 0.28672 -0.00655 0.95799 -0.02224 0. 0. 0. 1. +scans_test/scene0715_00/sens/frame-000480.color.jpg scans_test/scene0715_00/sens/frame-000510.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.89314 0.06252 -0.44542 -0.11473 -0.0608 0.99799 0.01816 0.0446 0.44566 0.01086 0.89514 -0.28421 0. 0. 0. 1. +scans_test/scene0716_00/sens/frame-000000.color.jpg scans_test/scene0716_00/sens/frame-000630.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.94601 -0.04806 0.32054 -0.17559 0.03789 0.99856 0.0379 0.00267 -0.3219 -0.02371 0.94648 0.49999 0. 0. 0. 1. +scans_test/scene0716_00/sens/frame-000030.color.jpg scans_test/scene0716_00/sens/frame-000615.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.91773 -0.05616 0.3932 -0.15491 0.13178 0.97693 -0.16804 -0.28499 -0.3747 0.20603 0.90396 0.9484 0. 0. 0. 1. +scans_test/scene0716_00/sens/frame-000030.color.jpg scans_test/scene0716_00/sens/frame-000660.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.97985 0.03155 -0.19722 -0.41671 -0.04136 0.99809 -0.04581 0.0284 0.1954 0.05304 0.97929 0.13875 0. 0. 0. 1. +scans_test/scene0716_00/sens/frame-000075.color.jpg scans_test/scene0716_00/sens/frame-000645.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.9545 -0.04921 0.29413 -0.22319 0.11473 0.97098 -0.20985 -0.30013 -0.27527 0.23404 0.93244 1.13415 0. 0. 0. 1. +scans_test/scene0716_00/sens/frame-000105.color.jpg scans_test/scene0716_00/sens/frame-000660.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.91425 -0.06713 0.39955 -0.50536 0.10526 0.99167 -0.07426 -0.22756 -0.39124 0.10995 0.9137 1.27591 0. 0. 0. 1. +scans_test/scene0716_00/sens/frame-000120.color.jpg scans_test/scene0716_00/sens/frame-000150.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.98282 0.0093 -0.18434 -0.14017 -0.01225 0.99981 -0.01492 0.08603 0.18417 0.01692 0.98275 -0.50704 0. 0. 0. 1. +scans_test/scene0716_00/sens/frame-000315.color.jpg scans_test/scene0716_00/sens/frame-000345.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.98897 0.10102 -0.10828 0.24923 -0.10633 0.99334 -0.04442 0.41135 0.10307 0.05544 0.99313 -0.26079 0. 0. 0. 1. +scans_test/scene0716_00/sens/frame-000315.color.jpg scans_test/scene0716_00/sens/frame-000390.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.97775 0.10468 -0.18177 0.0785 -0.09271 0.993 0.07318 0.34001 0.18816 -0.0547 0.98061 -0.56818 0. 0. 0. 1. +scans_test/scene0716_00/sens/frame-000315.color.jpg scans_test/scene0716_00/sens/frame-000405.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.94933 0.153 -0.27451 0.07544 -0.17634 0.98235 -0.06231 0.32973 0.26014 0.10756 0.95956 -0.79671 0. 0. 0. 1. +scans_test/scene0716_00/sens/frame-000360.color.jpg scans_test/scene0716_00/sens/frame-000405.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.9832 0.02367 -0.18097 -0.23142 -0.04267 0.99388 -0.10185 -0.14192 0.17745 0.10786 0.9782 -0.57808 0. 0. 0. 1. +scans_test/scene0716_00/sens/frame-000360.color.jpg scans_test/scene0716_00/sens/frame-000465.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.99009 -0.01961 -0.13904 -0.59448 0.02935 0.99723 0.06839 -0.13223 0.13732 -0.07179 0.98792 -1.48837 0. 0. 0. 1. +scans_test/scene0716_00/sens/frame-000375.color.jpg scans_test/scene0716_00/sens/frame-000390.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.99839 0.02472 -0.05105 -0.10817 -0.02887 0.99621 -0.08211 -0.09156 0.04882 0.08345 0.99531 -0.21324 0. 0. 0. 1. +scans_test/scene0716_00/sens/frame-000390.color.jpg scans_test/scene0716_00/sens/frame-000435.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.99928 -0.03466 0.01543 -0.33366 0.03734 0.97051 -0.23813 0.01121 -0.00672 0.23854 0.97111 -0.77181 0. 0. 0. 1. +scans_test/scene0716_00/sens/frame-000480.color.jpg scans_test/scene0716_00/sens/frame-000525.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.91543 -0.11156 -0.38671 0.17865 0.0889 0.99313 -0.07605 0.05049 0.39254 0.03524 0.91906 -0.21098 0. 0. 0. 1. +scans_test/scene0716_00/sens/frame-000630.color.jpg scans_test/scene0716_00/sens/frame-000675.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.83049 0.11458 -0.54513 0.258 -0.07012 0.99234 0.10174 -0.07289 0.55261 -0.04627 0.83216 -0.64513 0. 0. 0. 1. +scans_test/scene0717_00/sens/frame-000030.color.jpg scans_test/scene0717_00/sens/frame-000075.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.86318 0.11603 -0.49139 0.27905 -0.14408 0.98937 -0.01947 0.02294 0.48391 0.0876 0.87072 -0.31333 0. 0. 0. 1. +scans_test/scene0717_00/sens/frame-000150.color.jpg scans_test/scene0717_00/sens/frame-000825.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.92611 0.08756 -0.36694 0.48531 -0.11268 0.99249 -0.04756 -0.07547 0.36002 0.08539 0.92903 -0.26841 0. 0. 0. 1. +scans_test/scene0717_00/sens/frame-000180.color.jpg scans_test/scene0717_00/sens/frame-000975.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.99638 0.00788 -0.08467 -0.4512 -0.02703 0.97339 -0.22757 -0.02874 0.08062 0.22903 0.97007 -0.25848 0. 0. 0. 1. +scans_test/scene0717_00/sens/frame-000210.color.jpg scans_test/scene0717_00/sens/frame-000945.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.98633 -0.00839 -0.16457 0.04624 -0.01409 0.99075 -0.13496 -0.1264 0.16417 0.13544 0.97709 0.03649 0. 0. 0. 1. +scans_test/scene0717_00/sens/frame-000255.color.jpg scans_test/scene0717_00/sens/frame-000885.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.97504 -0.0811 0.20671 0.34123 0.09762 0.99269 -0.07098 -0.03748 -0.19944 0.08938 0.97583 -0.00631 0. 0. 0. 1. +scans_test/scene0717_00/sens/frame-000360.color.jpg scans_test/scene0717_00/sens/frame-000390.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.96355 0.04732 -0.26329 -0.1777 -0.07511 0.99249 -0.0965 -0.02546 0.25675 0.11276 0.95988 -0.2166 0. 0. 0. 1. +scans_test/scene0717_00/sens/frame-000405.color.jpg scans_test/scene0717_00/sens/frame-000450.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.91381 0.18323 -0.36246 0.22377 -0.16515 0.98297 0.08054 0.17921 0.37104 -0.01374 0.92851 -0.58862 0. 0. 0. 1. +scans_test/scene0717_00/sens/frame-000405.color.jpg scans_test/scene0717_00/sens/frame-000465.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.87049 0.20796 -0.4461 0.54716 -0.17004 0.97761 0.12393 0.18959 0.46189 -0.03202 0.88636 -0.72502 0. 0. 0. 1. +scans_test/scene0717_00/sens/frame-000405.color.jpg scans_test/scene0717_00/sens/frame-000480.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.70073 0.29884 -0.64782 0.94092 -0.25443 0.95301 0.16441 0.1668 0.66651 0.04961 0.74384 -0.73124 0. 0. 0. 1. +scans_test/scene0717_00/sens/frame-000735.color.jpg scans_test/scene0717_00/sens/frame-000765.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.97696 0.10687 -0.18474 -0.13103 -0.10268 0.9942 0.03213 0.01608 0.1871 -0.01242 0.98226 -0.01742 0. 0. 0. 1. +scans_test/scene0717_00/sens/frame-000780.color.jpg scans_test/scene0717_00/sens/frame-000915.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.97507 0.13296 -0.17765 0.37532 -0.10652 0.9828 0.15087 0.17754 0.19466 -0.12818 0.97246 -0.41921 0. 0. 0. 1. +scans_test/scene0717_00/sens/frame-000780.color.jpg scans_test/scene0717_00/sens/frame-000945.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.93936 0.14985 -0.30845 -0.01748 -0.12434 0.9871 0.10087 0.19559 0.31959 -0.0564 0.94588 -0.40256 0. 0. 0. 1. +scans_test/scene0717_00/sens/frame-000810.color.jpg scans_test/scene0717_00/sens/frame-000825.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.99889 0.04377 0.01767 0.16297 -0.04544 0.99301 0.10895 0.09946 -0.01278 -0.10963 0.99389 -0.1721 0. 0. 0. 1. +scans_test/scene0717_00/sens/frame-000825.color.jpg scans_test/scene0717_00/sens/frame-000855.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.99331 0.0366 -0.10955 0.14969 -0.02191 0.99095 0.13242 0.15226 0.11341 -0.12913 0.98512 -0.13244 0. 0. 0. 1. +scans_test/scene0717_00/sens/frame-000855.color.jpg scans_test/scene0717_00/sens/frame-000885.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.99664 -0.0312 -0.07575 -0.02135 0.02393 0.99519 -0.09503 -0.06208 0.07835 0.0929 0.99259 -0.0248 0. 0. 0. 1. +scans_test/scene0718_00/sens/frame-000015.color.jpg scans_test/scene0718_00/sens/frame-000060.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.95589 0.14639 -0.25466 0.05441 -0.1434 0.9892 0.03035 0.17099 0.25635 0.00751 0.96656 -0.32971 0. 0. 0. 1. +scans_test/scene0718_00/sens/frame-000030.color.jpg scans_test/scene0718_00/sens/frame-000075.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.85816 0.22199 -0.46291 0.09639 -0.22928 0.97248 0.04132 0.161 0.45935 0.07068 0.88544 -0.33576 0. 0. 0. 1. +scans_test/scene0718_00/sens/frame-000060.color.jpg scans_test/scene0718_00/sens/frame-000075.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.9783 0.07154 -0.19443 -0.03302 -0.06849 0.9974 0.02235 0.05215 0.19552 -0.00855 0.98066 -0.15953 0. 0. 0. 1. +scans_test/scene0718_00/sens/frame-000090.color.jpg scans_test/scene0718_00/sens/frame-000105.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.92058 0.15718 -0.35752 0.07682 -0.16376 0.98643 0.01201 0.06142 0.35456 0.0475 0.93383 -0.20067 0. 0. 0. 1. +scans_test/scene0718_00/sens/frame-000090.color.jpg scans_test/scene0718_00/sens/frame-000120.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.79721 0.23265 -0.55707 0.10355 -0.21843 0.9714 0.09311 0.11566 0.5628 0.04745 0.82523 -0.29884 0. 0. 0. 1. +scans_test/scene0718_00/sens/frame-000120.color.jpg scans_test/scene0718_00/sens/frame-000135.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.95821 0.09203 -0.27087 -0.01101 -0.10292 0.99434 -0.02624 0.04414 0.26692 0.05302 0.96226 -0.14813 0. 0. 0. 1. +scans_test/scene0718_00/sens/frame-000135.color.jpg scans_test/scene0718_00/sens/frame-000150.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.95281 0.0944 -0.28852 0.01485 -0.10119 0.99483 -0.00869 0.01833 0.28621 0.03747 0.95743 -0.04529 0. 0. 0. 1. +scans_test/scene0718_00/sens/frame-000150.color.jpg scans_test/scene0718_00/sens/frame-000165.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.97898 0.09267 -0.18166 -0.06118 -0.08927 0.99565 0.02679 0.01061 0.18336 -0.01001 0.983 -0.02525 0. 0. 0. 1. +scans_test/scene0718_00/sens/frame-000150.color.jpg scans_test/scene0718_00/sens/frame-000180.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.93575 0.14796 -0.32013 -0.11321 -0.13445 0.98885 0.06402 0.03798 0.32603 -0.01686 0.94521 -0.10151 0. 0. 0. 1. +scans_test/scene0718_00/sens/frame-000180.color.jpg scans_test/scene0718_00/sens/frame-000195.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.97531 0.08482 -0.20389 -0.15824 -0.08207 0.99639 0.02192 0.07891 0.20501 -0.00465 0.97875 -0.19278 0. 0. 0. 1. +scans_test/scene0718_00/sens/frame-000195.color.jpg scans_test/scene0718_00/sens/frame-000210.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.95576 0.11736 -0.2697 -0.05997 -0.13073 0.9909 -0.03209 0.07216 0.26348 0.06593 0.96241 -0.2175 0. 0. 0. 1. +scans_test/scene0718_00/sens/frame-000210.color.jpg scans_test/scene0718_00/sens/frame-000240.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.87294 0.19257 -0.44822 0.11133 -0.2136 0.97691 0.0037 0.09785 0.43859 0.09251 0.89391 -0.28408 0. 0. 0. 1. +scans_test/scene0718_00/sens/frame-000225.color.jpg scans_test/scene0718_00/sens/frame-000255.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.8044 0.20742 -0.5567 0.15802 -0.22301 0.97397 0.04064 0.0895 0.55064 0.09146 0.82972 -0.28814 0. 0. 0. 1. +scans_test/scene0718_00/sens/frame-000255.color.jpg scans_test/scene0718_00/sens/frame-000270.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.88855 0.21899 -0.40314 -0.05363 -0.25603 0.96585 -0.03965 0.03679 0.38069 0.13845 0.91428 -0.04608 0. 0. 0. 1. +scans_test/scene0718_00/sens/frame-000285.color.jpg scans_test/scene0718_00/sens/frame-000300.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.94067 0.17711 -0.28943 -0.03838 -0.1685 0.98419 0.05461 0.06989 0.29453 -0.00261 0.95564 -0.10638 0. 0. 0. 1. +scans_test/scene0719_00/sens/frame-000015.color.jpg scans_test/scene0719_00/sens/frame-000705.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.9698 -0.14561 0.19567 0.12451 0.14926 0.98879 -0.00394 0.0534 -0.1929 0.03303 0.98066 -0.00466 0. 0. 0. 1. +scans_test/scene0719_00/sens/frame-000060.color.jpg scans_test/scene0719_00/sens/frame-000795.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.83633 -0.24256 0.49164 -0.38457 0.30379 0.95156 -0.04731 0.22246 -0.45635 0.18892 0.86951 -0.29914 0. 0. 0. 1. +scans_test/scene0719_00/sens/frame-000075.color.jpg scans_test/scene0719_00/sens/frame-000780.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.87827 -0.29606 0.37549 -0.27103 0.32303 0.94634 -0.0094 0.00456 -0.35256 0.12955 0.92678 -0.11044 0. 0. 0. 1. +scans_test/scene0719_00/sens/frame-000180.color.jpg scans_test/scene0719_00/sens/frame-001020.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.93247 0.18049 -0.31294 0.15759 -0.16228 0.9832 0.08353 0.08835 0.32276 -0.0271 0.94609 -0.09564 0. 0. 0. 1. +scans_test/scene0719_00/sens/frame-000255.color.jpg scans_test/scene0719_00/sens/frame-000315.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.98658 0.06206 -0.151 -0.05328 -0.05938 0.99799 0.02215 0.05365 0.15207 -0.01289 0.98829 -0.05564 0. 0. 0. 1. +scans_test/scene0719_00/sens/frame-000300.color.jpg scans_test/scene0719_00/sens/frame-001080.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.88745 0.28367 -0.36326 0.24881 -0.2326 0.95608 0.17835 0.1241 0.3979 -0.07378 0.91446 -0.09003 0. 0. 0. 1. +scans_test/scene0719_00/sens/frame-000360.color.jpg scans_test/scene0719_00/sens/frame-001170.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.99293 0.10819 -0.04885 -0.22988 -0.10684 0.99384 0.02936 0.22732 0.05172 -0.02394 0.99837 -0.3152 0. 0. 0. 1. +scans_test/scene0719_00/sens/frame-000570.color.jpg scans_test/scene0719_00/sens/frame-000660.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.94926 0.12457 -0.28876 0.054 -0.21826 0.92202 -0.31975 0.47955 0.22641 0.36655 0.90243 -0.46721 0. 0. 0. 1. +scans_test/scene0719_00/sens/frame-000705.color.jpg scans_test/scene0719_00/sens/frame-000735.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.99202 0.04485 -0.11783 -0.10243 -0.04697 0.99878 -0.01521 -0.06461 0.117 0.02062 0.99292 -0.09382 0. 0. 0. 1. +scans_test/scene0719_00/sens/frame-000735.color.jpg scans_test/scene0719_00/sens/frame-000780.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.99719 -0.05336 0.0525 -0.41093 0.06125 0.98483 -0.16233 0.21326 -0.04304 0.16508 0.98534 -0.48535 0. 0. 0. 1. +scans_test/scene0719_00/sens/frame-000750.color.jpg scans_test/scene0719_00/sens/frame-000870.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.99395 0.02607 -0.10672 0.01905 -0.0499 0.97257 -0.22721 0.20178 0.09787 0.23117 0.96798 -0.35439 0. 0. 0. 1. +scans_test/scene0719_00/sens/frame-000780.color.jpg scans_test/scene0719_00/sens/frame-000810.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.96396 0.00989 0.26585 -0.07821 0.01254 0.99651 -0.08252 0.2495 -0.26574 0.08288 0.96047 -0.11805 0. 0. 0. 1. +scans_test/scene0719_00/sens/frame-000870.color.jpg scans_test/scene0719_00/sens/frame-000900.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.83638 0.39538 -0.37967 0.03738 -0.38131 0.91724 0.11522 0.17084 0.39381 0.0484 0.91792 -0.1668 0. 0. 0. 1. +scans_test/scene0719_00/sens/frame-001005.color.jpg scans_test/scene0719_00/sens/frame-001035.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.99967 0.02585 -0.00089 -0.10423 -0.02577 0.99847 0.04892 0.10878 0.00216 -0.04888 0.9988 -0.14706 0. 0. 0. 1. +scans_test/scene0719_00/sens/frame-001080.color.jpg scans_test/scene0719_00/sens/frame-001095.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.9888 0.07227 -0.13054 -0.06113 -0.06942 0.99724 0.02623 0.04154 0.13208 -0.01687 0.9911 -0.09045 0. 0. 0. 1. +scans_test/scene0720_00/sens/frame-000000.color.jpg scans_test/scene0720_00/sens/frame-002520.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.96335 -0.11486 0.24242 0.09305 0.09306 0.99067 0.09956 0.16612 -0.25159 -0.07335 0.96505 -0.17364 0. 0. 0. 1. +scans_test/scene0720_00/sens/frame-000180.color.jpg scans_test/scene0720_00/sens/frame-002580.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99414 0.02345 0.10548 -0.31189 -0.01023 0.99221 -0.12417 -0.26779 -0.10757 0.12237 0.98664 0.36533 0. 0. 0. 1. +scans_test/scene0720_00/sens/frame-000210.color.jpg scans_test/scene0720_00/sens/frame-000300.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99856 -0.03388 0.04152 -0.05773 0.04148 0.97924 -0.1984 -0.25249 -0.03394 0.19984 0.97924 0.16734 0. 0. 0. 1. +scans_test/scene0720_00/sens/frame-000615.color.jpg scans_test/scene0720_00/sens/frame-000660.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.85128 -0.26445 0.4532 -0.02391 0.3056 0.95198 -0.01853 -0.0973 -0.42653 0.15427 0.89122 0.04016 0. 0. 0. 1. +scans_test/scene0720_00/sens/frame-000615.color.jpg scans_test/scene0720_00/sens/frame-002490.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.90968 -0.17155 0.37821 0.18808 0.16615 0.98497 0.04714 0.0183 -0.38061 0.01996 0.92452 0.01676 0. 0. 0. 1. +scans_test/scene0720_00/sens/frame-000690.color.jpg scans_test/scene0720_00/sens/frame-001575.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. -0.87827 -0.30661 0.36692 -0.88054 0.20656 0.44877 0.86945 -0.98927 -0.43124 0.8394 -0.3308 2.19818 0. 0. 0. 1. +scans_test/scene0720_00/sens/frame-000720.color.jpg scans_test/scene0720_00/sens/frame-002460.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.96649 0.21282 -0.14355 0.02654 -0.18408 0.96432 0.19027 0.1106 0.17892 -0.15747 0.97118 -0.01194 0. 0. 0. 1. +scans_test/scene0720_00/sens/frame-001095.color.jpg scans_test/scene0720_00/sens/frame-001125.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.97822 -0.04446 0.20276 0.04059 0.07177 0.98899 -0.12943 -0.07709 -0.19477 0.14117 0.97064 0.04682 0. 0. 0. 1. +scans_test/scene0720_00/sens/frame-001140.color.jpg scans_test/scene0720_00/sens/frame-001290.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.51116 -0.42985 0.74428 -1.05828 0.47246 0.86391 0.17446 -0.1485 -0.71798 0.26246 0.64468 0.08657 0. 0. 0. 1. +scans_test/scene0720_00/sens/frame-001200.color.jpg scans_test/scene0720_00/sens/frame-001875.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.82921 -0.31981 0.4584 -0.47003 0.25045 0.94579 0.20679 0.08753 -0.49968 -0.05666 0.86435 0.02214 0. 0. 0. 1. +scans_test/scene0720_00/sens/frame-001350.color.jpg scans_test/scene0720_00/sens/frame-001410.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99965 -0.02225 0.01436 0.22294 0.01701 0.95519 0.2955 0.11 -0.02029 -0.29516 0.95523 0.23717 0. 0. 0. 1. +scans_test/scene0720_00/sens/frame-001485.color.jpg scans_test/scene0720_00/sens/frame-002415.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. -0.31022 0.51896 -0.79652 1.65542 -0.56019 0.57715 0.59421 -0.8354 0.76809 0.63053 0.11167 1.11693 0. 0. 0. 1. +scans_test/scene0720_00/sens/frame-001695.color.jpg scans_test/scene0720_00/sens/frame-002685.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.78265 -0.15561 0.60269 -1.86858 0.44267 0.81985 -0.36317 0.78581 -0.4376 0.55103 0.71054 -1.11379 0. 0. 0. 1. +scans_test/scene0720_00/sens/frame-001935.color.jpg scans_test/scene0720_00/sens/frame-002445.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. -0.83252 0.35713 -0.42353 0.83645 -0.26469 0.41517 0.87038 -1.04907 0.48668 0.83672 -0.25111 1.80927 0. 0. 0. 1. +scans_test/scene0720_00/sens/frame-002280.color.jpg scans_test/scene0720_00/sens/frame-002385.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.68628 0.5001 -0.52813 0.72008 -0.50325 0.85073 0.15164 0.26662 0.52513 0.16172 0.83551 -0.27833 0. 0. 0. 1. +scans_test/scene0721_00/sens/frame-000105.color.jpg scans_test/scene0721_00/sens/frame-003600.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. -0.67742 -0.35772 0.64276 0.07581 0.23887 0.71947 0.65215 -0.5196 -0.69573 0.59532 -0.40194 2.82504 0. 0. 0. 1. +scans_test/scene0721_00/sens/frame-000375.color.jpg scans_test/scene0721_00/sens/frame-000480.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.9863 -0.03181 0.16189 -0.33984 0.04833 0.99389 -0.0992 0.59283 -0.15774 0.10566 0.98181 -1.10898 0. 0. 0. 1. +scans_test/scene0721_00/sens/frame-000375.color.jpg scans_test/scene0721_00/sens/frame-002745.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.57186 0.27762 -0.77194 5.55343 -0.66662 0.70569 -0.24004 2.77116 0.47811 0.65186 0.58863 -1.65749 0. 0. 0. 1. +scans_test/scene0721_00/sens/frame-000705.color.jpg scans_test/scene0721_00/sens/frame-000765.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99954 0.00163 0.03021 -0.14888 -0.00795 0.97757 0.21044 0.15406 -0.02918 -0.21058 0.97714 0.10325 0. 0. 0. 1. +scans_test/scene0721_00/sens/frame-001185.color.jpg scans_test/scene0721_00/sens/frame-002055.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.82038 0.01419 -0.57164 0.78021 -0.12074 0.98145 -0.14891 -0.16089 0.55892 0.19118 0.80688 0.02693 0. 0. 0. 1. +scans_test/scene0721_00/sens/frame-001215.color.jpg scans_test/scene0721_00/sens/frame-001890.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.98703 0.0003 0.16056 -0.87432 0.02255 0.98983 -0.14045 0.2425 -0.15896 0.14225 0.97698 -0.42375 0. 0. 0. 1. +scans_test/scene0721_00/sens/frame-001320.color.jpg scans_test/scene0721_00/sens/frame-002250.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. -0.33781 0.70209 -0.62686 0.73197 -0.45502 0.46119 0.76175 -0.65665 0.82392 0.54256 0.16367 1.23398 0. 0. 0. 1. +scans_test/scene0721_00/sens/frame-001365.color.jpg scans_test/scene0721_00/sens/frame-001515.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.87736 -0.31014 0.36614 -1.19489 0.34032 0.94011 -0.01918 0.29769 -0.33826 0.14143 0.93036 -0.32207 0. 0. 0. 1. +scans_test/scene0721_00/sens/frame-001365.color.jpg scans_test/scene0721_00/sens/frame-001695.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.81762 0.37052 -0.4407 0.78178 -0.45074 0.88816 -0.08952 0.655 0.35824 0.27183 0.89318 -0.53239 0. 0. 0. 1. +scans_test/scene0721_00/sens/frame-001515.color.jpg scans_test/scene0721_00/sens/frame-001545.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99441 -0.04779 0.0942 -0.01916 0.04693 0.99883 0.01132 0.16577 -0.09463 -0.00684 0.99549 -0.15524 0. 0. 0. 1. +scans_test/scene0721_00/sens/frame-001560.color.jpg scans_test/scene0721_00/sens/frame-001695.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.34917 0.66748 -0.65768 0.69689 -0.73442 0.63084 0.25034 -0.31454 0.58199 0.39561 0.71048 0.24305 0. 0. 0. 1. +scans_test/scene0721_00/sens/frame-001620.color.jpg scans_test/scene0721_00/sens/frame-001665.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.9391 0.23381 -0.25183 0.22368 -0.23945 0.97087 0.00845 -0.0751 0.24647 0.05236 0.96774 0.01666 0. 0. 0. 1. +scans_test/scene0721_00/sens/frame-003285.color.jpg scans_test/scene0721_00/sens/frame-003330.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99798 0.06157 -0.01546 -0.34669 -0.06124 0.9979 0.02108 0.14244 0.01673 -0.02009 0.99966 -0.28533 0. 0. 0. 1. +scans_test/scene0721_00/sens/frame-003390.color.jpg scans_test/scene0721_00/sens/frame-003510.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.86833 0.26666 -0.41821 0.21346 -0.29087 0.95674 0.00611 0.56908 0.40175 0.11634 0.90833 -0.75292 0. 0. 0. 1. +scans_test/scene0721_00/sens/frame-003645.color.jpg scans_test/scene0721_00/sens/frame-003765.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.91419 0.00621 -0.40524 0.56137 -0.17673 0.90593 -0.38479 0.39085 0.36473 0.42339 0.82928 -0.93935 0. 0. 0. 1. +scans_test/scene0722_00/sens/frame-000000.color.jpg scans_test/scene0722_00/sens/frame-000630.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.99381 0.06295 -0.09149 0.31825 -0.06611 0.9973 -0.03193 0.16907 0.08924 0.03779 0.99529 -0.74874 0. 0. 0. 1. +scans_test/scene0722_00/sens/frame-000045.color.jpg scans_test/scene0722_00/sens/frame-000615.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.99833 -0.05443 0.01948 0.3412 0.05661 0.98873 -0.1386 0.13303 -0.01172 0.13947 0.99016 -0.57544 0. 0. 0. 1. +scans_test/scene0722_00/sens/frame-000045.color.jpg scans_test/scene0722_00/sens/frame-000735.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.65066 0.11299 -0.75092 0.78349 -0.27579 0.95651 -0.09504 0.06852 0.70752 0.26894 0.65352 -0.4044 0. 0. 0. 1. +scans_test/scene0722_00/sens/frame-000075.color.jpg scans_test/scene0722_00/sens/frame-000120.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.88941 0.13161 -0.43775 0.2023 -0.15197 0.98832 -0.01163 0.13925 0.43111 0.07687 0.89902 -0.45471 0. 0. 0. 1. +scans_test/scene0722_00/sens/frame-000090.color.jpg scans_test/scene0722_00/sens/frame-000795.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.63676 0.19069 -0.74711 0.60634 -0.30643 0.95172 -0.01825 -0.06814 0.70756 0.24056 0.66445 0.0212 0. 0. 0. 1. +scans_test/scene0722_00/sens/frame-000135.color.jpg scans_test/scene0722_00/sens/frame-000780.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.9894 0.01283 -0.14469 0.17627 -0.02188 0.99789 -0.06115 -0.16251 0.1436 0.06367 0.98759 0.32386 0. 0. 0. 1. +scans_test/scene0722_00/sens/frame-000165.color.jpg scans_test/scene0722_00/sens/frame-000900.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.99967 -0.01712 0.01899 -0.15402 0.01783 0.99912 -0.03801 -0.03012 -0.01832 0.03834 0.9991 0.09931 0. 0. 0. 1. +scans_test/scene0722_00/sens/frame-000195.color.jpg scans_test/scene0722_00/sens/frame-000945.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.98929 -0.04337 0.13939 -0.24435 0.05124 0.99726 -0.05342 0.08378 -0.13669 0.05999 0.9888 -0.26344 0. 0. 0. 1. +scans_test/scene0722_00/sens/frame-000300.color.jpg scans_test/scene0722_00/sens/frame-000345.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.92532 0.17928 -0.33413 0.2206 -0.16436 0.98372 0.07264 0.16735 0.34172 -0.0123 0.93972 -0.3155 0. 0. 0. 1. +scans_test/scene0722_00/sens/frame-000450.color.jpg scans_test/scene0722_00/sens/frame-000465.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.99482 0.09791 -0.02736 -0.00152 -0.09432 0.98934 0.11093 0.13352 0.03793 -0.10777 0.99345 -0.06046 0. 0. 0. 1. +scans_test/scene0722_00/sens/frame-000540.color.jpg scans_test/scene0722_00/sens/frame-000570.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.98958 0.13377 -0.05332 -0.06108 -0.12943 0.98852 0.0779 0.1747 0.06313 -0.07019 0.99553 -0.20889 0. 0. 0. 1. +scans_test/scene0722_00/sens/frame-000675.color.jpg scans_test/scene0722_00/sens/frame-000690.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.99721 0.00142 -0.07466 -0.02901 -0.01111 0.9915 -0.12959 -0.08498 0.07385 0.13006 0.98875 -0.00886 0. 0. 0. 1. +scans_test/scene0722_00/sens/frame-000750.color.jpg scans_test/scene0722_00/sens/frame-000765.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.9803 0.067 -0.18579 -0.01158 -0.05831 0.99695 0.05182 0.01866 0.1887 -0.03997 0.98122 0.0237 0. 0. 0. 1. +scans_test/scene0722_00/sens/frame-000795.color.jpg scans_test/scene0722_00/sens/frame-000855.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.96913 0.15072 -0.19512 -0.19911 -0.15548 0.9878 -0.00921 0.10764 0.19135 0.03926 0.98074 -0.2704 0. 0. 0. 1. +scans_test/scene0722_00/sens/frame-000855.color.jpg scans_test/scene0722_00/sens/frame-000885.color.jpg 0 0 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 1161.04 0. 648.21 0. 1161.72 485.785 0. 0. 1. 0.98684 0.09969 -0.12731 -0.04838 -0.08129 0.98647 0.14236 0.12474 0.13978 -0.13014 0.98159 -0.12799 0. 0. 0. 1. +scans_test/scene0723_00/sens/frame-000000.color.jpg scans_test/scene0723_00/sens/frame-000255.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.95487 -0.06764 0.28924 0.01871 0.1107 0.98462 -0.13519 0.43449 -0.27565 0.16111 0.94766 -1.49391 0. 0. 0. 1. +scans_test/scene0723_00/sens/frame-000000.color.jpg scans_test/scene0723_00/sens/frame-001635.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99267 -0.00621 0.1207 -0.02157 0.02222 0.99104 -0.13172 -0.03065 -0.1188 0.13344 0.98391 -0.18581 0. 0. 0. 1. +scans_test/scene0723_00/sens/frame-000015.color.jpg scans_test/scene0723_00/sens/frame-001590.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.89986 -0.03522 0.43476 -0.12953 0.08831 0.9908 -0.10252 0.14836 -0.42715 0.13065 0.89469 -0.42503 0. 0. 0. 1. +scans_test/scene0723_00/sens/frame-000075.color.jpg scans_test/scene0723_00/sens/frame-001665.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.98457 -0.06481 0.16253 -0.07872 0.04116 0.9886 0.14485 0.00929 -0.17006 -0.13592 0.97601 -0.02061 0. 0. 0. 1. +scans_test/scene0723_00/sens/frame-000195.color.jpg scans_test/scene0723_00/sens/frame-000210.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99966 0.01805 -0.01898 0.04047 -0.0157 0.99294 0.11756 0.07668 0.02097 -0.11722 0.99289 -0.14743 0. 0. 0. 1. +scans_test/scene0723_00/sens/frame-000210.color.jpg scans_test/scene0723_00/sens/frame-001590.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.95932 -0.05089 0.27769 0.0559 0.00929 0.98878 0.14909 -0.00202 -0.28216 -0.14045 0.94903 0.67551 0. 0. 0. 1. +scans_test/scene0723_00/sens/frame-000270.color.jpg scans_test/scene0723_00/sens/frame-001635.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99829 0.05821 -0.00492 -0.34291 -0.05792 0.99721 0.04703 -0.45637 0.00765 -0.04666 0.99888 1.3897 0. 0. 0. 1. +scans_test/scene0723_00/sens/frame-000435.color.jpg scans_test/scene0723_00/sens/frame-000780.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99981 -0.01195 -0.01513 -0.28096 0.00856 0.97831 -0.20696 0.04067 0.01727 0.20679 0.97823 -0.55706 0. 0. 0. 1. +scans_test/scene0723_00/sens/frame-000465.color.jpg scans_test/scene0723_00/sens/frame-000795.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99394 0.07861 -0.0769 -0.09346 -0.07938 0.99682 -0.00711 0.23512 0.0761 0.01317 0.99701 -0.49187 0. 0. 0. 1. +scans_test/scene0723_00/sens/frame-000510.color.jpg scans_test/scene0723_00/sens/frame-000555.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99799 -0.06318 0.00398 -0.13208 0.06306 0.99769 0.02525 0.25115 -0.00556 -0.02494 0.99967 -0.21974 0. 0. 0. 1. +scans_test/scene0723_00/sens/frame-000510.color.jpg scans_test/scene0723_00/sens/frame-000810.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99578 0.07995 -0.04498 0.03204 -0.07655 0.9944 0.07289 0.28476 0.05055 -0.06914 0.99633 -0.38992 0. 0. 0. 1. +scans_test/scene0723_00/sens/frame-001185.color.jpg scans_test/scene0723_00/sens/frame-001605.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.36928 0.28448 -0.88471 0.44344 -0.10905 0.95868 0.26275 -0.22325 0.9229 -0.00055 0.38504 1.93119 0. 0. 0. 1. +scans_test/scene0723_00/sens/frame-001260.color.jpg scans_test/scene0723_00/sens/frame-001530.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.82506 0.06165 -0.56167 1.20471 -0.12387 0.98958 -0.07333 -0.00326 0.5513 0.13008 0.82411 0.44834 0. 0. 0. 1. +scans_test/scene0723_00/sens/frame-001290.color.jpg scans_test/scene0723_00/sens/frame-001380.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.97659 -0.04606 0.2101 -0.03524 0.07878 0.98552 -0.15013 0.27595 -0.20014 0.16317 0.96608 -0.37299 0. 0. 0. 1. +scans_test/scene0723_00/sens/frame-001620.color.jpg scans_test/scene0723_00/sens/frame-001695.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.98634 0.01566 -0.16397 -0.10949 -0.00944 0.99921 0.03867 -0.11913 0.16445 -0.03659 0.98571 0.40151 0. 0. 0. 1. +scans_test/scene0724_00/sens/frame-000000.color.jpg scans_test/scene0724_00/sens/frame-000705.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99212 -0.10122 -0.07382 0.04554 0.06887 0.93287 -0.35358 0.54118 0.10465 0.34571 0.93249 -1.07971 0. 0. 0. 1. +scans_test/scene0724_00/sens/frame-000030.color.jpg scans_test/scene0724_00/sens/frame-000810.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.66859 -0.36506 0.64786 -0.66816 0.41802 0.90503 0.07858 0.28583 -0.61502 0.21828 0.7577 -0.56723 0. 0. 0. 1. +scans_test/scene0724_00/sens/frame-000090.color.jpg scans_test/scene0724_00/sens/frame-000780.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99678 -0.07719 0.02157 -0.22343 0.07824 0.99553 -0.0529 0.22488 -0.01739 0.05442 0.99837 -0.55356 0. 0. 0. 1. +scans_test/scene0724_00/sens/frame-000105.color.jpg scans_test/scene0724_00/sens/frame-000750.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.80565 0.18564 -0.56255 0.33269 -0.26493 0.96228 -0.06188 0.19531 0.52985 0.19889 0.82444 -0.55627 0. 0. 0. 1. +scans_test/scene0724_00/sens/frame-000120.color.jpg scans_test/scene0724_00/sens/frame-000780.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.9889 -0.01584 -0.14774 -0.02714 -0.015 0.97859 -0.20529 0.11735 0.14783 0.20522 0.96749 -0.52552 0. 0. 0. 1. +scans_test/scene0724_00/sens/frame-000135.color.jpg scans_test/scene0724_00/sens/frame-000780.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99566 -0.06344 -0.06806 -0.10235 0.04203 0.95929 -0.27927 0.02743 0.083 0.2752 0.9578 -0.45126 0. 0. 0. 1. +scans_test/scene0724_00/sens/frame-000225.color.jpg scans_test/scene0724_00/sens/frame-000360.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.65994 0.02484 -0.7509 1.10405 -0.14896 0.98394 -0.09836 0.23545 0.7364 0.17677 0.65304 -0.50253 0. 0. 0. 1. +scans_test/scene0724_00/sens/frame-000300.color.jpg scans_test/scene0724_00/sens/frame-001365.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.93607 -0.06198 0.34632 -0.47705 0.064 0.99793 0.00559 -0.27124 -0.34595 0.01693 0.9381 0.85376 0. 0. 0. 1. +scans_test/scene0724_00/sens/frame-000330.color.jpg scans_test/scene0724_00/sens/frame-000375.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.93311 0.05987 -0.35457 0.16707 -0.06808 0.99762 -0.01071 -0.01824 0.35309 0.03413 0.93497 -0.04023 0. 0. 0. 1. +scans_test/scene0724_00/sens/frame-000330.color.jpg scans_test/scene0724_00/sens/frame-001365.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.84549 -0.09099 0.52618 -0.61561 0.10259 0.9947 0.00715 -0.35061 -0.52404 0.04793 0.85034 1.13227 0. 0. 0. 1. +scans_test/scene0724_00/sens/frame-000375.color.jpg scans_test/scene0724_00/sens/frame-000390.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.95624 0.09087 -0.27811 0.07263 -0.0853 0.99584 0.03209 -0.00461 0.27987 -0.00696 0.96001 -0.00878 0. 0. 0. 1. +scans_test/scene0724_00/sens/frame-000465.color.jpg scans_test/scene0724_00/sens/frame-001275.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.8922 -0.15153 0.42546 -0.94178 0.11502 0.98721 0.11038 0.06049 -0.43675 -0.04954 0.89822 -0.43754 0. 0. 0. 1. +scans_test/scene0724_00/sens/frame-000705.color.jpg scans_test/scene0724_00/sens/frame-001395.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.98689 -0.04823 0.15402 0.04215 -0.01315 0.92711 0.37455 0.07792 -0.16086 -0.37166 0.91432 0.83855 0. 0. 0. 1. +scans_test/scene0724_00/sens/frame-000720.color.jpg scans_test/scene0724_00/sens/frame-000765.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.96084 -0.11313 0.25295 0.15258 0.08969 0.99069 0.10237 -0.0889 -0.26218 -0.07568 0.96205 0.3075 0. 0. 0. 1. +scans_test/scene0724_00/sens/frame-000900.color.jpg scans_test/scene0724_00/sens/frame-000930.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99891 0.01431 0.04442 0.04186 -0.01749 0.99725 0.07207 0.16356 -0.04326 -0.07277 0.99641 -0.13587 0. 0. 0. 1. +scans_test/scene0725_00/sens/frame-000000.color.jpg scans_test/scene0725_00/sens/frame-000960.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.88015 -0.28848 0.37698 -0.13418 0.29761 0.95404 0.03522 0.32547 -0.36981 0.08119 0.92555 -0.30288 0. 0. 0. 1. +scans_test/scene0725_00/sens/frame-000105.color.jpg scans_test/scene0725_00/sens/frame-000165.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.98372 0.0171 -0.1789 0.24338 -0.00197 0.99643 0.08437 0.15017 0.1797 -0.08265 0.98024 -0.41392 0. 0. 0. 1. +scans_test/scene0725_00/sens/frame-000135.color.jpg scans_test/scene0725_00/sens/frame-000180.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99229 -0.0573 0.10991 0.17389 0.06993 0.99093 -0.11477 0.01444 -0.10233 0.12157 0.98729 -0.36016 0. 0. 0. 1. +scans_test/scene0725_00/sens/frame-000255.color.jpg scans_test/scene0725_00/sens/frame-000285.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99863 -0.03699 0.037 0.07928 0.04134 0.99135 -0.12457 0.10472 -0.03207 0.12593 0.99152 -0.24886 0. 0. 0. 1. +scans_test/scene0725_00/sens/frame-000345.color.jpg scans_test/scene0725_00/sens/frame-000390.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.93739 0.14522 -0.31657 0.20092 -0.10193 0.98352 0.14934 0.13971 0.33304 -0.10773 0.93674 0.04244 0. 0. 0. 1. +scans_test/scene0725_00/sens/frame-000435.color.jpg scans_test/scene0725_00/sens/frame-000450.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99913 0.00737 -0.04108 0.01365 -0.01415 0.9858 -0.16732 -0.04149 0.03926 0.16775 0.98505 -0.06704 0. 0. 0. 1. +scans_test/scene0725_00/sens/frame-000465.color.jpg scans_test/scene0725_00/sens/frame-000510.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.86519 0.44061 -0.23939 0.0876 -0.47281 0.87583 -0.09678 0.11697 0.16702 0.19692 0.96609 -0.07116 0. 0. 0. 1. +scans_test/scene0725_00/sens/frame-000540.color.jpg scans_test/scene0725_00/sens/frame-000555.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.97747 0.19854 -0.07171 -0.02725 -0.18571 0.97031 0.15496 0.06632 0.10035 -0.13815 0.98531 0.01795 0. 0. 0. 1. +scans_test/scene0725_00/sens/frame-000555.color.jpg scans_test/scene0725_00/sens/frame-000570.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.98667 0.12662 -0.10222 -0.03022 -0.11622 0.98798 0.10197 0.02348 0.1139 -0.08873 0.98952 0.014 0. 0. 0. 1. +scans_test/scene0725_00/sens/frame-000570.color.jpg scans_test/scene0725_00/sens/frame-000975.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. -0.74251 0.53131 -0.4079 0.65544 -0.29025 0.29361 0.9108 -1.15335 0.60368 0.79467 -0.06379 1.69805 0. 0. 0. 1. +scans_test/scene0725_00/sens/frame-000735.color.jpg scans_test/scene0725_00/sens/frame-000750.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.98087 -0.03353 -0.19176 0.02044 0.03968 0.99881 0.02832 -0.00962 0.19058 -0.03538 0.98103 -0.09322 0. 0. 0. 1. +scans_test/scene0725_00/sens/frame-000840.color.jpg scans_test/scene0725_00/sens/frame-000870.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99984 -0.00439 -0.01744 0.07711 0.00303 0.99699 -0.07745 -0.22446 0.01772 0.07738 0.99684 0.15936 0. 0. 0. 1. +scans_test/scene0725_00/sens/frame-000885.color.jpg scans_test/scene0725_00/sens/frame-001005.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.87568 0.27495 -0.39698 -0.306 -0.21646 0.95836 0.18627 -0.3768 0.43167 -0.07718 0.89873 0.96127 0. 0. 0. 1. +scans_test/scene0725_00/sens/frame-000930.color.jpg scans_test/scene0725_00/sens/frame-000990.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.86978 0.31712 -0.37804 -0.12527 -0.26201 0.94603 0.19074 -0.2108 0.41813 -0.06685 0.90593 0.51199 0. 0. 0. 1. +scans_test/scene0725_00/sens/frame-000945.color.jpg scans_test/scene0725_00/sens/frame-001005.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.87619 0.3125 -0.36692 -0.13561 -0.20443 0.93041 0.30422 -0.04876 0.43645 -0.19154 0.8791 0.40778 0. 0. 0. 1. +scans_test/scene0726_00/sens/frame-000000.color.jpg scans_test/scene0726_00/sens/frame-000690.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.68074 0.34558 -0.64588 1.28275 -0.6115 0.75355 -0.24132 1.2365 0.40331 0.55923 0.72429 -0.75755 0. 0. 0. 1. +scans_test/scene0726_00/sens/frame-000015.color.jpg scans_test/scene0726_00/sens/frame-000675.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.7926 0.27394 -0.54473 0.96462 -0.44293 0.87266 -0.20562 1.15376 0.41904 0.40425 0.81301 -0.77141 0. 0. 0. 1. +scans_test/scene0726_00/sens/frame-000045.color.jpg scans_test/scene0726_00/sens/frame-001110.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.78214 -0.49923 0.37287 -0.21886 0.55717 0.82824 -0.05981 0.73861 -0.27897 0.25453 0.92595 -0.51792 0. 0. 0. 1. +scans_test/scene0726_00/sens/frame-000105.color.jpg scans_test/scene0726_00/sens/frame-000240.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.13321 0.79068 -0.59756 0.58675 -0.88868 0.36221 0.28117 -0.3483 0.43875 0.49358 0.75091 -0.00715 0. 0. 0. 1. +scans_test/scene0726_00/sens/frame-000120.color.jpg scans_test/scene0726_00/sens/frame-000225.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.49492 0.71696 -0.49094 0.46813 -0.79898 0.59758 0.06724 -0.2278 0.34158 0.35897 0.8686 -0.05724 0. 0. 0. 1. +scans_test/scene0726_00/sens/frame-000135.color.jpg scans_test/scene0726_00/sens/frame-000210.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.62595 0.64423 -0.43949 0.40691 -0.72171 0.69207 -0.01342 -0.01081 0.29551 0.32558 0.89815 -0.10968 0. 0. 0. 1. +scans_test/scene0726_00/sens/frame-000165.color.jpg scans_test/scene0726_00/sens/frame-000390.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.37725 -0.85144 0.36432 0.04587 0.84566 0.47708 0.23928 -0.13526 -0.37754 0.21782 0.90001 0.01928 0. 0. 0. 1. +scans_test/scene0726_00/sens/frame-000465.color.jpg scans_test/scene0726_00/sens/frame-000570.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99755 0.01087 0.06906 -0.17921 -0.0371 0.91956 0.39119 0.06171 -0.05925 -0.39279 0.91772 0.438 0. 0. 0. 1. +scans_test/scene0726_00/sens/frame-000480.color.jpg scans_test/scene0726_00/sens/frame-000810.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.97731 -0.12106 0.17383 0.01348 0.15419 0.96923 -0.19189 0.16849 -0.14525 0.21434 0.9659 -0.22814 0. 0. 0. 1. +scans_test/scene0726_00/sens/frame-000570.color.jpg scans_test/scene0726_00/sens/frame-000750.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.85785 0.23309 -0.45801 0.91503 -0.5059 0.53972 -0.67288 0.64375 0.09036 0.80893 0.58091 -0.66192 0. 0. 0. 1. +scans_test/scene0726_00/sens/frame-000780.color.jpg scans_test/scene0726_00/sens/frame-000855.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.76338 -0.55462 0.33115 0.04621 0.27153 0.74067 0.61456 -0.10291 -0.58611 -0.37922 0.71601 0.84511 0. 0. 0. 1. +scans_test/scene0726_00/sens/frame-000840.color.jpg scans_test/scene0726_00/sens/frame-000855.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.98777 -0.10914 0.11132 -0.0003 0.09068 0.98307 0.15918 0.00744 -0.12681 -0.14714 0.98095 0.12755 0. 0. 0. 1. +scans_test/scene0726_00/sens/frame-000885.color.jpg scans_test/scene0726_00/sens/frame-000915.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.97313 -0.00309 0.23024 0.05863 -0.01719 0.99615 0.086 -0.00438 -0.22962 -0.08765 0.96933 0.25837 0. 0. 0. 1. +scans_test/scene0726_00/sens/frame-000990.color.jpg scans_test/scene0726_00/sens/frame-001005.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99983 -0.00819 0.01676 -0.01661 0.01037 0.99093 -0.13397 -0.02308 -0.01551 0.13412 0.99084 -0.03188 0. 0. 0. 1. +scans_test/scene0726_00/sens/frame-001215.color.jpg scans_test/scene0726_00/sens/frame-001245.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.96491 0.18677 -0.18455 0.02903 -0.15497 0.97249 0.17393 -0.17495 0.21196 -0.13923 0.96731 0.33604 0. 0. 0. 1. +scans_test/scene0727_00/sens/frame-000000.color.jpg scans_test/scene0727_00/sens/frame-001905.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. -0.0013 0.16456 -0.98637 1.34253 -0.18911 0.96853 0.16183 0.02759 0.98195 0.18675 0.02987 0.47894 0. 0. 0. 1. +scans_test/scene0727_00/sens/frame-000045.color.jpg scans_test/scene0727_00/sens/frame-000765.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.92457 -0.23728 0.2981 -0.13468 0.33488 0.87925 -0.33878 0.81828 -0.18172 0.41305 0.89239 -1.03004 0. 0. 0. 1. +scans_test/scene0727_00/sens/frame-000060.color.jpg scans_test/scene0727_00/sens/frame-000390.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.7443 -0.46358 0.48073 -1.46447 0.57851 0.8072 -0.1173 1.31663 -0.33367 0.36541 0.86899 -1.2857 0. 0. 0. 1. +scans_test/scene0727_00/sens/frame-000120.color.jpg scans_test/scene0727_00/sens/frame-000345.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.68982 -0.37963 0.61646 -1.19341 0.64405 0.71069 -0.28304 1.07861 -0.33067 0.59228 0.73475 -1.0879 0. 0. 0. 1. +scans_test/scene0727_00/sens/frame-000150.color.jpg scans_test/scene0727_00/sens/frame-000195.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99518 -0.00895 -0.09769 0.24222 0.01439 0.99838 0.05513 0.10719 0.09704 -0.05627 0.99369 -0.22115 0. 0. 0. 1. +scans_test/scene0727_00/sens/frame-000150.color.jpg scans_test/scene0727_00/sens/frame-001905.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.19486 0.14935 -0.96939 0.86579 -0.17868 0.97721 0.11464 -0.10911 0.96442 0.15087 0.2171 0.53802 0. 0. 0. 1. +scans_test/scene0727_00/sens/frame-000195.color.jpg scans_test/scene0727_00/sens/frame-000210.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99466 -0.02138 0.10096 -0.00103 0.03363 0.99205 -0.12123 -0.01939 -0.09756 0.12398 0.98748 -0.15685 0. 0. 0. 1. +scans_test/scene0727_00/sens/frame-000240.color.jpg scans_test/scene0727_00/sens/frame-001965.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.82485 0.22908 -0.51686 0.19192 -0.23153 0.97092 0.06084 0.05424 0.51577 0.06949 0.8539 -0.06737 0. 0. 0. 1. +scans_test/scene0727_00/sens/frame-000270.color.jpg scans_test/scene0727_00/sens/frame-001980.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.91232 0.16312 -0.37558 -0.18806 -0.09438 0.97629 0.19478 0.02048 0.39845 -0.14226 0.90609 0.16587 0. 0. 0. 1. +scans_test/scene0727_00/sens/frame-000450.color.jpg scans_test/scene0727_00/sens/frame-000540.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.98533 0.1483 -0.08448 0.14298 -0.08914 0.86924 0.48628 0.04769 0.14555 -0.47162 0.86971 0.35063 0. 0. 0. 1. +scans_test/scene0727_00/sens/frame-000795.color.jpg scans_test/scene0727_00/sens/frame-001335.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.98296 -0.08092 0.16505 0.23267 0.0779 0.99666 0.02466 0.44915 -0.16649 -0.01138 0.98598 -0.2791 0. 0. 0. 1. +scans_test/scene0727_00/sens/frame-001125.color.jpg scans_test/scene0727_00/sens/frame-001185.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.90567 -0.37303 0.20151 -0.35246 0.36159 0.92775 0.09232 -0.34524 -0.22139 -0.01075 0.97513 0.11966 0. 0. 0. 1. +scans_test/scene0727_00/sens/frame-001185.color.jpg scans_test/scene0727_00/sens/frame-001695.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.97031 0.18838 -0.15171 -0.07681 -0.12771 0.93168 0.34011 -0.16112 0.20542 -0.31063 0.92807 0.54006 0. 0. 0. 1. +scans_test/scene0727_00/sens/frame-001245.color.jpg scans_test/scene0727_00/sens/frame-001320.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.47815 0.74248 -0.46914 0.37806 -0.71516 0.63921 0.28276 -0.14847 0.50982 0.20031 0.83663 0.48132 0. 0. 0. 1. +scans_test/scene0727_00/sens/frame-001275.color.jpg scans_test/scene0727_00/sens/frame-001695.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99979 0.00373 -0.0202 -0.54736 -0.00003 0.98358 0.18047 -0.26085 0.02055 -0.18044 0.98337 0.47806 0. 0. 0. 1. +scans_test/scene0728_00/sens/frame-000060.color.jpg scans_test/scene0728_00/sens/frame-000300.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.87478 0.1958 -0.44319 0.51526 -0.17926 0.98059 0.07938 0.14216 0.45013 0.01001 0.8929 -0.28953 0. 0. 0. 1. +scans_test/scene0728_00/sens/frame-000105.color.jpg scans_test/scene0728_00/sens/frame-000915.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.94546 0.03011 -0.32435 0.46118 -0.06379 0.99355 -0.09371 0.20639 0.31944 0.10928 0.94129 -1.52811 0. 0. 0. 1. +scans_test/scene0728_00/sens/frame-000120.color.jpg scans_test/scene0728_00/sens/frame-000375.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.92054 0.04787 -0.3877 0.23668 -0.06683 0.99713 -0.03554 -0.02918 0.38489 0.05862 0.9211 -1.16916 0. 0. 0. 1. +scans_test/scene0728_00/sens/frame-000150.color.jpg scans_test/scene0728_00/sens/frame-000885.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.97924 -0.06237 0.1929 -0.46348 0.08948 0.98677 -0.13518 0.06831 -0.18191 0.14964 0.97186 -1.41197 0. 0. 0. 1. +scans_test/scene0728_00/sens/frame-000165.color.jpg scans_test/scene0728_00/sens/frame-000315.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99621 -0.05585 0.06672 -0.05557 0.07212 0.95904 -0.27394 -0.09282 -0.04869 0.27772 0.95943 -0.26244 0. 0. 0. 1. +scans_test/scene0728_00/sens/frame-000180.color.jpg scans_test/scene0728_00/sens/frame-001020.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.96 0.01289 0.27971 0.02227 0.03472 0.98575 -0.16458 -0.03835 -0.27784 0.16771 0.94587 -0.17698 0. 0. 0. 1. +scans_test/scene0728_00/sens/frame-000240.color.jpg scans_test/scene0728_00/sens/frame-000345.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.92624 -0.04578 0.37414 -0.17492 0.00559 0.99416 0.1078 0.29029 -0.37689 -0.09775 0.92108 -0.98545 0. 0. 0. 1. +scans_test/scene0728_00/sens/frame-000330.color.jpg scans_test/scene0728_00/sens/frame-001035.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99558 0.07297 -0.05904 0.14375 -0.06453 0.98887 0.13407 -0.01969 0.06817 -0.12966 0.98921 0.53082 0. 0. 0. 1. +scans_test/scene0728_00/sens/frame-000360.color.jpg scans_test/scene0728_00/sens/frame-000960.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99342 -0.01974 0.11283 0.17517 0.0229 0.99938 -0.02674 0.02723 -0.11223 0.02915 0.99325 -0.01228 0. 0. 0. 1. +scans_test/scene0728_00/sens/frame-000375.color.jpg scans_test/scene0728_00/sens/frame-000945.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99719 -0.03124 0.06812 0.13481 0.03498 0.9979 -0.05447 0.01217 -0.06627 0.0567 0.99619 0.0081 0. 0. 0. 1. +scans_test/scene0728_00/sens/frame-000420.color.jpg scans_test/scene0728_00/sens/frame-000975.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.86742 0.03412 -0.4964 -0.01982 -0.03328 0.99939 0.01054 -0.0542 0.49646 0.00738 0.86803 0.69176 0. 0. 0. 1. +scans_test/scene0728_00/sens/frame-000510.color.jpg scans_test/scene0728_00/sens/frame-000525.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.9993 -0.02422 0.02862 0.00135 0.02629 0.9969 -0.07418 -0.07998 -0.02674 0.07488 0.99683 -0.01777 0. 0. 0. 1. +scans_test/scene0728_00/sens/frame-000555.color.jpg scans_test/scene0728_00/sens/frame-000585.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.9959 0.06231 0.0656 -0.01781 -0.04806 0.97865 -0.19985 -0.08541 -0.07665 0.19588 0.97763 -0.00809 0. 0. 0. 1. +scans_test/scene0728_00/sens/frame-000660.color.jpg scans_test/scene0728_00/sens/frame-000825.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.98854 -0.03318 0.14723 -0.37068 0.03073 0.99935 0.01894 -0.10002 -0.14777 -0.0142 0.98892 0.07879 0. 0. 0. 1. +scans_test/scene0728_00/sens/frame-000885.color.jpg scans_test/scene0728_00/sens/frame-000900.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.96775 0.07069 -0.24177 0.10676 -0.06425 0.99734 0.03442 0.03105 0.24356 -0.01778 0.96972 0.14553 0. 0. 0. 1. +scans_test/scene0729_00/sens/frame-000090.color.jpg scans_test/scene0729_00/sens/frame-001155.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99669 0.03987 0.0708 0.0865 -0.0519 0.98279 0.17729 0.10393 -0.06251 -0.18038 0.98161 -0.18314 0. 0. 0. 1. +scans_test/scene0729_00/sens/frame-000120.color.jpg scans_test/scene0729_00/sens/frame-001170.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99266 0.02575 -0.11818 -0.05879 0.00007 0.97696 0.21343 0.09741 0.12095 -0.21187 0.96978 0.20788 0. 0. 0. 1. +scans_test/scene0729_00/sens/frame-000225.color.jpg scans_test/scene0729_00/sens/frame-000255.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.94506 -0.21143 0.24931 0.09542 0.24608 0.96219 -0.11681 -0.06519 -0.21518 0.17175 0.96135 -0.01568 0. 0. 0. 1. +scans_test/scene0729_00/sens/frame-000240.color.jpg scans_test/scene0729_00/sens/frame-000300.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.85357 -0.34116 0.39373 -0.18593 0.39377 0.91732 -0.05884 0.13932 -0.34111 0.20526 0.91734 -0.22309 0. 0. 0. 1. +scans_test/scene0729_00/sens/frame-000240.color.jpg scans_test/scene0729_00/sens/frame-000330.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.50603 -0.49814 0.70413 -0.44514 0.63655 0.76656 0.08484 -0.10236 -0.58202 0.40528 0.70499 -0.13919 0. 0. 0. 1. +scans_test/scene0729_00/sens/frame-000240.color.jpg scans_test/scene0729_00/sens/frame-000720.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.83631 0.37283 -0.40198 0.12368 -0.50251 0.81447 -0.29004 0.56828 0.21927 0.44456 0.8685 -0.54704 0. 0. 0. 1. +scans_test/scene0729_00/sens/frame-000285.color.jpg scans_test/scene0729_00/sens/frame-000390.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.90263 -0.21319 0.3739 -0.2495 0.14406 0.96825 0.20429 0.1029 -0.40558 -0.13054 0.90469 -0.01659 0. 0. 0. 1. +scans_test/scene0729_00/sens/frame-000390.color.jpg scans_test/scene0729_00/sens/frame-000420.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.91037 0.21929 -0.3509 -0.05111 -0.20147 0.97562 0.08703 0.07465 0.36143 -0.00853 0.93236 -0.01036 0. 0. 0. 1. +scans_test/scene0729_00/sens/frame-000450.color.jpg scans_test/scene0729_00/sens/frame-000495.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.97804 0.07517 -0.1944 0.14883 -0.06123 0.99517 0.07673 0.02898 0.19923 -0.06314 0.97792 -0.00348 0. 0. 0. 1. +scans_test/scene0729_00/sens/frame-000585.color.jpg scans_test/scene0729_00/sens/frame-000720.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.85988 0.42377 -0.28464 0.09368 -0.46969 0.87518 -0.11594 0.22892 0.19998 0.23339 0.9516 -0.12694 0. 0. 0. 1. +scans_test/scene0729_00/sens/frame-000690.color.jpg scans_test/scene0729_00/sens/frame-000735.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.94704 0.28479 -0.14839 -0.23644 -0.25352 0.94667 0.19887 -0.21436 0.19711 -0.15071 0.96873 0.27198 0. 0. 0. 1. +scans_test/scene0729_00/sens/frame-000705.color.jpg scans_test/scene0729_00/sens/frame-000735.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.98052 0.17871 -0.08148 -0.18248 -0.16728 0.97725 0.13037 -0.14561 0.10293 -0.1142 0.98811 0.20164 0. 0. 0. 1. +scans_test/scene0729_00/sens/frame-000870.color.jpg scans_test/scene0729_00/sens/frame-000885.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99971 0.00711 -0.02289 -0.00909 -0.00466 0.99441 0.10548 0.05647 0.02352 -0.10535 0.99416 0.01098 0. 0. 0. 1. +scans_test/scene0729_00/sens/frame-000885.color.jpg scans_test/scene0729_00/sens/frame-000900.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99737 -0.0057 -0.07219 -0.01637 0.01155 0.99666 0.08089 0.08415 0.07149 -0.08152 0.9941 -0.00278 0. 0. 0. 1. +scans_test/scene0729_00/sens/frame-001020.color.jpg scans_test/scene0729_00/sens/frame-001110.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99517 0.05899 -0.07841 -0.01066 -0.05225 0.99497 0.08549 0.23462 0.08305 -0.08098 0.99325 0.53697 0. 0. 0. 1. +scans_test/scene0730_00/sens/frame-000150.color.jpg scans_test/scene0730_00/sens/frame-000390.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99893 -0.02726 0.03737 0.38124 0.02741 0.99962 -0.00333 -0.1168 -0.03727 0.00435 0.9993 -0.25513 0. 0. 0. 1. +scans_test/scene0730_00/sens/frame-000165.color.jpg scans_test/scene0730_00/sens/frame-000390.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.9983 -0.00513 -0.05805 0.34505 0.00448 0.99993 -0.01127 -0.06508 0.0581 0.011 0.99825 -0.25866 0. 0. 0. 1. +scans_test/scene0730_00/sens/frame-000180.color.jpg scans_test/scene0730_00/sens/frame-000210.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99333 -0.02904 0.11159 -0.06995 0.03572 0.99766 -0.05838 -0.2278 -0.10963 0.06198 0.99204 0.17904 0. 0. 0. 1. +scans_test/scene0730_00/sens/frame-000315.color.jpg scans_test/scene0730_00/sens/frame-001140.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99824 0.05897 -0.00613 0.12332 -0.0546 0.95463 0.29276 0.19041 0.02311 -0.29191 0.95617 0.25424 0. 0. 0. 1. +scans_test/scene0730_00/sens/frame-000330.color.jpg scans_test/scene0730_00/sens/frame-000345.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99992 -0.01037 -0.00703 0.01147 0.01093 0.99626 0.08566 0.11468 0.00611 -0.08573 0.9963 -0.19396 0. 0. 0. 1. +scans_test/scene0730_00/sens/frame-000330.color.jpg scans_test/scene0730_00/sens/frame-000360.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99829 -0.032 -0.04889 0.03061 0.03848 0.98969 0.13795 0.26249 0.04397 -0.13959 0.98923 -0.38879 0. 0. 0. 1. +scans_test/scene0730_00/sens/frame-000360.color.jpg scans_test/scene0730_00/sens/frame-000375.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.9863 0.04721 -0.15805 0.17038 -0.04053 0.99816 0.0452 0.0972 0.15989 -0.03817 0.9864 -0.18554 0. 0. 0. 1. +scans_test/scene0730_00/sens/frame-000360.color.jpg scans_test/scene0730_00/sens/frame-000510.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.22355 0.26779 -0.93718 1.37504 -0.31711 0.92919 0.18986 0.04809 0.92167 0.25474 0.29264 0.29798 0. 0. 0. 1. +scans_test/scene0730_00/sens/frame-000510.color.jpg scans_test/scene0730_00/sens/frame-001095.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. -0.09059 -0.24878 0.96431 -0.07434 0.02875 0.96724 0.25224 -0.03513 -0.99547 0.05058 -0.08047 2.366 0. 0. 0. 1. +scans_test/scene0730_00/sens/frame-000660.color.jpg scans_test/scene0730_00/sens/frame-000960.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99039 -0.02768 -0.13549 0.45322 0.02917 0.99953 0.00904 0.08541 0.13518 -0.0129 0.99074 -0.60621 0. 0. 0. 1. +scans_test/scene0730_00/sens/frame-000765.color.jpg scans_test/scene0730_00/sens/frame-000780.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99972 0.0011 0.02368 0.01267 0.00212 0.99075 -0.13567 -0.08046 -0.02361 0.13569 0.99047 -0.01823 0. 0. 0. 1. +scans_test/scene0730_00/sens/frame-000795.color.jpg scans_test/scene0730_00/sens/frame-000885.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.96928 0.09558 -0.22662 0.45798 -0.1233 0.98609 -0.11146 0.13327 0.21282 0.13598 0.96758 -0.17237 0. 0. 0. 1. +scans_test/scene0730_00/sens/frame-000810.color.jpg scans_test/scene0730_00/sens/frame-000840.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99749 0.0112 -0.06992 0.1273 -0.02485 0.97997 -0.19758 0.00808 0.06631 0.19882 0.97779 -0.05596 0. 0. 0. 1. +scans_test/scene0730_00/sens/frame-001050.color.jpg scans_test/scene0730_00/sens/frame-001125.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.97356 0.02484 -0.2271 -0.12112 -0.01568 0.99899 0.04202 -0.04585 0.22791 -0.03735 0.97296 0.10942 0. 0. 0. 1. +scans_test/scene0730_00/sens/frame-001140.color.jpg scans_test/scene0730_00/sens/frame-001170.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99428 0.02113 -0.10473 -0.05058 -0.03287 0.9932 -0.11166 -0.09425 0.10166 0.11446 0.98821 0.01492 0. 0. 0. 1. +scans_test/scene0731_00/sens/frame-000000.color.jpg scans_test/scene0731_00/sens/frame-000255.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99153 -0.01722 -0.12871 1.05482 0.01158 0.99895 -0.04441 0.57084 0.12934 0.04254 0.99069 -1.84468 0. 0. 0. 1. +scans_test/scene0731_00/sens/frame-000000.color.jpg scans_test/scene0731_00/sens/frame-001050.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.96161 -0.07531 0.26389 -0.02304 0.11558 0.98331 -0.14052 -0.05531 -0.24891 0.16563 0.95426 -0.40917 0. 0. 0. 1. +scans_test/scene0731_00/sens/frame-000045.color.jpg scans_test/scene0731_00/sens/frame-001080.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.96854 0.02677 0.24741 -0.00507 0.02451 0.9791 -0.20187 -0.27705 -0.24764 0.20159 0.94765 0.15713 0. 0. 0. 1. +scans_test/scene0731_00/sens/frame-000075.color.jpg scans_test/scene0731_00/sens/frame-000120.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.89819 -0.0316 0.43847 -0.12782 0.08998 0.98951 -0.11301 0.00147 -0.4303 0.14096 0.89161 -0.34209 0. 0. 0. 1. +scans_test/scene0731_00/sens/frame-000180.color.jpg scans_test/scene0731_00/sens/frame-000225.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.90006 0.15747 -0.40633 0.59811 -0.15998 0.98672 0.02804 0.08081 0.40535 0.03977 0.9133 -0.33746 0. 0. 0. 1. +scans_test/scene0731_00/sens/frame-000180.color.jpg scans_test/scene0731_00/sens/frame-000255.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.95878 0.05985 -0.27778 0.73226 -0.0622 0.99806 0.00037 0.20017 0.27726 0.01692 0.96064 -0.48818 0. 0. 0. 1. +scans_test/scene0731_00/sens/frame-000240.color.jpg scans_test/scene0731_00/sens/frame-000255.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.98478 -0.07393 0.15729 0.10425 0.07461 0.99721 0.00159 0.0168 -0.15697 0.01017 0.98755 0.02622 0. 0. 0. 1. +scans_test/scene0731_00/sens/frame-000240.color.jpg scans_test/scene0731_00/sens/frame-001080.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.95636 -0.04066 0.28935 -0.6337 0.04693 0.99879 -0.01475 -0.67044 -0.2884 0.02768 0.95711 1.91557 0. 0. 0. 1. +scans_test/scene0731_00/sens/frame-000315.color.jpg scans_test/scene0731_00/sens/frame-000345.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.94041 -0.18635 0.28443 -0.0827 0.20666 0.97747 -0.04287 -0.11066 -0.27004 0.0991 0.95774 0.04405 0. 0. 0. 1. +scans_test/scene0731_00/sens/frame-000420.color.jpg scans_test/scene0731_00/sens/frame-000990.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.78052 0.42087 -0.46224 0.68639 -0.36409 0.90711 0.21115 -0.53838 0.50817 0.00349 0.86125 0.66349 0. 0. 0. 1. +scans_test/scene0731_00/sens/frame-000495.color.jpg scans_test/scene0731_00/sens/frame-000525.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.98752 -0.0604 0.14548 -0.11906 0.04842 0.99524 0.08456 0.12854 -0.14989 -0.07646 0.98574 -0.25005 0. 0. 0. 1. +scans_test/scene0731_00/sens/frame-000540.color.jpg scans_test/scene0731_00/sens/frame-000870.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.9804 -0.01612 -0.19637 0.47623 0.03871 0.99298 0.11176 -0.34692 0.19319 -0.11717 0.97414 0.95741 0. 0. 0. 1. +scans_test/scene0731_00/sens/frame-000630.color.jpg scans_test/scene0731_00/sens/frame-000810.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.9513 0.14563 -0.27169 0.64773 -0.07452 0.96387 0.25572 -0.23801 0.29912 -0.22302 0.92779 0.67539 0. 0. 0. 1. +scans_test/scene0731_00/sens/frame-000900.color.jpg scans_test/scene0731_00/sens/frame-000915.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99963 0.0098 -0.02517 0.17678 -0.01192 0.99624 -0.08582 -0.02921 0.02424 0.08609 0.99599 -0.04313 0. 0. 0. 1. +scans_test/scene0731_00/sens/frame-001065.color.jpg scans_test/scene0731_00/sens/frame-001110.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.98003 0.0436 -0.19403 -0.0677 0.00398 0.97117 0.23836 0.11116 0.19883 -0.23437 0.9516 0.18143 0. 0. 0. 1. +scans_test/scene0732_00/sens/frame-000060.color.jpg scans_test/scene0732_00/sens/frame-000105.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.96042 0.12705 -0.24787 0.47422 -0.06834 0.97019 0.2325 0.15131 0.27003 -0.20636 0.94048 -0.15775 0. 0. 0. 1. +scans_test/scene0732_00/sens/frame-000120.color.jpg scans_test/scene0732_00/sens/frame-000405.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99719 0.04273 -0.06155 0.31133 -0.04677 0.99674 -0.06581 0.34856 0.05854 0.0685 0.99593 -1.07975 0. 0. 0. 1. +scans_test/scene0732_00/sens/frame-000240.color.jpg scans_test/scene0732_00/sens/frame-000300.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.90697 -0.26096 0.33062 -0.18578 0.32991 0.92812 -0.17246 0.58826 -0.26185 0.26549 0.92787 -0.61948 0. 0. 0. 1. +scans_test/scene0732_00/sens/frame-000240.color.jpg scans_test/scene0732_00/sens/frame-001410.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.97905 -0.09894 0.17794 -0.4716 0.06341 0.9787 0.19528 -0.47838 -0.19347 -0.1799 0.96447 1.52821 0. 0. 0. 1. +scans_test/scene0732_00/sens/frame-000255.color.jpg scans_test/scene0732_00/sens/frame-000270.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99084 -0.04495 0.12731 0.00896 0.0534 0.99654 -0.06372 0.15082 -0.12401 0.06993 0.98981 -0.20324 0. 0. 0. 1. +scans_test/scene0732_00/sens/frame-000450.color.jpg scans_test/scene0732_00/sens/frame-000465.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.98014 -0.03412 0.19537 0.06242 0.04339 0.99812 -0.04335 -0.04044 -0.19352 0.05097 0.97977 -0.00159 0. 0. 0. 1. +scans_test/scene0732_00/sens/frame-000510.color.jpg scans_test/scene0732_00/sens/frame-000540.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.95256 -0.06932 0.29635 0.04225 0.08573 0.9954 -0.04275 -0.07802 -0.29202 0.06613 0.95412 -0.03103 0. 0. 0. 1. +scans_test/scene0732_00/sens/frame-000630.color.jpg scans_test/scene0732_00/sens/frame-001125.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.98171 -0.01245 -0.18998 -0.33627 -0.06058 0.92557 -0.37371 0.43304 0.18049 0.37838 0.90788 -1.02788 0. 0. 0. 1. +scans_test/scene0732_00/sens/frame-000795.color.jpg scans_test/scene0732_00/sens/frame-001260.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.98953 0.12484 -0.07239 0.35303 -0.12371 0.99212 0.01993 -0.08014 0.0743 -0.01076 0.99718 0.10844 0. 0. 0. 1. +scans_test/scene0732_00/sens/frame-000810.color.jpg scans_test/scene0732_00/sens/frame-000840.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.96013 -0.19088 0.20423 -0.36538 0.19092 0.98141 0.01971 0.15374 -0.2042 0.02007 0.97872 -0.21203 0. 0. 0. 1. +scans_test/scene0732_00/sens/frame-000825.color.jpg scans_test/scene0732_00/sens/frame-001170.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99984 0.00474 0.01719 -0.35361 -0.00536 0.99932 0.03635 0.08447 -0.01701 -0.03644 0.99919 -0.16108 0. 0. 0. 1. +scans_test/scene0732_00/sens/frame-000945.color.jpg scans_test/scene0732_00/sens/frame-001140.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99175 0.121 -0.0424 0.25075 -0.10602 0.95991 0.25948 -0.23435 0.0721 -0.25284 0.96482 0.47243 0. 0. 0. 1. +scans_test/scene0732_00/sens/frame-001050.color.jpg scans_test/scene0732_00/sens/frame-001080.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.98287 0.08074 -0.16567 0.23765 -0.09804 0.99025 -0.099 -0.07922 0.15606 0.11355 0.9812 0.01743 0. 0. 0. 1. +scans_test/scene0732_00/sens/frame-001485.color.jpg scans_test/scene0732_00/sens/frame-001515.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.958 -0.19498 0.21027 -0.30984 0.20659 0.97782 -0.03452 0.01062 -0.19887 0.07651 0.97703 -0.08412 0. 0. 0. 1. +scans_test/scene0732_00/sens/frame-001500.color.jpg scans_test/scene0732_00/sens/frame-001515.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.97951 -0.16365 0.11736 -0.17482 0.16662 0.98589 -0.01589 -0.0307 -0.11311 0.03512 0.99296 -0.00882 0. 0. 0. 1. +scans_test/scene0733_00/sens/frame-000000.color.jpg scans_test/scene0733_00/sens/frame-000210.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.95416 -0.04938 0.2952 -0.14923 0.15942 0.91859 -0.36163 1.20815 -0.25331 0.39211 0.88435 -1.33116 0. 0. 0. 1. +scans_test/scene0733_00/sens/frame-000030.color.jpg scans_test/scene0733_00/sens/frame-000060.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.9989 -0.0446 0.01418 -0.36978 0.04621 0.98793 -0.14783 0.21963 -0.00742 0.14832 0.98891 -0.39193 0. 0. 0. 1. +scans_test/scene0733_00/sens/frame-000045.color.jpg scans_test/scene0733_00/sens/frame-000090.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.9398 -0.2839 0.19021 -0.81871 0.3241 0.91694 -0.23278 0.22554 -0.10832 0.28041 0.95375 -0.44866 0. 0. 0. 1. +scans_test/scene0733_00/sens/frame-000150.color.jpg scans_test/scene0733_00/sens/frame-000195.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.9377 0.31193 -0.15304 0.59191 -0.29754 0.94836 0.10989 0.36963 0.17942 -0.05751 0.98209 -0.28187 0. 0. 0. 1. +scans_test/scene0733_00/sens/frame-000210.color.jpg scans_test/scene0733_00/sens/frame-000255.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99635 -0.08499 -0.00763 -0.25134 0.08532 0.99384 0.07073 0.48157 0.00157 -0.07112 0.99747 -0.52937 0. 0. 0. 1. +scans_test/scene0733_00/sens/frame-000255.color.jpg scans_test/scene0733_00/sens/frame-000390.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.98374 0.06415 -0.16773 -0.15668 -0.06296 0.99794 0.01241 -0.07382 0.16818 -0.00165 0.98575 0.09568 0. 0. 0. 1. +scans_test/scene0733_00/sens/frame-000270.color.jpg scans_test/scene0733_00/sens/frame-000345.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.96164 -0.24566 0.12205 -0.18337 0.25999 0.95813 -0.11998 0.0515 -0.08747 0.14711 0.98525 -0.18877 0. 0. 0. 1. +scans_test/scene0733_00/sens/frame-000480.color.jpg scans_test/scene0733_00/sens/frame-000525.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.93108 0.157 -0.3293 0.40081 -0.09859 0.97736 0.18723 0.17968 0.35124 -0.14186 0.92548 -0.29613 0. 0. 0. 1. +scans_test/scene0733_00/sens/frame-000615.color.jpg scans_test/scene0733_00/sens/frame-000720.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99972 0.01009 0.02138 -0.49244 -0.01255 0.99288 0.11848 0.10907 -0.02003 -0.11872 0.99273 0.02438 0. 0. 0. 1. +scans_test/scene0733_00/sens/frame-000810.color.jpg scans_test/scene0733_00/sens/frame-000870.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.96754 -0.14287 0.20844 -0.52933 0.1602 0.98469 -0.06868 -0.23204 -0.19544 0.09984 0.97562 0.15981 0. 0. 0. 1. +scans_test/scene0733_00/sens/frame-000870.color.jpg scans_test/scene0733_00/sens/frame-000900.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99983 0.01425 0.01189 -0.18893 -0.01542 0.99427 0.10576 0.07215 -0.01031 -0.10593 0.99432 0.11643 0. 0. 0. 1. +scans_test/scene0733_00/sens/frame-000930.color.jpg scans_test/scene0733_00/sens/frame-000945.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99522 0.04468 -0.08687 -0.1238 -0.0357 0.9941 0.10239 0.09158 0.09094 -0.0988 0.99094 -0.1311 0. 0. 0. 1. +scans_test/scene0733_00/sens/frame-000945.color.jpg scans_test/scene0733_00/sens/frame-000990.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.97995 0.11857 -0.16015 -0.02738 -0.08945 0.97993 0.17816 0.12641 0.17806 -0.16026 0.97088 0.09735 0. 0. 0. 1. +scans_test/scene0733_00/sens/frame-001065.color.jpg scans_test/scene0733_00/sens/frame-001155.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.88607 0.261 -0.38309 0.19998 -0.18403 0.95657 0.22606 -0.32142 0.42546 -0.12981 0.89562 0.11428 0. 0. 0. 1. +scans_test/scene0733_00/sens/frame-001080.color.jpg scans_test/scene0733_00/sens/frame-001155.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.96885 0.1101 -0.22183 0.05026 -0.06258 0.97551 0.21087 -0.27823 0.23961 -0.19042 0.95201 0.12411 0. 0. 0. 1. +scans_test/scene0734_00/sens/frame-000000.color.jpg scans_test/scene0734_00/sens/frame-000240.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.96224 0.09819 -0.25385 0.63925 -0.10166 0.99482 -0.00053 0.73289 0.25249 0.02632 0.96724 -1.55471 0. 0. 0. 1. +scans_test/scene0734_00/sens/frame-000015.color.jpg scans_test/scene0734_00/sens/frame-001755.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. -0.99537 0.05462 -0.07908 0.36248 -0.02692 0.63141 0.77498 -2.14976 0.09226 0.77352 -0.62702 5.0152 0. 0. 0. 1. +scans_test/scene0734_00/sens/frame-000195.color.jpg scans_test/scene0734_00/sens/frame-000810.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.97697 0.06024 -0.20471 1.57684 -0.06939 0.99687 -0.0378 0.73798 0.20179 0.05113 0.97809 -1.36149 0. 0. 0. 1. +scans_test/scene0734_00/sens/frame-000210.color.jpg scans_test/scene0734_00/sens/frame-001755.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. -0.82052 0.22249 -0.52654 0.45351 -0.25983 0.6753 0.69026 -1.55105 0.50915 0.70318 -0.49629 3.69848 0. 0. 0. 1. +scans_test/scene0734_00/sens/frame-000285.color.jpg scans_test/scene0734_00/sens/frame-000465.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.99992 -0.00878 -0.0094 -0.13489 0.00923 0.99875 0.04921 0.26097 0.00896 -0.04929 0.99874 -0.69027 0. 0. 0. 1. +scans_test/scene0734_00/sens/frame-000300.color.jpg scans_test/scene0734_00/sens/frame-000330.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.97789 -0.05963 0.20042 -0.02154 0.09631 0.9792 -0.1786 -0.06556 -0.1856 0.19395 0.96329 0.01849 0. 0. 0. 1. +scans_test/scene0734_00/sens/frame-000405.color.jpg scans_test/scene0734_00/sens/frame-001725.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.3567 -0.31555 0.87931 -1.53984 0.38302 0.90788 0.17043 -1.36659 -0.85209 0.27601 0.44471 2.92146 0. 0. 0. 1. +scans_test/scene0734_00/sens/frame-000570.color.jpg scans_test/scene0734_00/sens/frame-000945.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.99456 -0.07165 0.07558 -1.24443 0.07398 0.99685 -0.02844 0.6548 -0.0733 0.03388 0.99673 -1.31007 0. 0. 0. 1. +scans_test/scene0734_00/sens/frame-000630.color.jpg scans_test/scene0734_00/sens/frame-001185.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.97543 -0.05956 0.21209 -1.09764 0.10285 0.97452 -0.19933 1.38775 -0.19482 0.21625 0.9567 -2.7116 0. 0. 0. 1. +scans_test/scene0734_00/sens/frame-000690.color.jpg scans_test/scene0734_00/sens/frame-001380.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.82364 0.21131 -0.52627 3.54902 -0.27747 0.95948 -0.049 0.34719 0.49459 0.18639 0.8489 -0.75722 0. 0. 0. 1. +scans_test/scene0734_00/sens/frame-000720.color.jpg scans_test/scene0734_00/sens/frame-000885.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.98329 -0.13016 0.12725 -0.09243 0.1443 0.98351 -0.10903 0.59448 -0.11096 0.12557 0.98586 -1.10513 0. 0. 0. 1. +scans_test/scene0734_00/sens/frame-000930.color.jpg scans_test/scene0734_00/sens/frame-001185.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.99028 -0.091 0.10519 0.38828 0.09381 0.99534 -0.02211 0.53152 -0.10269 0.03176 0.99421 -0.9485 0. 0. 0. 1. +scans_test/scene0734_00/sens/frame-000945.color.jpg scans_test/scene0734_00/sens/frame-000975.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.92479 -0.18428 0.33286 -0.04512 0.18093 0.98263 0.04131 0.16745 -0.33469 0.02202 0.94207 -0.31449 0. 0. 0. 1. +scans_test/scene0734_00/sens/frame-001005.color.jpg scans_test/scene0734_00/sens/frame-001095.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.93809 0.24209 -0.24777 -0.11522 -0.28502 0.94592 -0.15489 0.07403 0.19687 0.21592 0.95636 -0.17552 0. 0. 0. 1. +scans_test/scene0734_00/sens/frame-001485.color.jpg scans_test/scene0734_00/sens/frame-001575.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.94796 0.16255 -0.27375 0.75616 -0.15581 0.9867 0.04636 0.18684 0.27764 -0.00129 0.96068 -0.3334 0. 0. 0. 1. +scans_test/scene0735_00/sens/frame-000180.color.jpg scans_test/scene0735_00/sens/frame-000660.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.93172 0.18032 -0.31524 -0.16962 -0.19929 0.97952 -0.02874 -0.12562 0.3036 0.08961 0.94858 0.04351 0. 0. 0. 1. +scans_test/scene0735_00/sens/frame-000225.color.jpg scans_test/scene0735_00/sens/frame-000690.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.94467 -0.18384 0.27167 0.17299 0.20291 0.97823 -0.04362 -0.17407 -0.25773 0.09633 0.9614 0.13806 0. 0. 0. 1. +scans_test/scene0735_00/sens/frame-000255.color.jpg scans_test/scene0735_00/sens/frame-000435.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.52941 0.39888 -0.74875 0.60594 -0.45198 0.8795 0.14896 -0.17003 0.71794 0.25956 0.6459 0.20971 0. 0. 0. 1. +scans_test/scene0735_00/sens/frame-000285.color.jpg scans_test/scene0735_00/sens/frame-000300.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.98756 0.07637 -0.13742 0.07982 -0.06363 0.99346 0.09481 0.04728 0.14376 -0.08489 0.98596 -0.08822 0. 0. 0. 1. +scans_test/scene0735_00/sens/frame-000300.color.jpg scans_test/scene0735_00/sens/frame-000315.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.99186 0.0619 -0.1113 0.09824 -0.05191 0.99454 0.09052 0.06036 0.1163 -0.084 0.98966 -0.04809 0. 0. 0. 1. +scans_test/scene0735_00/sens/frame-000315.color.jpg scans_test/scene0735_00/sens/frame-000330.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.98562 0.0212 -0.16763 0.03461 -0.00274 0.99397 0.10965 0.04089 0.16894 -0.10761 0.97973 -0.04341 0. 0. 0. 1. +scans_test/scene0735_00/sens/frame-000420.color.jpg scans_test/scene0735_00/sens/frame-000450.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.98378 0.09642 -0.15123 0.00699 -0.11518 0.98599 -0.12063 -0.13782 0.13748 0.13609 0.98111 0.11606 0. 0. 0. 1. +scans_test/scene0735_00/sens/frame-000420.color.jpg scans_test/scene0735_00/sens/frame-000465.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.95527 0.15709 -0.25058 -0.09737 -0.18543 0.97818 -0.09368 -0.13547 0.2304 0.13595 0.96355 0.13121 0. 0. 0. 1. +scans_test/scene0735_00/sens/frame-000420.color.jpg scans_test/scene0735_00/sens/frame-000495.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.94179 0.1783 -0.28503 -0.16295 -0.21105 0.97347 -0.0884 -0.16298 0.2617 0.1434 0.95444 0.14685 0. 0. 0. 1. +scans_test/scene0735_00/sens/frame-000420.color.jpg scans_test/scene0735_00/sens/frame-000555.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.99496 0.08457 -0.05395 -0.21682 -0.09212 0.98318 -0.1577 0.00882 0.0397 0.16188 0.98601 -0.15859 0. 0. 0. 1. +scans_test/scene0735_00/sens/frame-000450.color.jpg scans_test/scene0735_00/sens/frame-000645.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.46347 -0.51019 0.7245 -0.69357 0.54873 0.80723 0.21743 -0.26109 -0.69577 0.29678 0.65408 0.23954 0. 0. 0. 1. +scans_test/scene0735_00/sens/frame-000480.color.jpg scans_test/scene0735_00/sens/frame-000570.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.94304 -0.23059 0.23982 -0.37618 0.22388 0.97305 0.05525 0.26778 -0.2461 0.00158 0.96924 -0.41847 0. 0. 0. 1. +scans_test/scene0735_00/sens/frame-000510.color.jpg scans_test/scene0735_00/sens/frame-000645.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.42316 -0.5367 0.72999 -0.70275 0.57354 0.78239 0.24275 -0.16805 -0.70142 0.31596 0.63889 0.15178 0. 0. 0. 1. +scans_test/scene0735_00/sens/frame-000525.color.jpg scans_test/scene0735_00/sens/frame-000645.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.52975 -0.52217 0.66836 -0.64148 0.57042 0.80252 0.17487 -0.19191 -0.62768 0.28861 0.72299 0.17914 0. 0. 0. 1. +scans_test/scene0735_00/sens/frame-000540.color.jpg scans_test/scene0735_00/sens/frame-000645.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.58576 -0.4907 0.64506 -0.46346 0.52808 0.83483 0.15553 -0.22304 -0.61483 0.24954 0.74814 0.23331 0. 0. 0. 1. +scans_test/scene0736_00/sens/frame-000000.color.jpg scans_test/scene0736_00/sens/frame-004710.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.42242 0.37688 -0.82433 1.47924 -0.43688 0.8815 0.17915 -0.39736 0.79416 0.28446 0.53702 0.68898 0. 0. 0. 1. +scans_test/scene0736_00/sens/frame-000735.color.jpg scans_test/scene0736_00/sens/frame-002130.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.92549 0.21148 -0.31424 0.10079 -0.16338 0.97136 0.17252 0.06649 0.34172 -0.10833 0.93354 -0.15927 0. 0. 0. 1. +scans_test/scene0736_00/sens/frame-000990.color.jpg scans_test/scene0736_00/sens/frame-001200.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.09214 0.71364 -0.69442 1.02346 -0.72393 0.52685 0.44537 -0.75628 0.68369 0.46168 0.56517 0.43869 0. 0. 0. 1. +scans_test/scene0736_00/sens/frame-001005.color.jpg scans_test/scene0736_00/sens/frame-001365.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.97921 -0.17504 0.10256 -0.4837 0.17637 0.98432 -0.00403 0.03256 -0.10024 0.02203 0.99472 0.0056 0. 0. 0. 1. +scans_test/scene0736_00/sens/frame-001275.color.jpg scans_test/scene0736_00/sens/frame-005970.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.99843 -0.05541 -0.00796 0.60703 0.05539 0.99846 -0.00324 0.04376 0.00813 0.00279 0.99996 0.05911 0. 0. 0. 1. +scans_test/scene0736_00/sens/frame-001425.color.jpg scans_test/scene0736_00/sens/frame-004710.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.71523 0.35231 -0.60359 1.06796 -0.26694 0.93588 0.22995 -0.24211 0.6459 -0.00334 0.76341 0.44097 0. 0. 0. 1. +scans_test/scene0736_00/sens/frame-001470.color.jpg scans_test/scene0736_00/sens/frame-006075.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.77413 -0.41154 0.481 -0.21859 0.43928 0.89635 0.05991 0.04892 -0.45579 0.16491 0.87467 0.4318 0. 0. 0. 1. +scans_test/scene0736_00/sens/frame-001800.color.jpg scans_test/scene0736_00/sens/frame-001830.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.86998 -0.28155 0.40481 -0.4566 0.27238 0.95874 0.08143 0.02159 -0.41104 0.03942 0.91077 -0.02443 0. 0. 0. 1. +scans_test/scene0736_00/sens/frame-002370.color.jpg scans_test/scene0736_00/sens/frame-002850.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.97047 0.11391 -0.21264 0.433 -0.13323 0.98795 -0.07877 0.56096 0.20111 0.10477 0.97395 -0.62286 0. 0. 0. 1. +scans_test/scene0736_00/sens/frame-004245.color.jpg scans_test/scene0736_00/sens/frame-006255.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.91517 0.25303 -0.31375 0.50695 -0.17097 0.9486 0.26634 0.03943 0.36501 -0.19011 0.91139 0.12808 0. 0. 0. 1. +scans_test/scene0736_00/sens/frame-004530.color.jpg scans_test/scene0736_00/sens/frame-005580.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.91716 0.20352 -0.34264 0.72929 -0.28752 0.93326 -0.2153 0.88919 0.27595 0.29598 0.91447 -1.34127 0. 0. 0. 1. +scans_test/scene0736_00/sens/frame-006045.color.jpg scans_test/scene0736_00/sens/frame-006450.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.96912 0.15238 -0.19385 0.64337 -0.13782 0.98666 0.0866 -0.26166 0.20447 -0.05721 0.9772 0.35831 0. 0. 0. 1. +scans_test/scene0736_00/sens/frame-006060.color.jpg scans_test/scene0736_00/sens/frame-006450.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.92141 0.21859 -0.32128 0.62392 -0.20483 0.97581 0.07649 -0.23005 0.33023 -0.00467 0.94389 0.31862 0. 0. 0. 1. +scans_test/scene0736_00/sens/frame-006480.color.jpg scans_test/scene0736_00/sens/frame-007140.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. -0.22723 -0.54938 0.80408 -1.78702 0.53142 0.62195 0.57512 -0.90501 -0.81606 0.55799 0.15063 1.01524 0. 0. 0. 1. +scans_test/scene0736_00/sens/frame-006870.color.jpg scans_test/scene0736_00/sens/frame-007020.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.58245 0.60406 -0.54393 0.98616 -0.58668 0.77556 0.23306 -0.37087 0.56263 0.18336 0.80612 0.45801 0. 0. 0. 1. +scans_test/scene0737_00/sens/frame-000285.color.jpg scans_test/scene0737_00/sens/frame-002985.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.9818 0.13057 -0.13794 0.44242 -0.12042 0.98953 0.07955 -0.43774 0.14688 -0.0615 0.98724 1.00474 0. 0. 0. 1. +scans_test/scene0737_00/sens/frame-000525.color.jpg scans_test/scene0737_00/sens/frame-002520.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.4888 -0.06449 0.87001 -1.18601 0.0359 0.99791 0.0538 0.08328 -0.87166 0.00494 0.49009 0.0772 0. 0. 0. 1. +scans_test/scene0737_00/sens/frame-000885.color.jpg scans_test/scene0737_00/sens/frame-000930.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.69043 0.4387 -0.5752 0.61371 -0.52167 0.85281 0.02426 -0.18196 0.50118 0.28331 0.81765 0.39266 0. 0. 0. 1. +scans_test/scene0737_00/sens/frame-000930.color.jpg scans_test/scene0737_00/sens/frame-001095.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.97106 0.20815 -0.11712 0.25128 -0.12658 0.86436 0.48669 -0.8737 0.20253 -0.45778 0.86569 0.21029 0. 0. 0. 1. +scans_test/scene0737_00/sens/frame-000990.color.jpg scans_test/scene0737_00/sens/frame-001110.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.97823 -0.17379 0.11341 -0.2458 0.13105 0.94108 0.31177 -0.60073 -0.16091 -0.29012 0.94336 -0.21282 0. 0. 0. 1. +scans_test/scene0737_00/sens/frame-000990.color.jpg scans_test/scene0737_00/sens/frame-003000.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.97765 0.07301 -0.19715 0.08275 -0.06809 0.99718 0.03164 0.51531 0.1989 -0.01751 0.97986 -0.40564 0. 0. 0. 1. +scans_test/scene0737_00/sens/frame-001140.color.jpg scans_test/scene0737_00/sens/frame-003030.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.96625 0.06917 -0.24815 0.17097 -0.09286 0.99204 -0.08506 0.39179 0.24029 0.10523 0.96498 -0.23082 0. 0. 0. 1. +scans_test/scene0737_00/sens/frame-001170.color.jpg scans_test/scene0737_00/sens/frame-001320.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.98947 -0.14446 -0.00929 0.21588 0.13392 0.88916 0.43756 -0.77209 -0.05495 -0.43419 0.89914 -1.20163 0. 0. 0. 1. +scans_test/scene0737_00/sens/frame-001170.color.jpg scans_test/scene0737_00/sens/frame-001335.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.95066 -0.24449 0.19097 -0.01812 0.13031 0.87332 0.4694 -0.80306 -0.28154 -0.42135 0.86209 -1.16433 0. 0. 0. 1. +scans_test/scene0737_00/sens/frame-001185.color.jpg scans_test/scene0737_00/sens/frame-001230.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.91281 -0.27854 0.29867 -0.19337 0.30936 0.94902 -0.06042 0.56304 -0.26661 0.14754 0.95244 -0.72222 0. 0. 0. 1. +scans_test/scene0737_00/sens/frame-001230.color.jpg scans_test/scene0737_00/sens/frame-001335.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.99401 -0.10307 0.03621 0.20428 0.06222 0.8066 0.58782 -0.84709 -0.08979 -0.58205 0.80818 -0.0929 0. 0. 0. 1. +scans_test/scene0737_00/sens/frame-001245.color.jpg scans_test/scene0737_00/sens/frame-001350.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.99558 -0.08562 -0.03872 0.22261 0.09388 0.8888 0.44858 -0.46856 -0.00399 -0.45023 0.8929 0.03378 0. 0. 0. 1. +scans_test/scene0737_00/sens/frame-001965.color.jpg scans_test/scene0737_00/sens/frame-002730.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.99504 -0.01668 -0.09811 -0.47743 0.02072 0.99897 0.04036 0.10288 0.09734 -0.04219 0.99436 -0.06411 0. 0. 0. 1. +scans_test/scene0737_00/sens/frame-002205.color.jpg scans_test/scene0737_00/sens/frame-002640.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.68373 -0.14923 0.71431 -0.84221 0.24607 0.96868 -0.03317 0.40201 -0.687 0.19845 0.69904 0.40402 0. 0. 0. 1. +scans_test/scene0737_00/sens/frame-002220.color.jpg scans_test/scene0737_00/sens/frame-002295.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.99973 0.02047 -0.01096 -0.02168 -0.01923 0.99444 0.10355 0.0725 0.01302 -0.10331 0.99456 -0.02909 0. 0. 0. 1. +scans_test/scene0738_00/sens/frame-000030.color.jpg scans_test/scene0738_00/sens/frame-000105.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.9876 0.04225 -0.1512 -0.03166 -0.02522 0.99329 0.11283 0.02406 0.15495 -0.10762 0.98204 -0.02623 0. 0. 0. 1. +scans_test/scene0738_00/sens/frame-000060.color.jpg scans_test/scene0738_00/sens/frame-001545.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.43609 -0.45008 0.77926 -0.98988 0.65269 0.75434 0.07043 -0.38654 -0.61953 0.4779 0.62273 -0.02574 0. 0. 0. 1. +scans_test/scene0738_00/sens/frame-000225.color.jpg scans_test/scene0738_00/sens/frame-000300.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.77473 0.42586 -0.46737 0.28273 -0.45765 0.88771 0.05023 0.3727 0.43628 0.17498 0.88263 -0.38946 0. 0. 0. 1. +scans_test/scene0738_00/sens/frame-000270.color.jpg scans_test/scene0738_00/sens/frame-000420.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.96078 0.1206 -0.24972 0.3034 -0.14195 0.98745 -0.06925 0.26356 0.23823 0.10199 0.96584 -0.21726 0. 0. 0. 1. +scans_test/scene0738_00/sens/frame-000495.color.jpg scans_test/scene0738_00/sens/frame-000525.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.99672 0.0679 -0.04408 0.36793 -0.05542 0.96921 0.23992 0.16292 0.05902 -0.23669 0.96979 -0.22504 0. 0. 0. 1. +scans_test/scene0738_00/sens/frame-000510.color.jpg scans_test/scene0738_00/sens/frame-000645.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.99184 0.01253 -0.12684 0.27411 -0.03227 0.98742 -0.15477 0.20726 0.12331 0.15761 0.97977 -0.53207 0. 0. 0. 1. +scans_test/scene0738_00/sens/frame-000630.color.jpg scans_test/scene0738_00/sens/frame-001290.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. -0.47181 0.43511 -0.76686 1.22379 -0.6393 0.43015 0.63739 -2.03483 0.6072 0.79098 0.07522 1.91134 0. 0. 0. 1. +scans_test/scene0738_00/sens/frame-000720.color.jpg scans_test/scene0738_00/sens/frame-000780.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.87171 -0.27462 0.40583 -0.15959 0.23134 0.96074 0.15319 -0.02729 -0.43197 -0.03965 0.90102 0.10527 0. 0. 0. 1. +scans_test/scene0738_00/sens/frame-000720.color.jpg scans_test/scene0738_00/sens/frame-000885.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.98421 -0.11125 0.13769 -0.57025 0.11732 0.99241 -0.03679 0.1939 -0.13256 0.05236 0.98979 -0.3048 0. 0. 0. 1. +scans_test/scene0738_00/sens/frame-000795.color.jpg scans_test/scene0738_00/sens/frame-000900.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.99089 0.04831 -0.12571 -0.62182 -0.06586 0.98804 -0.13944 0.22156 0.11747 0.14645 0.98222 -0.4324 0. 0. 0. 1. +scans_test/scene0738_00/sens/frame-000840.color.jpg scans_test/scene0738_00/sens/frame-001050.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.46491 -0.51599 0.71945 -1.05736 0.56685 0.7977 0.2058 -0.74488 -0.6801 0.31214 0.66335 0.99105 0. 0. 0. 1. +scans_test/scene0738_00/sens/frame-000885.color.jpg scans_test/scene0738_00/sens/frame-001065.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.64207 -0.45589 0.61637 -0.98316 0.50535 0.85627 0.10691 -0.6276 -0.57652 0.24284 0.78016 0.73601 0. 0. 0. 1. +scans_test/scene0738_00/sens/frame-000990.color.jpg scans_test/scene0738_00/sens/frame-001035.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.96505 -0.08488 0.24795 0.18615 0.07588 0.99607 0.04564 -0.05686 -0.25085 -0.02523 0.9677 0.12449 0. 0. 0. 1. +scans_test/scene0738_00/sens/frame-000990.color.jpg scans_test/scene0738_00/sens/frame-001185.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.78472 -0.44113 0.43544 -0.83351 0.41858 0.89526 0.15262 0.17875 -0.45716 0.0625 0.88718 -0.4631 0. 0. 0. 1. +scans_test/scene0738_00/sens/frame-001455.color.jpg scans_test/scene0738_00/sens/frame-001470.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.98918 -0.06469 0.13168 0.07313 0.06423 0.99791 0.00771 0.2157 -0.1319 0.00083 0.99126 -0.20728 0. 0. 0. 1. +scans_test/scene0739_00/sens/frame-000150.color.jpg scans_test/scene0739_00/sens/frame-002235.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.82887 0.38215 -0.40858 0.42449 -0.48356 0.85667 -0.17971 -0.08816 0.28134 0.34653 0.89485 -0.18743 0. 0. 0. 1. +scans_test/scene0739_00/sens/frame-000495.color.jpg scans_test/scene0739_00/sens/frame-001995.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.99179 -0.09075 0.09011 0.2757 0.07018 0.97525 0.20968 -0.13309 -0.1069 -0.20163 0.97361 0.37166 0. 0. 0. 1. +scans_test/scene0739_00/sens/frame-000630.color.jpg scans_test/scene0739_00/sens/frame-000870.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.99524 0.01109 -0.09677 -0.00348 -0.0586 0.86177 -0.5039 0.2853 0.07781 0.50718 0.85832 -0.52112 0. 0. 0. 1. +scans_test/scene0739_00/sens/frame-000990.color.jpg scans_test/scene0739_00/sens/frame-001785.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.92492 0.29581 -0.23878 -0.05476 -0.31352 0.94878 -0.03904 0.22711 0.21501 0.11097 0.97029 -0.00979 0. 0. 0. 1. +scans_test/scene0739_00/sens/frame-000990.color.jpg scans_test/scene0739_00/sens/frame-004065.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.99248 0.06286 0.10507 -0.04382 -0.0823 0.97787 0.19236 -0.05006 -0.09065 -0.19956 0.97568 -0.04109 0. 0. 0. 1. +scans_test/scene0739_00/sens/frame-001335.color.jpg scans_test/scene0739_00/sens/frame-002955.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.9587 0.21893 -0.18155 0.27848 -0.24691 0.95748 -0.14924 0.62939 0.14116 0.18791 0.97199 0.26095 0. 0. 0. 1. +scans_test/scene0739_00/sens/frame-001785.color.jpg scans_test/scene0739_00/sens/frame-004110.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.99941 0.01302 0.03187 -0.22708 -0.02148 0.95923 0.28182 -0.37029 -0.02691 -0.28234 0.95894 0.32423 0. 0. 0. 1. +scans_test/scene0739_00/sens/frame-001845.color.jpg scans_test/scene0739_00/sens/frame-002085.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.92628 -0.3298 0.18229 -0.19954 0.21043 0.85401 0.4758 -0.37176 -0.3126 -0.40236 0.86046 0.24726 0. 0. 0. 1. +scans_test/scene0739_00/sens/frame-002055.color.jpg scans_test/scene0739_00/sens/frame-004440.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.9771 -0.08489 0.19513 0.14021 0.06033 0.98986 0.12858 -0.05912 -0.20407 -0.11387 0.97231 0.03484 0. 0. 0. 1. +scans_test/scene0739_00/sens/frame-002655.color.jpg scans_test/scene0739_00/sens/frame-002715.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.9963 -0.0276 -0.08145 0.0748 0.02918 0.99941 0.01832 -0.25064 0.0809 -0.02063 0.99651 -0.10875 0. 0. 0. 1. +scans_test/scene0739_00/sens/frame-002925.color.jpg scans_test/scene0739_00/sens/frame-004065.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.99951 -0.03114 0.00116 -0.05764 0.03087 0.99456 0.09945 0.28487 -0.00425 -0.09936 0.99504 -0.33919 0. 0. 0. 1. +scans_test/scene0739_00/sens/frame-003045.color.jpg scans_test/scene0739_00/sens/frame-003615.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.99765 -0.00638 -0.06825 -0.05613 0.03505 0.90314 0.42792 -0.38018 0.05891 -0.4293 0.90124 -0.24212 0. 0. 0. 1. +scans_test/scene0739_00/sens/frame-004050.color.jpg scans_test/scene0739_00/sens/frame-004440.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.91603 0.20501 -0.34476 -0.12743 -0.15882 0.97465 0.15758 0.01851 0.36833 -0.08959 0.92537 0.17955 0. 0. 0. 1. +scans_test/scene0739_00/sens/frame-004110.color.jpg scans_test/scene0739_00/sens/frame-004230.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.94021 0.14089 -0.31009 0.25937 -0.052 0.95914 0.27813 0.10321 0.3366 -0.24537 0.90912 0.05743 0. 0. 0. 1. +scans_test/scene0739_00/sens/frame-004110.color.jpg scans_test/scene0739_00/sens/frame-004380.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.97384 -0.1122 0.19761 0.22871 0.13474 0.98535 -0.10455 -0.02244 -0.18298 0.12844 0.97469 -0.07169 0. 0. 0. 1. +scans_test/scene0740_00/sens/frame-000210.color.jpg scans_test/scene0740_00/sens/frame-000825.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. -0.85933 0.36835 -0.35477 0.54585 -0.30174 0.19489 0.93326 -0.73842 0.41291 0.90903 -0.05633 1.35396 0. 0. 0. 1. +scans_test/scene0740_00/sens/frame-000585.color.jpg scans_test/scene0740_00/sens/frame-002505.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.99904 -0.0072 -0.04329 -0.12081 -0.00712 0.94681 -0.32172 -0.26187 0.04331 0.32172 0.94584 0.32383 0. 0. 0. 1. +scans_test/scene0740_00/sens/frame-000660.color.jpg scans_test/scene0740_00/sens/frame-002445.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.98642 0.07995 -0.14343 -0.27604 -0.08407 0.9962 -0.02291 -0.13379 0.14106 0.03466 0.9894 0.23578 0. 0. 0. 1. +scans_test/scene0740_00/sens/frame-000720.color.jpg scans_test/scene0740_00/sens/frame-001605.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.6869 0.26345 -0.67732 1.15284 -0.35343 0.93545 0.00543 -0.02802 0.63503 0.23565 0.73567 0.11984 0. 0. 0. 1. +scans_test/scene0740_00/sens/frame-001065.color.jpg scans_test/scene0740_00/sens/frame-001155.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.77262 0.43789 -0.45969 0.52784 -0.45419 0.88715 0.08169 0.25225 0.44358 0.14567 0.88432 -0.26688 0. 0. 0. 1. +scans_test/scene0740_00/sens/frame-001200.color.jpg scans_test/scene0740_00/sens/frame-002490.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. -0.08349 -0.69242 0.71664 -0.71037 0.33745 0.65702 0.67413 -0.69626 -0.93763 0.29811 0.1788 2.29544 0. 0. 0. 1. +scans_test/scene0740_00/sens/frame-001215.color.jpg scans_test/scene0740_00/sens/frame-002370.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.03376 -0.58451 0.81068 -1.26233 0.64235 0.63411 0.43045 -1.2666 -0.76567 0.50621 0.39687 1.57156 0. 0. 0. 1. +scans_test/scene0740_00/sens/frame-001230.color.jpg scans_test/scene0740_00/sens/frame-001350.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.95533 0.21137 -0.20653 0.03639 -0.25454 0.94361 -0.21166 -0.18549 0.15015 0.25478 0.95527 0.06217 0. 0. 0. 1. +scans_test/scene0740_00/sens/frame-001275.color.jpg scans_test/scene0740_00/sens/frame-002175.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.94338 -0.15697 0.29224 -1.13158 0.19602 0.97448 -0.10936 0.05341 -0.26762 0.16045 0.95007 -0.43632 0. 0. 0. 1. +scans_test/scene0740_00/sens/frame-001290.color.jpg scans_test/scene0740_00/sens/frame-001665.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.99535 -0.09203 0.02849 -0.92067 0.09438 0.99087 -0.09629 0.45938 -0.01937 0.09853 0.99495 -0.855 0. 0. 0. 1. +scans_test/scene0740_00/sens/frame-001425.color.jpg scans_test/scene0740_00/sens/frame-001770.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.98765 -0.08399 0.13229 -0.12613 0.11319 0.9662 -0.23161 0.8957 -0.10837 0.24372 0.96377 -1.07417 0. 0. 0. 1. +scans_test/scene0740_00/sens/frame-001500.color.jpg scans_test/scene0740_00/sens/frame-001860.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.98931 0.05823 -0.13373 0.01549 -0.08596 0.97348 -0.21201 0.41922 0.11784 0.22124 0.96807 -0.61004 0. 0. 0. 1. +scans_test/scene0740_00/sens/frame-001545.color.jpg scans_test/scene0740_00/sens/frame-002070.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.83799 0.2037 -0.50624 0.51444 -0.1909 0.97853 0.07773 0.38491 0.51121 0.0315 0.85888 -0.8576 0. 0. 0. 1. +scans_test/scene0740_00/sens/frame-001545.color.jpg scans_test/scene0740_00/sens/frame-002145.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.98412 -0.1115 0.13809 -0.33404 0.13069 0.98167 -0.13875 0.35558 -0.12008 0.15459 0.98065 -0.71589 0. 0. 0. 1. +scans_test/scene0740_00/sens/frame-002235.color.jpg scans_test/scene0740_00/sens/frame-002445.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.94888 -0.09566 0.3008 -0.41982 0.0518 0.98724 0.15056 -0.22654 -0.31137 -0.12728 0.94173 0.75758 0. 0. 0. 1. +scans_test/scene0741_00/sens/frame-000105.color.jpg scans_test/scene0741_00/sens/frame-001740.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.78784 -0.13185 0.60161 -2.31303 0.22401 0.97126 -0.0805 -0.2805 -0.5737 0.19819 0.79473 0.35689 0. 0. 0. 1. +scans_test/scene0741_00/sens/frame-000150.color.jpg scans_test/scene0741_00/sens/frame-001740.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.53502 -0.32566 0.77955 -2.42528 0.38774 0.91445 0.1159 -0.293 -0.75061 0.24025 0.61552 0.48439 0. 0. 0. 1. +scans_test/scene0741_00/sens/frame-000210.color.jpg scans_test/scene0741_00/sens/frame-001740.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.12084 -0.33039 0.93608 -2.48625 0.45402 0.85697 0.24386 -0.29109 -0.88276 0.39552 0.25356 0.45465 0. 0. 0. 1. +scans_test/scene0741_00/sens/frame-000375.color.jpg scans_test/scene0741_00/sens/frame-000405.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.99959 0.02532 0.01303 -0.01778 -0.02346 0.99165 -0.1268 -0.05571 -0.01613 0.12644 0.99184 -0.03134 0. 0. 0. 1. +scans_test/scene0741_00/sens/frame-000435.color.jpg scans_test/scene0741_00/sens/frame-000810.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.91755 0.01532 -0.39732 0.67728 0.07744 0.97324 0.21636 -0.00043 0.39 -0.22928 0.89181 -0.30628 0. 0. 0. 1. +scans_test/scene0741_00/sens/frame-000495.color.jpg scans_test/scene0741_00/sens/frame-000915.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.79786 0.27394 -0.537 0.71874 -0.39217 0.91239 -0.11724 0.00918 0.45784 0.30414 0.83539 -0.12879 0. 0. 0. 1. +scans_test/scene0741_00/sens/frame-000555.color.jpg scans_test/scene0741_00/sens/frame-001545.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. -0.78589 0.42284 -0.4512 0.71635 -0.36047 0.2796 0.88988 -1.03664 0.50243 0.86199 -0.06731 2.20708 0. 0. 0. 1. +scans_test/scene0741_00/sens/frame-000555.color.jpg scans_test/scene0741_00/sens/frame-001605.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. -0.57122 0.6038 -0.55599 1.25063 -0.47796 0.306 0.82336 -1.22917 0.66728 0.73606 0.1138 2.26691 0. 0. 0. 1. +scans_test/scene0741_00/sens/frame-000660.color.jpg scans_test/scene0741_00/sens/frame-000855.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.9947 0.07108 -0.07423 0.34016 -0.05859 0.98559 0.15871 0.14357 0.08445 -0.15352 0.98453 -0.0769 0. 0. 0. 1. +scans_test/scene0741_00/sens/frame-000675.color.jpg scans_test/scene0741_00/sens/frame-001635.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. -0.70848 0.28082 -0.64745 0.87848 -0.47841 0.48335 0.73314 -1.28067 0.51883 0.82916 -0.20809 1.57351 0. 0. 0. 1. +scans_test/scene0741_00/sens/frame-000870.color.jpg scans_test/scene0741_00/sens/frame-002085.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. -0.02825 0.51165 -0.85873 1.52587 -0.43202 0.76844 0.47207 -0.85792 0.90142 0.38433 0.19933 1.8992 0. 0. 0. 1. +scans_test/scene0741_00/sens/frame-001080.color.jpg scans_test/scene0741_00/sens/frame-001950.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.68599 -0.39344 0.61206 -2.02226 0.34798 0.91616 0.19892 -0.29962 -0.639 0.07653 0.76539 0.39142 0. 0. 0. 1. +scans_test/scene0741_00/sens/frame-001140.color.jpg scans_test/scene0741_00/sens/frame-001470.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.56651 -0.57366 0.59159 -0.63449 0.45574 0.81623 0.35508 -0.73443 -0.68657 0.06846 0.72384 1.37394 0. 0. 0. 1. +scans_test/scene0741_00/sens/frame-001170.color.jpg scans_test/scene0741_00/sens/frame-001290.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.8827 0.27749 -0.37925 0.25267 -0.24719 0.96054 0.12749 0.03099 0.39967 -0.01879 0.91647 0.00153 0. 0. 0. 1. +scans_test/scene0741_00/sens/frame-002130.color.jpg scans_test/scene0741_00/sens/frame-002175.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.97337 0.08029 -0.21473 0.21783 -0.09578 0.99342 -0.06272 0.15834 0.20828 0.08161 0.97466 -0.29468 0. 0. 0. 1. +scans_test/scene0742_00/sens/frame-000000.color.jpg scans_test/scene0742_00/sens/frame-000120.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.99373 0.10838 -0.02739 -0.01461 -0.09783 0.96168 0.25613 -0.0342 0.0541 -0.25184 0.96625 0.05605 0. 0. 0. 1. +scans_test/scene0742_00/sens/frame-000045.color.jpg scans_test/scene0742_00/sens/frame-000660.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.97197 -0.20673 0.11195 0.21657 0.19511 0.97498 0.10652 0.1463 -0.13117 -0.0817 0.98799 -0.34784 0. 0. 0. 1. +scans_test/scene0742_00/sens/frame-000090.color.jpg scans_test/scene0742_00/sens/frame-000675.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.97666 -0.16546 0.13697 0.22432 0.18012 0.97828 -0.10256 0.17463 -0.11703 0.12484 0.98525 -0.30101 0. 0. 0. 1. +scans_test/scene0742_00/sens/frame-000120.color.jpg scans_test/scene0742_00/sens/frame-000705.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.9864 -0.1479 0.0717 0.21189 0.15399 0.9841 -0.08848 0.09195 -0.05748 0.09832 0.99349 -0.30595 0. 0. 0. 1. +scans_test/scene0742_00/sens/frame-000120.color.jpg scans_test/scene0742_00/sens/frame-000720.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.99529 -0.07318 -0.06353 0.20056 0.06723 0.99355 -0.09127 0.08057 0.0698 0.08657 0.9938 -0.30076 0. 0. 0. 1. +scans_test/scene0742_00/sens/frame-000135.color.jpg scans_test/scene0742_00/sens/frame-000720.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.99781 -0.06521 0.01064 0.17265 0.06607 0.98736 -0.14406 0.03221 -0.00111 0.14445 0.98951 -0.25761 0. 0. 0. 1. +scans_test/scene0742_00/sens/frame-000150.color.jpg scans_test/scene0742_00/sens/frame-000735.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.99904 -0.04349 -0.00569 0.14965 0.04158 0.98034 -0.19291 -0.05159 0.01396 0.19249 0.9812 -0.18791 0. 0. 0. 1. +scans_test/scene0742_00/sens/frame-000165.color.jpg scans_test/scene0742_00/sens/frame-000750.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.97205 0.05231 -0.2289 0.12944 -0.1072 0.9662 -0.23446 -0.0968 0.20889 0.25245 0.94479 -0.15093 0. 0. 0. 1. +scans_test/scene0742_00/sens/frame-000225.color.jpg scans_test/scene0742_00/sens/frame-000345.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.98298 -0.05193 0.1762 -0.19568 0.0102 0.97316 0.22989 -0.04154 -0.18341 -0.22418 0.95713 -0.32414 0. 0. 0. 1. +scans_test/scene0742_00/sens/frame-000285.color.jpg scans_test/scene0742_00/sens/frame-000330.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.98687 -0.01535 0.16079 -0.16589 -0.0035 0.99321 0.11629 0.02788 -0.16149 -0.11532 0.98011 -0.07295 0. 0. 0. 1. +scans_test/scene0742_00/sens/frame-000360.color.jpg scans_test/scene0742_00/sens/frame-000375.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.9914 -0.02601 0.12826 0.05601 0.03829 0.99482 -0.09418 -0.0431 -0.12514 0.09828 0.98726 -0.00884 0. 0. 0. 1. +scans_test/scene0742_00/sens/frame-000405.color.jpg scans_test/scene0742_00/sens/frame-000540.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.86056 -0.17111 0.47975 0.10215 0.15816 0.9851 0.06764 -0.00742 -0.48417 0.01767 0.8748 -0.05458 0. 0. 0. 1. +scans_test/scene0742_00/sens/frame-000420.color.jpg scans_test/scene0742_00/sens/frame-000570.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.9631 0.19869 -0.18155 0.3242 -0.21307 0.97499 -0.06326 -0.0136 0.16444 0.09961 0.98134 -0.0952 0. 0. 0. 1. +scans_test/scene0742_00/sens/frame-000435.color.jpg scans_test/scene0742_00/sens/frame-000585.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.74829 0.35159 -0.56253 0.33153 -0.43975 0.8978 -0.02383 -0.03522 0.49666 0.26521 0.82643 -0.09719 0. 0. 0. 1. +scans_test/scene0742_00/sens/frame-000615.color.jpg scans_test/scene0742_00/sens/frame-000645.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.94274 0.23641 -0.23527 -0.10653 -0.24618 0.96914 -0.01259 0.04316 0.22503 0.06979 0.97185 -0.05443 0. 0. 0. 1. +scans_test/scene0743_00/sens/frame-000000.color.jpg scans_test/scene0743_00/sens/frame-001230.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. -0.82919 -0.36296 0.42509 -0.96683 0.33738 0.28135 0.89834 -1.22662 -0.44566 0.88831 -0.11084 1.38701 0. 0. 0. 1. +scans_test/scene0743_00/sens/frame-000015.color.jpg scans_test/scene0743_00/sens/frame-000240.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.9999 0.0062 -0.0124 -0.07003 -0.00227 0.95544 0.29516 0.18228 0.01368 -0.29511 0.95537 -0.16662 0. 0. 0. 1. +scans_test/scene0743_00/sens/frame-000045.color.jpg scans_test/scene0743_00/sens/frame-001530.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. -0.40516 0.4681 -0.78532 2.02129 -0.63049 0.47898 0.61078 -0.88915 0.66206 0.7426 0.10107 0.88511 0. 0. 0. 1. +scans_test/scene0743_00/sens/frame-000165.color.jpg scans_test/scene0743_00/sens/frame-000435.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.81596 -0.03942 -0.57676 1.01876 -0.02993 0.99345 -0.11023 0.1142 0.57733 0.10721 0.80944 -0.9017 0. 0. 0. 1. +scans_test/scene0743_00/sens/frame-000420.color.jpg scans_test/scene0743_00/sens/frame-001635.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.89154 0.16157 -0.42313 0.53438 -0.15971 0.98635 0.04012 -0.04297 0.42384 0.03181 0.90518 -0.1577 0. 0. 0. 1. +scans_test/scene0743_00/sens/frame-000495.color.jpg scans_test/scene0743_00/sens/frame-001560.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.66884 0.40572 -0.62293 0.65927 -0.40828 0.90073 0.14829 -0.09587 0.62126 0.15515 0.7681 0.24273 0. 0. 0. 1. +scans_test/scene0743_00/sens/frame-000585.color.jpg scans_test/scene0743_00/sens/frame-000630.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.9927 0.05412 -0.10781 0.02498 -0.03422 0.98334 0.17855 0.04443 0.11568 -0.17356 0.97801 0.07814 0. 0. 0. 1. +scans_test/scene0743_00/sens/frame-000600.color.jpg scans_test/scene0743_00/sens/frame-000705.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.98987 -0.0341 -0.13785 -0.03118 0.02232 0.99604 -0.08608 -0.01388 0.14024 0.08213 0.98671 -0.29315 0. 0. 0. 1. +scans_test/scene0743_00/sens/frame-000615.color.jpg scans_test/scene0743_00/sens/frame-001380.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.99004 0.04126 -0.13463 0.29976 -0.02157 0.98926 0.14458 0.02053 0.13915 -0.14023 0.98029 0.6885 0. 0. 0. 1. +scans_test/scene0743_00/sens/frame-000645.color.jpg scans_test/scene0743_00/sens/frame-001380.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.99822 0.05302 0.02738 0.29849 -0.05877 0.95289 0.29755 0.12905 -0.01031 -0.29863 0.95431 0.71489 0. 0. 0. 1. +scans_test/scene0743_00/sens/frame-000660.color.jpg scans_test/scene0743_00/sens/frame-000750.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.95006 0.12412 -0.28633 -0.03677 -0.12292 0.99217 0.02225 0.11888 0.28685 0.01406 0.95787 -0.30603 0. 0. 0. 1. +scans_test/scene0743_00/sens/frame-000675.color.jpg scans_test/scene0743_00/sens/frame-000765.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.88952 0.17425 -0.42236 -0.02206 -0.1657 0.98452 0.0572 0.0951 0.42579 0.0191 0.90462 -0.21561 0. 0. 0. 1. +scans_test/scene0743_00/sens/frame-000915.color.jpg scans_test/scene0743_00/sens/frame-001020.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.99288 0.01326 -0.1184 -0.00019 -0.05265 0.94032 -0.33619 -0.02908 0.10687 0.34003 0.93432 -0.38594 0. 0. 0. 1. +scans_test/scene0743_00/sens/frame-001245.color.jpg scans_test/scene0743_00/sens/frame-001290.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.85127 -0.35946 0.38226 -0.09525 0.3351 0.93301 0.13113 -0.00589 -0.40379 0.01647 0.9147 0.10586 0. 0. 0. 1. +scans_test/scene0743_00/sens/frame-001425.color.jpg scans_test/scene0743_00/sens/frame-001440.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.99921 0.00097 0.03971 -0.00086 0.00649 0.98227 -0.18735 -0.03799 -0.03919 0.18746 0.98149 -0.02782 0. 0. 0. 1. +scans_test/scene0744_00/sens/frame-000105.color.jpg scans_test/scene0744_00/sens/frame-002595.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. -0.53464 0.43693 -0.72336 2.33073 -0.32001 0.68755 0.65182 -2.14082 0.78214 0.57997 -0.22778 3.94968 0. 0. 0. 1. +scans_test/scene0744_00/sens/frame-000120.color.jpg scans_test/scene0744_00/sens/frame-002220.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. -0.80295 0.2755 -0.52855 1.68594 -0.16402 0.7504 0.64031 -1.88454 0.57303 0.60083 -0.55735 5.78826 0. 0. 0. 1. +scans_test/scene0744_00/sens/frame-000180.color.jpg scans_test/scene0744_00/sens/frame-001500.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.92846 -0.21891 0.30006 -2.59759 0.2802 0.94311 -0.17898 2.86832 -0.2438 0.25025 0.93698 -3.74222 0. 0. 0. 1. +scans_test/scene0744_00/sens/frame-000180.color.jpg scans_test/scene0744_00/sens/frame-002475.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. -0.42471 0.40166 -0.81135 5.3335 -0.66268 0.47268 0.58089 -1.87899 0.61683 0.78437 0.06542 1.6221 0. 0. 0. 1. +scans_test/scene0744_00/sens/frame-000195.color.jpg scans_test/scene0744_00/sens/frame-001560.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.78885 -0.34617 0.50783 -3.79278 0.45359 0.88547 -0.101 2.60579 -0.41471 0.31002 0.85552 -3.411 0. 0. 0. 1. +scans_test/scene0744_00/sens/frame-000210.color.jpg scans_test/scene0744_00/sens/frame-000615.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.94313 0.14811 -0.2976 1.18721 -0.14939 0.9886 0.01857 1.2606 0.29696 0.02695 0.95451 -2.39479 0. 0. 0. 1. +scans_test/scene0744_00/sens/frame-000210.color.jpg scans_test/scene0744_00/sens/frame-000630.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.94019 0.14986 -0.30593 1.28405 -0.1483 0.98853 0.02847 1.34818 0.30669 0.0186 0.95163 -2.56835 0. 0. 0. 1. +scans_test/scene0744_00/sens/frame-000330.color.jpg scans_test/scene0744_00/sens/frame-002115.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. -0.61494 -0.3773 0.69246 -2.28683 0.51805 0.46875 0.71547 -1.45641 -0.59454 0.7987 -0.09279 1.43236 0. 0. 0. 1. +scans_test/scene0744_00/sens/frame-000390.color.jpg scans_test/scene0744_00/sens/frame-000585.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.93043 0.16775 -0.32582 -0.12469 -0.20248 0.97637 -0.07552 -0.07478 0.30545 0.13623 0.94241 -0.02745 0. 0. 0. 1. +scans_test/scene0744_00/sens/frame-000585.color.jpg scans_test/scene0744_00/sens/frame-002310.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.16458 0.52969 -0.83207 2.99964 -0.49288 0.77487 0.39579 -0.14204 0.85439 0.34497 0.3886 0.43063 0. 0. 0. 1. +scans_test/scene0744_00/sens/frame-000615.color.jpg scans_test/scene0744_00/sens/frame-001620.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.64927 -0.35115 0.67464 -1.7577 0.60939 0.77094 -0.1852 1.43986 -0.45507 0.53136 0.71453 -1.33907 0. 0. 0. 1. +scans_test/scene0744_00/sens/frame-000630.color.jpg scans_test/scene0744_00/sens/frame-001500.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.71636 -0.37639 0.5875 -1.26491 0.48404 0.87453 -0.02993 0.71705 -0.50253 0.30582 0.80867 -1.0326 0. 0. 0. 1. +scans_test/scene0744_00/sens/frame-000840.color.jpg scans_test/scene0744_00/sens/frame-002265.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.01472 0.43468 -0.90047 1.38904 -0.45924 0.8029 0.38008 -0.49414 0.88819 0.40793 0.21144 0.8958 0. 0. 0. 1. +scans_test/scene0744_00/sens/frame-001110.color.jpg scans_test/scene0744_00/sens/frame-001170.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.99787 0.00589 -0.06503 -0.02686 0.00844 0.97595 0.21783 0.08731 0.06475 -0.21792 0.97382 0.06257 0. 0. 0. 1. +scans_test/scene0744_00/sens/frame-001905.color.jpg scans_test/scene0744_00/sens/frame-001935.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.99947 0.00283 0.03245 0.03228 -0.00875 0.98294 0.18371 0.13768 -0.03138 -0.18389 0.98245 0.11754 0. 0. 0. 1. +scans_test/scene0745_00/sens/frame-000045.color.jpg scans_test/scene0745_00/sens/frame-001620.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99627 0.08632 -0.00062 -0.11123 -0.0821 0.94975 0.30204 -0.25523 0.02666 -0.30086 0.95329 1.16958 0. 0. 0. 1. +scans_test/scene0745_00/sens/frame-000090.color.jpg scans_test/scene0745_00/sens/frame-000135.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99923 0.01942 -0.0341 0.06464 -0.01086 0.97186 0.23532 0.12885 0.03771 -0.23477 0.97132 0.00645 0. 0. 0. 1. +scans_test/scene0745_00/sens/frame-000090.color.jpg scans_test/scene0745_00/sens/frame-001635.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99684 0.06234 -0.04912 -0.09969 -0.05217 0.98109 0.18637 -0.16952 0.05981 -0.18322 0.98125 1.2025 0. 0. 0. 1. +scans_test/scene0745_00/sens/frame-000240.color.jpg scans_test/scene0745_00/sens/frame-000270.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99998 0.005 0.00386 -0.02651 -0.0041 0.97876 -0.20494 -0.1515 -0.0048 0.20492 0.97877 -0.0195 0. 0. 0. 1. +scans_test/scene0745_00/sens/frame-000375.color.jpg scans_test/scene0745_00/sens/frame-000435.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.77891 -0.43362 0.45308 -0.55319 0.38295 0.90098 0.20394 -0.14997 -0.49665 0.01466 0.86783 0.04772 0. 0. 0. 1. +scans_test/scene0745_00/sens/frame-000405.color.jpg scans_test/scene0745_00/sens/frame-001590.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.88587 -0.27996 0.36994 0.1545 0.23319 0.95805 0.1666 -0.72193 -0.40107 -0.06132 0.91399 1.17775 0. 0. 0. 1. +scans_test/scene0745_00/sens/frame-000675.color.jpg scans_test/scene0745_00/sens/frame-000720.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.96622 0.0635 -0.24976 0.1864 0.00934 0.9599 0.28017 0.0937 0.25753 -0.27304 0.92689 -0.13596 0. 0. 0. 1. +scans_test/scene0745_00/sens/frame-000675.color.jpg scans_test/scene0745_00/sens/frame-000765.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.90192 0.15854 -0.40174 0.16631 -0.20168 0.97714 -0.06717 0.09402 0.38191 0.14161 0.91329 -0.36016 0. 0. 0. 1. +scans_test/scene0745_00/sens/frame-001200.color.jpg scans_test/scene0745_00/sens/frame-001410.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.80488 0.31812 -0.50097 0.26555 -0.48412 0.84022 -0.24426 0.45211 0.34322 0.43913 0.83028 0.46032 0. 0. 0. 1. +scans_test/scene0745_00/sens/frame-001215.color.jpg scans_test/scene0745_00/sens/frame-001440.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.81838 0.30595 -0.48646 0.47923 -0.49212 0.81024 -0.31832 0.19838 0.29676 0.49991 0.81365 0.65209 0. 0. 0. 1. +scans_test/scene0745_00/sens/frame-001275.color.jpg scans_test/scene0745_00/sens/frame-001350.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.91158 0.28009 -0.30095 0.40575 -0.28402 0.9583 0.0316 0.16777 0.29725 0.05667 0.95312 0.05135 0. 0. 0. 1. +scans_test/scene0745_00/sens/frame-001290.color.jpg scans_test/scene0745_00/sens/frame-001335.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.94506 0.22978 -0.23251 0.29445 -0.22542 0.9732 0.04551 0.07925 0.23674 0.00941 0.97153 0.00328 0. 0. 0. 1. +scans_test/scene0745_00/sens/frame-001365.color.jpg scans_test/scene0745_00/sens/frame-001380.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99596 -0.06584 0.06106 -0.0551 0.07118 0.99341 -0.08986 -0.1059 -0.05474 0.09384 0.99408 0.00358 0. 0. 0. 1. +scans_test/scene0745_00/sens/frame-001365.color.jpg scans_test/scene0745_00/sens/frame-001395.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.9694 -0.18296 0.16365 -0.10115 0.20528 0.9698 -0.13174 -0.25868 -0.13461 0.16131 0.97768 0.07067 0. 0. 0. 1. +scans_test/scene0745_00/sens/frame-001410.color.jpg scans_test/scene0745_00/sens/frame-001470.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.74637 0.57673 -0.33214 0.4319 -0.63208 0.7705 -0.08248 -0.27966 0.20834 0.2715 0.93962 0.03188 0. 0. 0. 1. +scans_test/scene0746_00/sens/frame-000015.color.jpg scans_test/scene0746_00/sens/frame-001800.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.96785 -0.03441 0.24916 -0.18662 0.03494 0.99939 0.0023 0.42825 -0.24908 0.00648 0.96846 -1.06678 0. 0. 0. 1. +scans_test/scene0746_00/sens/frame-000135.color.jpg scans_test/scene0746_00/sens/frame-000165.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.93707 0.12797 -0.32484 -0.12138 -0.12519 0.99169 0.02956 0.03589 0.32593 0.01296 0.94531 -0.1149 0. 0. 0. 1. +scans_test/scene0746_00/sens/frame-000180.color.jpg scans_test/scene0746_00/sens/frame-002520.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.83804 0.09789 -0.53675 1.134 -0.08701 0.99516 0.04564 0.00407 0.53862 0.00845 0.8425 0.30195 0. 0. 0. 1. +scans_test/scene0746_00/sens/frame-000240.color.jpg scans_test/scene0746_00/sens/frame-000825.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.96098 -0.25573 0.10541 -1.38531 0.27586 0.91405 -0.29735 1.19467 -0.02031 0.31483 0.94893 -1.55554 0. 0. 0. 1. +scans_test/scene0746_00/sens/frame-000390.color.jpg scans_test/scene0746_00/sens/frame-000555.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.50212 -0.11593 0.85699 -0.89925 0.38758 0.91605 -0.10317 -0.20171 -0.77308 0.38395 0.5049 1.03875 0. 0. 0. 1. +scans_test/scene0746_00/sens/frame-000690.color.jpg scans_test/scene0746_00/sens/frame-000975.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.54642 -0.08388 0.8333 -2.02155 -0.08553 0.98418 0.15515 -0.18585 -0.83313 -0.15605 0.5306 -1.07584 0. 0. 0. 1. +scans_test/scene0746_00/sens/frame-000720.color.jpg scans_test/scene0746_00/sens/frame-000765.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.97874 -0.11567 0.16937 -0.17216 0.13451 0.9854 -0.10436 0.5215 -0.15483 0.12493 0.98001 -0.82248 0. 0. 0. 1. +scans_test/scene0746_00/sens/frame-001095.color.jpg scans_test/scene0746_00/sens/frame-001260.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.33863 -0.2734 0.90032 -1.52127 0.54944 0.83423 0.04668 0.03269 -0.76384 0.47887 0.43271 -0.3046 0. 0. 0. 1. +scans_test/scene0746_00/sens/frame-001170.color.jpg scans_test/scene0746_00/sens/frame-001665.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.7206 0.14502 -0.67802 2.70084 -0.27968 0.95559 -0.09285 0.64585 0.63444 0.25654 0.72916 -1.93473 0. 0. 0. 1. +scans_test/scene0746_00/sens/frame-001170.color.jpg scans_test/scene0746_00/sens/frame-001875.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.73019 -0.06456 0.68019 -1.36237 0.31642 0.91428 -0.25291 1.12205 -0.60556 0.3999 0.68803 -1.92313 0. 0. 0. 1. +scans_test/scene0746_00/sens/frame-001215.color.jpg scans_test/scene0746_00/sens/frame-002250.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.94971 0.19774 -0.24279 1.43435 -0.30678 0.74296 -0.59489 2.95189 0.06274 0.63945 0.76627 -1.95893 0. 0. 0. 1. +scans_test/scene0746_00/sens/frame-001410.color.jpg scans_test/scene0746_00/sens/frame-001440.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.83135 0.30841 -0.46231 0.64293 -0.39554 0.91272 -0.10239 -0.08522 0.39039 0.26798 0.88079 -0.01413 0. 0. 0. 1. +scans_test/scene0746_00/sens/frame-001845.color.jpg scans_test/scene0746_00/sens/frame-001980.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.5081 -0.0316 0.86072 -1.20128 -0.03033 0.99805 0.05454 -0.11792 -0.86076 -0.05382 0.50615 0.55703 0. 0. 0. 1. +scans_test/scene0746_00/sens/frame-001920.color.jpg scans_test/scene0746_00/sens/frame-001935.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.97283 -0.13571 0.1876 -0.20744 0.10633 0.98159 0.15869 0.07012 -0.20568 -0.13443 0.96934 -0.05596 0. 0. 0. 1. +scans_test/scene0746_00/sens/frame-002475.color.jpg scans_test/scene0746_00/sens/frame-002610.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.65397 0.4931 -0.57374 1.61899 -0.50762 0.84833 0.15051 -0.50326 0.56094 0.19281 0.80509 0.44183 0. 0. 0. 1. +scans_test/scene0747_00/sens/frame-000000.color.jpg scans_test/scene0747_00/sens/frame-001530.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.47608 -0.36152 0.80165 -3.08857 0.73195 0.66818 -0.13337 0.33645 -0.48743 0.65027 0.58272 -0.16841 0. 0. 0. 1. +scans_test/scene0747_00/sens/frame-000030.color.jpg scans_test/scene0747_00/sens/frame-000810.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.89433 -0.20971 0.39522 -1.68178 0.22472 0.97439 0.00853 -0.07353 -0.38689 0.08119 0.91854 -0.21641 0. 0. 0. 1. +scans_test/scene0747_00/sens/frame-000030.color.jpg scans_test/scene0747_00/sens/frame-001485.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.44505 -0.45799 0.76953 -2.53666 0.63098 0.77015 0.09343 0.83747 -0.63545 0.44398 0.63174 -1.10296 0. 0. 0. 1. +scans_test/scene0747_00/sens/frame-000270.color.jpg scans_test/scene0747_00/sens/frame-003030.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.69867 -0.34623 0.62609 -0.90056 0.45356 0.89112 -0.01334 0.00067 -0.55331 0.29329 0.77964 -0.21318 0. 0. 0. 1. +scans_test/scene0747_00/sens/frame-000285.color.jpg scans_test/scene0747_00/sens/frame-002865.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.96663 -0.05782 -0.24955 0.11553 -0.04653 0.91835 -0.39303 0.9648 0.2519 0.39153 0.88501 -0.89373 0. 0. 0. 1. +scans_test/scene0747_00/sens/frame-000360.color.jpg scans_test/scene0747_00/sens/frame-000465.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.81866 -0.18553 0.54349 -1.78893 0.3508 0.91085 -0.21748 0.21951 -0.45468 0.3687 0.81075 -0.41557 0. 0. 0. 1. +scans_test/scene0747_00/sens/frame-000405.color.jpg scans_test/scene0747_00/sens/frame-000585.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.96263 0.04329 -0.26732 1.04296 -0.09194 0.98075 -0.17225 0.17263 0.25472 0.19039 0.94809 -0.22046 0. 0. 0. 1. +scans_test/scene0747_00/sens/frame-000720.color.jpg scans_test/scene0747_00/sens/frame-001350.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.96545 0.01371 -0.26021 0.43113 -0.04162 0.99391 -0.10207 0.82299 0.25723 0.10937 0.96014 -1.98171 0. 0. 0. 1. +scans_test/scene0747_00/sens/frame-000810.color.jpg scans_test/scene0747_00/sens/frame-000885.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.8879 -0.12179 0.44362 -0.16553 0.15368 0.98745 -0.03651 -0.09544 -0.4336 0.10059 0.89547 0.13593 0. 0. 0. 1. +scans_test/scene0747_00/sens/frame-000855.color.jpg scans_test/scene0747_00/sens/frame-004815.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.7306 0.47621 -0.48933 0.40799 -0.4777 0.86855 0.13202 -0.45582 0.48787 0.1373 0.86205 0.07463 0. 0. 0. 1. +scans_test/scene0747_00/sens/frame-000915.color.jpg scans_test/scene0747_00/sens/frame-004845.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.33475 0.4639 -0.82021 0.67288 -0.53131 0.81179 0.2423 -0.27622 0.77824 0.35467 0.51822 0.13802 0. 0. 0. 1. +scans_test/scene0747_00/sens/frame-001035.color.jpg scans_test/scene0747_00/sens/frame-001560.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. -0.46609 -0.21913 0.85717 -2.44814 0.5573 0.67975 0.47682 -0.72332 -0.68715 0.69994 -0.19471 0.77526 0. 0. 0. 1. +scans_test/scene0747_00/sens/frame-002070.color.jpg scans_test/scene0747_00/sens/frame-002085.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.99258 -0.07148 0.09837 0.03819 0.0577 0.98896 0.13648 0.04227 -0.10704 -0.12979 0.98575 -0.00005 0. 0. 0. 1. +scans_test/scene0747_00/sens/frame-003225.color.jpg scans_test/scene0747_00/sens/frame-003300.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.48194 0.45776 -0.74712 1.65519 -0.76994 0.62826 -0.11172 0.15329 0.41825 0.62908 0.65523 0.0156 0. 0. 0. 1. +scans_test/scene0747_00/sens/frame-004215.color.jpg scans_test/scene0747_00/sens/frame-004245.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.99391 -0.09753 0.05134 -0.1097 0.08054 0.96064 0.26585 0.1089 -0.07525 -0.2601 0.96265 0.01933 0. 0. 0. 1. +scans_test/scene0748_00/sens/frame-000045.color.jpg scans_test/scene0748_00/sens/frame-001320.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.871 -0.17958 0.45729 -1.47742 0.34164 0.89029 -0.30111 0.31719 -0.35305 0.41849 0.83679 -0.23172 0. 0. 0. 1. +scans_test/scene0748_00/sens/frame-000210.color.jpg scans_test/scene0748_00/sens/frame-000630.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.99706 -0.03126 0.07 -0.41368 0.02889 0.99898 0.0347 -0.90273 -0.07101 -0.03257 0.99694 1.70832 0. 0. 0. 1. +scans_test/scene0748_00/sens/frame-000240.color.jpg scans_test/scene0748_00/sens/frame-001890.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.77992 0.45095 -0.43402 0.58044 -0.55267 0.82166 -0.13942 -0.29022 0.29374 0.3486 0.89005 0.03929 0. 0. 0. 1. +scans_test/scene0748_00/sens/frame-000255.color.jpg scans_test/scene0748_00/sens/frame-002010.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.44559 -0.44388 0.77744 -0.90457 0.52643 0.83233 0.1735 -0.31932 -0.7241 0.33195 0.60455 0.25091 0. 0. 0. 1. +scans_test/scene0748_00/sens/frame-000525.color.jpg scans_test/scene0748_00/sens/frame-001155.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.88757 0.264 -0.37752 0.27866 -0.34398 0.92491 -0.16193 0.59503 0.30642 0.27359 0.91173 -0.51945 0. 0. 0. 1. +scans_test/scene0748_00/sens/frame-000705.color.jpg scans_test/scene0748_00/sens/frame-001395.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.66713 0.45039 -0.59337 1.33701 -0.29914 0.89146 0.34033 -0.40636 0.68225 -0.04954 0.72944 1.06918 0. 0. 0. 1. +scans_test/scene0748_00/sens/frame-000840.color.jpg scans_test/scene0748_00/sens/frame-000885.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.97546 -0.14511 0.16559 0.0448 0.13789 0.98895 0.05439 0.03131 -0.17166 -0.03022 0.98469 0.01901 0. 0. 0. 1. +scans_test/scene0748_00/sens/frame-000900.color.jpg scans_test/scene0748_00/sens/frame-001260.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.01974 -0.54652 0.83721 -1.61708 0.74701 0.56462 0.35097 -0.09888 -0.66452 0.61848 0.4194 0.26613 0. 0. 0. 1. +scans_test/scene0748_00/sens/frame-001005.color.jpg scans_test/scene0748_00/sens/frame-001050.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.95976 0.11529 -0.25608 -0.06113 -0.14219 0.98582 -0.08909 -0.12534 0.24218 0.12192 0.96254 0.01426 0. 0. 0. 1. +scans_test/scene0748_00/sens/frame-001095.color.jpg scans_test/scene0748_00/sens/frame-002190.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.98549 -0.06011 0.15874 0.26335 0.08373 0.98565 -0.14656 0.99738 -0.14765 0.15772 0.97638 -0.99305 0. 0. 0. 1. +scans_test/scene0748_00/sens/frame-001830.color.jpg scans_test/scene0748_00/sens/frame-002415.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. -0.29174 -0.62732 0.72205 -1.47095 0.73248 0.33893 0.59042 -0.93721 -0.61511 0.70114 0.36062 0.55851 0. 0. 0. 1. +scans_test/scene0748_00/sens/frame-001890.color.jpg scans_test/scene0748_00/sens/frame-002190.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.99095 -0.13387 -0.0094 -0.33896 0.1342 0.98898 0.06255 0.05923 0.00092 -0.06325 0.998 -0.10626 0. 0. 0. 1. +scans_test/scene0748_00/sens/frame-001920.color.jpg scans_test/scene0748_00/sens/frame-002040.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.05594 -0.7655 0.641 -0.64923 0.55509 0.55748 0.61732 -0.46165 -0.82991 0.32128 0.45611 0.75544 0. 0. 0. 1. +scans_test/scene0748_00/sens/frame-001950.color.jpg scans_test/scene0748_00/sens/frame-002070.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.88917 -0.35084 0.29375 -0.31846 0.29428 0.93004 0.22005 -0.12853 -0.35041 -0.10921 0.93021 0.26596 0. 0. 0. 1. +scans_test/scene0748_00/sens/frame-002565.color.jpg scans_test/scene0748_00/sens/frame-002580.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.89464 0.26847 -0.35712 -0.05669 -0.24579 0.96324 0.10839 0.01429 0.3731 -0.0092 0.92775 0.04181 0. 0. 0. 1. +scans_test/scene0749_00/sens/frame-000015.color.jpg scans_test/scene0749_00/sens/frame-000495.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.78498 -0.20646 0.5841 -0.68784 0.31026 0.94709 -0.0822 -0.05261 -0.53623 0.24575 0.80751 0.15819 0. 0. 0. 1. +scans_test/scene0749_00/sens/frame-000030.color.jpg scans_test/scene0749_00/sens/frame-000075.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.92707 0.21145 -0.30955 0.7256 -0.23044 0.97275 -0.02566 0.09777 0.29569 0.09512 0.95054 -0.22728 0. 0. 0. 1. +scans_test/scene0749_00/sens/frame-000135.color.jpg scans_test/scene0749_00/sens/frame-000150.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.96331 0.00816 -0.26827 -0.07476 -0.01346 0.99975 -0.01792 0.00809 0.26805 0.02087 0.96318 -0.10781 0. 0. 0. 1. +scans_test/scene0749_00/sens/frame-000270.color.jpg scans_test/scene0749_00/sens/frame-000750.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.55898 0.20456 -0.80356 1.37441 -0.0656 0.97696 0.20307 -0.10086 0.82658 -0.0608 0.55952 1.14176 0. 0. 0. 1. +scans_test/scene0749_00/sens/frame-000285.color.jpg scans_test/scene0749_00/sens/frame-000960.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.86284 0.14065 -0.48552 1.42009 -0.24373 0.95724 -0.15585 0.08654 0.44284 0.25281 0.86022 -0.45682 0. 0. 0. 1. +scans_test/scene0749_00/sens/frame-000360.color.jpg scans_test/scene0749_00/sens/frame-001740.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.79753 -0.14256 0.58619 -0.85619 0.18066 0.98352 -0.0066 -0.11912 -0.57559 0.11116 0.81014 0.29308 0. 0. 0. 1. +scans_test/scene0749_00/sens/frame-000390.color.jpg scans_test/scene0749_00/sens/frame-001800.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.89957 -0.06954 0.4312 -0.92117 0.12435 0.98716 -0.10021 0.15768 -0.4187 0.14377 0.89667 -0.23648 0. 0. 0. 1. +scans_test/scene0749_00/sens/frame-000405.color.jpg scans_test/scene0749_00/sens/frame-000420.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.9741 0.01153 -0.2258 0.16003 -0.01195 0.99993 -0.00051 -0.01866 0.22578 0.00319 0.97417 0.07658 0. 0. 0. 1. +scans_test/scene0749_00/sens/frame-000525.color.jpg scans_test/scene0749_00/sens/frame-001335.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. -0.86867 0.35961 -0.34072 0.75143 -0.19092 0.39164 0.90009 -1.05301 0.45713 0.84693 -0.27155 1.67157 0. 0. 0. 1. +scans_test/scene0749_00/sens/frame-000675.color.jpg scans_test/scene0749_00/sens/frame-000840.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.98798 -0.05969 0.14261 -0.04728 0.08066 0.98598 -0.14608 0.01365 -0.13189 0.15583 0.97894 -0.07735 0. 0. 0. 1. +scans_test/scene0749_00/sens/frame-000840.color.jpg scans_test/scene0749_00/sens/frame-000870.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.79801 0.41043 -0.44127 0.33598 -0.48369 0.87298 -0.06277 0.00002 0.35946 0.26353 0.89518 -0.13438 0. 0. 0. 1. +scans_test/scene0749_00/sens/frame-001050.color.jpg scans_test/scene0749_00/sens/frame-001935.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.37 -0.20617 0.90586 -1.3749 0.45874 0.88845 0.01484 -0.551 -0.80787 0.41007 0.42331 0.9004 0. 0. 0. 1. +scans_test/scene0749_00/sens/frame-001080.color.jpg scans_test/scene0749_00/sens/frame-001815.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.31645 -0.1934 0.92869 -1.623 0.42876 0.90245 0.04184 -0.16601 -0.84619 0.38494 0.3685 0.52473 0. 0. 0. 1. +scans_test/scene0749_00/sens/frame-001200.color.jpg scans_test/scene0749_00/sens/frame-001545.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.9585 -0.00799 0.28499 0.11477 0.01917 0.99915 -0.03648 0.0306 -0.28446 0.04043 0.95784 -0.50212 0. 0. 0. 1. +scans_test/scene0749_00/sens/frame-001650.color.jpg scans_test/scene0749_00/sens/frame-001695.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.99737 0.07243 -0.00386 -0.15491 -0.07055 0.98111 0.18013 -0.00989 0.01684 -0.17938 0.98363 -0.00668 0. 0. 0. 1. +scans_test/scene0750_00/sens/frame-000000.color.jpg scans_test/scene0750_00/sens/frame-001020.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.47309 -0.72047 0.50706 -0.19815 0.68784 0.66169 0.29842 -0.07299 -0.55051 0.20759 0.8086 0.01606 0. 0. 0. 1. +scans_test/scene0750_00/sens/frame-000015.color.jpg scans_test/scene0750_00/sens/frame-000660.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.94546 -0.2119 0.24741 -0.07776 0.20997 0.9771 0.03448 0.13274 -0.24905 0.01935 0.9683 -0.01816 0. 0. 0. 1. +scans_test/scene0750_00/sens/frame-000015.color.jpg scans_test/scene0750_00/sens/frame-000780.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.91094 -0.31307 0.26865 -0.15969 0.32154 0.94681 0.01308 0.20019 -0.25845 0.07446 0.96315 -0.09624 0. 0. 0. 1. +scans_test/scene0750_00/sens/frame-000015.color.jpg scans_test/scene0750_00/sens/frame-001410.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.84955 0.48197 -0.21443 0.38007 -0.4597 0.87579 0.14722 0.0218 0.25875 -0.02649 0.96558 0.02625 0. 0. 0. 1. +scans_test/scene0750_00/sens/frame-000030.color.jpg scans_test/scene0750_00/sens/frame-000765.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.9854 -0.08857 0.14541 0.13633 0.10279 0.99031 -0.09335 0.10101 -0.13573 0.10694 0.98496 -0.08012 0. 0. 0. 1. +scans_test/scene0750_00/sens/frame-000180.color.jpg scans_test/scene0750_00/sens/frame-000270.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.71566 0.51047 -0.47672 0.16478 -0.60199 0.79691 -0.0504 -0.04492 0.35418 0.32305 0.87761 0.10114 0. 0. 0. 1. +scans_test/scene0750_00/sens/frame-000285.color.jpg scans_test/scene0750_00/sens/frame-000330.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.95863 0.24531 0.14438 -0.01555 -0.28181 0.88934 0.36009 -0.01513 -0.04006 -0.38588 0.92168 0.08383 0. 0. 0. 1. +scans_test/scene0750_00/sens/frame-000300.color.jpg scans_test/scene0750_00/sens/frame-000360.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.90183 0.14571 0.40677 -0.03017 -0.26657 0.92853 0.25838 0.00498 -0.34005 -0.34145 0.87623 0.03721 0. 0. 0. 1. +scans_test/scene0750_00/sens/frame-000300.color.jpg scans_test/scene0750_00/sens/frame-000570.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.94163 0.3351 0.03235 -0.0654 -0.33586 0.92841 0.1589 -0.27614 0.02322 -0.16049 0.98676 0.28438 0. 0. 0. 1. +scans_test/scene0750_00/sens/frame-000660.color.jpg scans_test/scene0750_00/sens/frame-001005.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.82436 -0.44621 0.34832 -0.10025 0.48135 0.87637 -0.01654 -0.17299 -0.29788 0.1813 0.93723 -0.1198 0. 0. 0. 1. +scans_test/scene0750_00/sens/frame-000750.color.jpg scans_test/scene0750_00/sens/frame-001410.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.93139 0.30763 -0.19464 0.13089 -0.2928 0.95076 0.10159 0.02285 0.2163 -0.03763 0.9756 0.00447 0. 0. 0. 1. +scans_test/scene0750_00/sens/frame-000765.color.jpg scans_test/scene0750_00/sens/frame-000915.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.60636 -0.61107 0.50884 -0.22683 0.59035 0.77464 0.22677 -0.00797 -0.53274 0.1629 0.83045 0.09749 0. 0. 0. 1. +scans_test/scene0750_00/sens/frame-000885.color.jpg scans_test/scene0750_00/sens/frame-000945.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.76254 -0.47316 0.44119 -0.02814 0.49647 0.86524 0.06985 -0.20037 -0.41478 0.16577 0.89469 0.16047 0. 0. 0. 1. +scans_test/scene0750_00/sens/frame-001095.color.jpg scans_test/scene0750_00/sens/frame-001155.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.98971 -0.14306 0.00326 -0.14422 0.14233 0.98652 0.08078 0.12612 -0.01478 -0.07948 0.99673 -0.00735 0. 0. 0. 1. +scans_test/scene0750_00/sens/frame-001530.color.jpg scans_test/scene0750_00/sens/frame-001545.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.99057 -0.04984 0.12762 0.01699 0.03576 0.99325 0.11031 0.03956 -0.13225 -0.10471 0.98567 0.01288 0. 0. 0. 1. +scans_test/scene0751_00/sens/frame-000000.color.jpg scans_test/scene0751_00/sens/frame-001020.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. -0.46424 0.77958 -0.4204 0.31127 -0.67755 -0.00689 0.73544 -0.55333 0.57044 0.62626 0.53141 0.19576 0. 0. 0. 1. +scans_test/scene0751_00/sens/frame-000015.color.jpg scans_test/scene0751_00/sens/frame-000225.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.9692 0.17286 -0.1754 0.26675 -0.22389 0.91513 -0.33528 0.36043 0.10256 0.36422 0.92565 -0.2018 0. 0. 0. 1. +scans_test/scene0751_00/sens/frame-000150.color.jpg scans_test/scene0751_00/sens/frame-001065.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.81014 0.58621 0.00525 -0.1119 -0.58566 0.80972 -0.03687 0.11489 -0.02586 0.0268 0.99931 -0.03665 0. 0. 0. 1. +scans_test/scene0751_00/sens/frame-000180.color.jpg scans_test/scene0751_00/sens/frame-000225.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.47784 -0.68278 0.5527 -0.18808 0.75188 0.64325 0.1446 -0.13879 -0.45425 0.34647 0.82074 0.0501 0. 0. 0. 1. +scans_test/scene0751_00/sens/frame-000225.color.jpg scans_test/scene0751_00/sens/frame-001020.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. -0.30323 0.93547 -0.1815 -0.00416 -0.7607 -0.12292 0.63736 -0.21373 0.57393 0.33133 0.74888 0.08655 0. 0. 0. 1. +scans_test/scene0751_00/sens/frame-000285.color.jpg scans_test/scene0751_00/sens/frame-000555.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.85306 -0.45305 0.25892 -0.33108 0.50197 0.84801 -0.17 0.35454 -0.14255 0.27499 0.95082 -0.36981 0. 0. 0. 1. +scans_test/scene0751_00/sens/frame-000285.color.jpg scans_test/scene0751_00/sens/frame-000615.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.36521 -0.60205 0.71004 -0.56264 0.70169 0.67926 0.21503 -0.03556 -0.61176 0.4197 0.67052 -0.04297 0. 0. 0. 1. +scans_test/scene0751_00/sens/frame-000300.color.jpg scans_test/scene0751_00/sens/frame-000630.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.5111 -0.46686 0.72168 -0.5373 0.58814 0.80224 0.10245 -0.02821 -0.62679 0.37209 0.68461 -0.04078 0. 0. 0. 1. +scans_test/scene0751_00/sens/frame-000375.color.jpg scans_test/scene0751_00/sens/frame-000660.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.87448 -0.32975 0.35573 -0.2594 0.36718 0.92923 -0.04128 0.18561 -0.31694 0.16671 0.93368 -0.167 0. 0. 0. 1. +scans_test/scene0751_00/sens/frame-000405.color.jpg scans_test/scene0751_00/sens/frame-000585.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.99958 0.02803 0.00766 -0.27902 -0.02538 0.97062 -0.23928 0.22711 -0.01415 0.23899 0.97092 -0.27867 0. 0. 0. 1. +scans_test/scene0751_00/sens/frame-000435.color.jpg scans_test/scene0751_00/sens/frame-000555.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.99147 -0.11941 0.05218 -0.16244 0.1297 0.94307 -0.30627 0.34549 -0.01264 0.31042 0.95051 -0.37175 0. 0. 0. 1. +scans_test/scene0751_00/sens/frame-000600.color.jpg scans_test/scene0751_00/sens/frame-000750.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.87245 -0.36549 0.32442 0.11597 0.33858 0.93075 0.13807 0.02928 -0.35242 -0.01062 0.93578 -0.02531 0. 0. 0. 1. +scans_test/scene0751_00/sens/frame-000825.color.jpg scans_test/scene0751_00/sens/frame-000870.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.99767 0.01373 0.06683 -0.00551 -0.00499 0.99161 -0.1292 -0.0041 -0.06804 0.12857 0.98937 -0.00782 0. 0. 0. 1. +scans_test/scene0751_00/sens/frame-001635.color.jpg scans_test/scene0751_00/sens/frame-001755.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.95832 0.08244 0.27353 -0.1343 0.0228 0.93233 -0.36089 0.05897 -0.28477 0.35209 0.89159 -0.14735 0. 0. 0. 1. +scans_test/scene0751_00/sens/frame-001680.color.jpg scans_test/scene0751_00/sens/frame-001755.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.92784 -0.00454 0.37295 -0.10847 0.02033 0.99905 -0.03842 0.02182 -0.37242 0.04323 0.92706 -0.05907 0. 0. 0. 1. +scans_test/scene0752_00/sens/frame-000075.color.jpg scans_test/scene0752_00/sens/frame-001440.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.30504 0.62126 -0.72179 1.17972 -0.5394 0.73733 0.40668 -0.18845 0.78485 0.26528 0.56002 -0.03684 0. 0. 0. 1. +scans_test/scene0752_00/sens/frame-000075.color.jpg scans_test/scene0752_00/sens/frame-001530.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.96217 0.2228 -0.15683 0.17845 -0.21056 0.97334 0.09097 0.27708 0.17292 -0.05451 0.98343 -0.50381 0. 0. 0. 1. +scans_test/scene0752_00/sens/frame-000165.color.jpg scans_test/scene0752_00/sens/frame-002130.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.84493 0.30576 -0.43888 0.0575 -0.31541 0.94748 0.05287 -0.01445 0.43199 0.09376 0.89699 -0.0903 0. 0. 0. 1. +scans_test/scene0752_00/sens/frame-000480.color.jpg scans_test/scene0752_00/sens/frame-002775.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.8185 -0.12273 0.56124 -0.01383 0.17446 0.98388 -0.03927 -0.63933 -0.54737 0.13006 0.82672 2.2199 0. 0. 0. 1. +scans_test/scene0752_00/sens/frame-000705.color.jpg scans_test/scene0752_00/sens/frame-002160.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.97838 -0.12586 -0.16408 0.18681 0.05892 0.93022 -0.36224 0.21021 0.19822 0.34474 0.91753 -0.52992 0. 0. 0. 1. +scans_test/scene0752_00/sens/frame-000705.color.jpg scans_test/scene0752_00/sens/frame-002295.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.97131 0.0135 -0.23745 0.87527 -0.05784 0.98182 -0.18078 0.59611 0.23069 0.18932 0.95443 -1.28333 0. 0. 0. 1. +scans_test/scene0752_00/sens/frame-000750.color.jpg scans_test/scene0752_00/sens/frame-000780.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.91376 0.1844 -0.36199 -0.09052 -0.21949 0.97389 -0.05795 0.00749 0.34185 0.1324 0.93038 0.00112 0. 0. 0. 1. +scans_test/scene0752_00/sens/frame-000750.color.jpg scans_test/scene0752_00/sens/frame-001695.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.82437 -0.24223 0.5116 -1.07964 0.29539 0.95508 -0.02377 0.04473 -0.48286 0.17071 0.8589 0.10367 0. 0. 0. 1. +scans_test/scene0752_00/sens/frame-001005.color.jpg scans_test/scene0752_00/sens/frame-001065.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.62435 -0.53088 0.57302 -0.37905 0.56083 0.81527 0.14424 -0.12163 -0.54374 0.23131 0.80675 0.10253 0. 0. 0. 1. +scans_test/scene0752_00/sens/frame-001020.color.jpg scans_test/scene0752_00/sens/frame-001200.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.98264 0.04152 -0.18083 0.64268 -0.07419 0.98126 -0.17781 0.04791 0.17006 0.18814 0.96731 -0.00394 0. 0. 0. 1. +scans_test/scene0752_00/sens/frame-001080.color.jpg scans_test/scene0752_00/sens/frame-001125.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.99841 0.05558 -0.00983 0.23732 -0.05394 0.99084 0.1238 0.12494 0.01662 -0.12307 0.99226 -0.01145 0. 0. 0. 1. +scans_test/scene0752_00/sens/frame-001635.color.jpg scans_test/scene0752_00/sens/frame-001650.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.9911 -0.08253 0.10448 0.04515 0.0778 0.99579 0.04854 0.02546 -0.10805 -0.03998 0.99334 0.00852 0. 0. 0. 1. +scans_test/scene0752_00/sens/frame-001650.color.jpg scans_test/scene0752_00/sens/frame-002835.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. -0.73487 0.52821 -0.42539 0.7114 -0.1582 0.47642 0.86487 -1.1404 0.65949 0.70287 -0.26654 2.43628 0. 0. 0. 1. +scans_test/scene0752_00/sens/frame-002025.color.jpg scans_test/scene0752_00/sens/frame-002970.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. -0.9352 0.08537 -0.34368 0.59221 -0.27042 0.45444 0.84874 -1.47135 0.22863 0.88668 -0.40191 2.2073 0. 0. 0. 1. +scans_test/scene0752_00/sens/frame-002505.color.jpg scans_test/scene0752_00/sens/frame-002535.color.jpg 0 0 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 1161.75 0. 658.042 0. 1159.11 486.467 0. 0. 1. 0.95277 -0.19067 0.23639 0.10743 0.15128 0.97287 0.17501 0.02416 -0.26335 -0.13098 0.95577 0.14361 0. 0. 0. 1. +scans_test/scene0753_00/sens/frame-000030.color.jpg scans_test/scene0753_00/sens/frame-001320.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.72193 0.37489 -0.58161 0.18038 -0.1415 0.90275 0.40624 -0.42262 0.67734 -0.21098 0.70477 1.98113 0. 0. 0. 1. +scans_test/scene0753_00/sens/frame-000075.color.jpg scans_test/scene0753_00/sens/frame-001245.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.98542 -0.02219 0.1687 0.24626 0.0391 0.99446 -0.09759 -0.70693 -0.1656 0.10277 0.98082 1.43351 0. 0. 0. 1. +scans_test/scene0753_00/sens/frame-000090.color.jpg scans_test/scene0753_00/sens/frame-001515.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.98749 0.03407 0.15397 -0.165 -0.06134 0.98248 0.176 0.08353 -0.14528 -0.18324 0.97227 1.24642 0. 0. 0. 1. +scans_test/scene0753_00/sens/frame-000195.color.jpg scans_test/scene0753_00/sens/frame-000285.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.798 0.05514 -0.60013 0.93655 -0.22389 0.95166 -0.21027 -0.10467 0.55953 0.30215 0.77177 0.02211 0. 0. 0. 1. +scans_test/scene0753_00/sens/frame-000330.color.jpg scans_test/scene0753_00/sens/frame-002445.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.66836 -0.19228 0.71856 -2.35894 0.21783 0.97426 0.0581 -0.43615 -0.71123 0.1177 0.69304 0.86391 0. 0. 0. 1. +scans_test/scene0753_00/sens/frame-000360.color.jpg scans_test/scene0753_00/sens/frame-002385.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.78529 -0.05779 0.61643 -2.48878 0.0165 0.99723 0.07248 -0.02465 -0.61891 -0.04675 0.78407 0.86472 0. 0. 0. 1. +scans_test/scene0753_00/sens/frame-000510.color.jpg scans_test/scene0753_00/sens/frame-000615.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.97026 -0.02887 -0.24035 -0.0679 0.0718 0.98251 0.17181 0.15517 0.23119 -0.18396 0.95536 -1.13187 0. 0. 0. 1. +scans_test/scene0753_00/sens/frame-000585.color.jpg scans_test/scene0753_00/sens/frame-000660.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.89183 0.10866 -0.43913 0.22792 -0.11855 0.99294 0.00495 -0.03269 0.43656 0.04764 0.89841 -0.201 0. 0. 0. 1. +scans_test/scene0753_00/sens/frame-000690.color.jpg scans_test/scene0753_00/sens/frame-000720.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.99564 0.04387 -0.08231 -0.14049 -0.04184 0.99878 0.02626 0.02426 0.08336 -0.0227 0.99626 -0.04087 0. 0. 0. 1. +scans_test/scene0753_00/sens/frame-001155.color.jpg scans_test/scene0753_00/sens/frame-001845.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. -0.20121 -0.15631 0.967 -2.04097 0.40909 0.88356 0.22795 -0.60647 -0.89003 0.44145 -0.11384 1.70985 0. 0. 0. 1. +scans_test/scene0753_00/sens/frame-001320.color.jpg scans_test/scene0753_00/sens/frame-001440.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.82516 -0.05397 0.56231 -1.06955 -0.04303 0.98653 0.15783 0.28081 -0.56325 -0.15443 0.81172 0.09862 0. 0. 0. 1. +scans_test/scene0753_00/sens/frame-001725.color.jpg scans_test/scene0753_00/sens/frame-003075.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. -0.60686 0.35719 -0.71003 0.94773 -0.42627 0.60772 0.67005 -1.31055 0.67083 0.70929 -0.21655 1.92226 0. 0. 0. 1. +scans_test/scene0753_00/sens/frame-002205.color.jpg scans_test/scene0753_00/sens/frame-002325.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.8477 -0.11118 0.51869 -0.79715 0.1228 0.99236 0.01203 0.00926 -0.51606 0.0535 0.85488 -0.0632 0. 0. 0. 1. +scans_test/scene0753_00/sens/frame-002430.color.jpg scans_test/scene0753_00/sens/frame-002475.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.99262 0.01976 0.11966 -0.21993 0.01065 0.96862 -0.24833 -0.21131 -0.12081 0.24777 0.96126 0.17483 0. 0. 0. 1. +scans_test/scene0753_00/sens/frame-002580.color.jpg scans_test/scene0753_00/sens/frame-002850.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.86685 -0.00834 -0.4985 0.86821 -0.0927 0.97973 -0.17759 0.26046 0.48988 0.20015 0.8485 -0.70401 0. 0. 0. 1. +scans_test/scene0754_00/sens/frame-000000.color.jpg scans_test/scene0754_00/sens/frame-003105.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.86377 -0.21162 0.45729 -0.21319 0.14943 0.97429 0.16862 -0.13908 -0.48122 -0.07731 0.87319 0.78694 0. 0. 0. 1. +scans_test/scene0754_00/sens/frame-000075.color.jpg scans_test/scene0754_00/sens/frame-003105.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.90167 -0.11224 0.4176 -0.35646 0.13788 0.98994 -0.03164 -0.34279 -0.40985 0.08611 0.90808 0.99545 0. 0. 0. 1. +scans_test/scene0754_00/sens/frame-000090.color.jpg scans_test/scene0754_00/sens/frame-000720.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.92652 0.09471 -0.36412 0.27857 -0.05446 0.99137 0.11928 0.04067 0.37227 -0.09068 0.92368 -0.79396 0. 0. 0. 1. +scans_test/scene0754_00/sens/frame-000150.color.jpg scans_test/scene0754_00/sens/frame-000405.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.96597 0.09816 -0.2393 -0.16263 -0.0581 0.98389 0.16904 -0.04437 0.25204 -0.14939 0.95612 0.23535 0. 0. 0. 1. +scans_test/scene0754_00/sens/frame-000180.color.jpg scans_test/scene0754_00/sens/frame-000300.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.97093 0.04638 -0.23481 0.09216 -0.0308 0.9971 0.06961 0.02636 0.23736 -0.06036 0.96955 -0.02762 0. 0. 0. 1. +scans_test/scene0754_00/sens/frame-000345.color.jpg scans_test/scene0754_00/sens/frame-003150.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.92618 -0.10313 -0.3627 -0.2677 0.04641 0.98574 -0.16176 -0.04107 0.37421 0.13299 0.91776 0.18519 0. 0. 0. 1. +scans_test/scene0754_00/sens/frame-000645.color.jpg scans_test/scene0754_00/sens/frame-001005.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.87218 0.17775 -0.45575 1.12857 -0.11059 0.97918 0.17025 0.20532 0.47652 -0.09808 0.87368 -0.88554 0. 0. 0. 1. +scans_test/scene0754_00/sens/frame-001020.color.jpg scans_test/scene0754_00/sens/frame-001065.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.87814 0.05783 -0.4749 0.04454 -0.03841 0.99798 0.05051 0.01642 0.47687 -0.02612 0.87859 -0.10295 0. 0. 0. 1. +scans_test/scene0754_00/sens/frame-001440.color.jpg scans_test/scene0754_00/sens/frame-002760.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.88789 -0.18769 0.42002 0.02982 0.23236 0.97094 -0.0573 0.05142 -0.39706 0.14847 0.90571 -0.23362 0. 0. 0. 1. +scans_test/scene0754_00/sens/frame-001455.color.jpg scans_test/scene0754_00/sens/frame-002970.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.90341 -0.19636 0.38117 -0.01729 0.24279 0.96699 -0.0773 0.15264 -0.35341 0.16238 0.92127 -0.39302 0. 0. 0. 1. +scans_test/scene0754_00/sens/frame-001695.color.jpg scans_test/scene0754_00/sens/frame-003075.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.96493 -0.15564 0.21137 0.03013 0.14395 0.98713 0.0697 -0.34915 -0.2195 -0.03683 0.97492 0.56528 0. 0. 0. 1. +scans_test/scene0754_00/sens/frame-001725.color.jpg scans_test/scene0754_00/sens/frame-003120.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.99619 0.08704 -0.00596 -0.16324 -0.07988 0.93739 0.33901 0.12277 0.03509 -0.33724 0.94076 0.43527 0. 0. 0. 1. +scans_test/scene0754_00/sens/frame-001845.color.jpg scans_test/scene0754_00/sens/frame-001935.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.99854 -0.04429 0.03106 -0.4861 0.04237 0.99729 0.06018 0.1203 -0.03364 -0.05877 0.9977 -0.27139 0. 0. 0. 1. +scans_test/scene0754_00/sens/frame-002130.color.jpg scans_test/scene0754_00/sens/frame-002190.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.71861 0.23956 -0.65285 0.33766 -0.23715 0.96694 0.09377 -0.14903 0.65372 0.08744 0.75166 0.54468 0. 0. 0. 1. +scans_test/scene0754_00/sens/frame-002685.color.jpg scans_test/scene0754_00/sens/frame-002790.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.8683 0.01537 -0.4958 -0.04078 -0.02737 0.99948 -0.01695 0.02175 0.49529 0.02828 0.86827 -0.11452 0. 0. 0. 1. +scans_test/scene0755_00/sens/frame-000120.color.jpg scans_test/scene0755_00/sens/frame-002055.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.10156 0.41946 -0.90207 1.60366 -0.17977 0.89957 0.39806 -0.32295 0.97845 0.12173 0.16677 2.06474 0. 0. 0. 1. +scans_test/scene0755_00/sens/frame-000690.color.jpg scans_test/scene0755_00/sens/frame-002865.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.96575 -0.00293 0.25947 -1.3122 0.05201 0.98183 -0.18248 -0.0964 -0.25422 0.18972 0.94835 0.48517 0. 0. 0. 1. +scans_test/scene0755_00/sens/frame-000720.color.jpg scans_test/scene0755_00/sens/frame-002910.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.98861 -0.13655 0.06325 -1.35762 0.13178 0.9885 0.07419 -0.1017 -0.07266 -0.06501 0.99524 0.26535 0. 0. 0. 1. +scans_test/scene0755_00/sens/frame-000735.color.jpg scans_test/scene0755_00/sens/frame-002790.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.90501 -0.07893 0.418 -1.64715 0.17537 0.96447 -0.19758 -0.30242 -0.38756 0.25212 0.8867 0.05181 0. 0. 0. 1. +scans_test/scene0755_00/sens/frame-000900.color.jpg scans_test/scene0755_00/sens/frame-001110.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.78647 0.29977 -0.54 0.39532 -0.33556 0.94141 0.03389 0.34902 0.51852 0.15455 0.84098 -0.58587 0. 0. 0. 1. +scans_test/scene0755_00/sens/frame-001320.color.jpg scans_test/scene0755_00/sens/frame-003480.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.77739 0.31781 -0.54283 0.33134 -0.36972 0.92903 0.01444 0.15703 0.5089 0.18947 0.83972 -0.11301 0. 0. 0. 1. +scans_test/scene0755_00/sens/frame-001440.color.jpg scans_test/scene0755_00/sens/frame-001470.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.77623 0.40898 -0.47979 0.12565 -0.42168 0.90255 0.08713 -0.18104 0.46867 0.13468 0.87305 0.28274 0. 0. 0. 1. +scans_test/scene0755_00/sens/frame-001440.color.jpg scans_test/scene0755_00/sens/frame-001980.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. -0.76296 -0.42122 0.49037 -0.48593 0.23703 0.52345 0.81843 -1.07857 -0.60142 0.74066 -0.29953 1.97441 0. 0. 0. 1. +scans_test/scene0755_00/sens/frame-001560.color.jpg scans_test/scene0755_00/sens/frame-002310.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.3003 0.1338 -0.94441 1.52325 -0.13152 0.98646 0.09794 -0.21916 0.94473 0.0948 0.31383 1.06761 0. 0. 0. 1. +scans_test/scene0755_00/sens/frame-001605.color.jpg scans_test/scene0755_00/sens/frame-001650.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.9829 0.04843 0.17764 0.03782 -0.02672 0.99209 -0.12264 -0.02736 -0.18217 0.11579 0.97642 0.04679 0. 0. 0. 1. +scans_test/scene0755_00/sens/frame-001695.color.jpg scans_test/scene0755_00/sens/frame-001740.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.97338 -0.06524 0.21973 -0.34393 0.10829 0.9758 -0.18999 0.01063 -0.20202 0.20872 0.95688 -0.18305 0. 0. 0. 1. +scans_test/scene0755_00/sens/frame-001830.color.jpg scans_test/scene0755_00/sens/frame-003420.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.81785 0.26496 -0.51081 0.94413 -0.17648 0.9604 0.21561 0.06706 0.54771 -0.08618 0.83222 0.13993 0. 0. 0. 1. +scans_test/scene0755_00/sens/frame-002010.color.jpg scans_test/scene0755_00/sens/frame-002370.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.99079 -0.12073 0.06137 -0.5194 0.11573 0.9901 0.07943 0.10351 -0.07036 -0.0716 0.99495 -0.21678 0. 0. 0. 1. +scans_test/scene0755_00/sens/frame-002415.color.jpg scans_test/scene0755_00/sens/frame-002475.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.94374 0.16625 -0.28586 -0.1112 -0.14004 0.98402 0.10996 -0.24878 0.29958 -0.06375 0.95194 -0.17296 0. 0. 0. 1. +scans_test/scene0755_00/sens/frame-002460.color.jpg scans_test/scene0755_00/sens/frame-002535.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.97774 -0.06992 0.19781 -0.20469 0.09324 0.98942 -0.11117 0.528 -0.18794 0.12714 0.97392 -0.17588 0. 0. 0. 1. +scans_test/scene0756_00/sens/frame-000075.color.jpg scans_test/scene0756_00/sens/frame-002400.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.9603 -0.03878 0.27627 0.30381 0.01195 0.9951 0.09814 0.12336 -0.27872 -0.09094 0.95606 1.08611 0. 0. 0. 1. +scans_test/scene0756_00/sens/frame-000345.color.jpg scans_test/scene0756_00/sens/frame-003465.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.97212 0.00964 0.23429 -0.37476 0.02673 0.98808 -0.15157 -0.0122 -0.23297 0.15361 0.96028 0.42726 0. 0. 0. 1. +scans_test/scene0756_00/sens/frame-000405.color.jpg scans_test/scene0756_00/sens/frame-003495.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.78324 0.09372 0.61461 -0.31078 -0.12169 0.99256 0.00372 0.16292 -0.60969 -0.0777 0.78882 0.36009 0. 0. 0. 1. +scans_test/scene0756_00/sens/frame-000450.color.jpg scans_test/scene0756_00/sens/frame-001770.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.66394 0.37585 -0.64646 1.46287 -0.24442 0.9261 0.28741 -0.25669 0.70671 -0.03281 0.70674 0.88911 0. 0. 0. 1. +scans_test/scene0756_00/sens/frame-000855.color.jpg scans_test/scene0756_00/sens/frame-001260.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.94573 -0.16585 0.27943 -0.47431 0.22031 0.95938 -0.17623 0.24413 -0.23885 0.22823 0.94385 -0.56686 0. 0. 0. 1. +scans_test/scene0756_00/sens/frame-001050.color.jpg scans_test/scene0756_00/sens/frame-001110.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.80737 -0.28922 0.5143 -0.66172 0.23002 0.95695 0.17704 -0.04297 -0.54336 -0.02464 0.83914 0.1439 0. 0. 0. 1. +scans_test/scene0756_00/sens/frame-001320.color.jpg scans_test/scene0756_00/sens/frame-001455.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.98983 0.09226 -0.10832 0.72014 -0.08037 0.99074 0.10942 -0.55234 0.11741 -0.0996 0.98808 1.16462 0. 0. 0. 1. +scans_test/scene0756_00/sens/frame-001425.color.jpg scans_test/scene0756_00/sens/frame-001470.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.99148 -0.03926 0.12422 0.41361 0.03367 0.99834 0.04678 -0.04259 -0.12584 -0.0422 0.99115 0.18915 0. 0. 0. 1. +scans_test/scene0756_00/sens/frame-001545.color.jpg scans_test/scene0756_00/sens/frame-001575.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.94566 -0.1249 0.30022 -0.28359 0.12205 0.99212 0.02832 0.02479 -0.30139 0.00986 0.95345 -0.05737 0. 0. 0. 1. +scans_test/scene0756_00/sens/frame-001680.color.jpg scans_test/scene0756_00/sens/frame-001725.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.90402 -0.20576 0.37472 0.11212 0.18839 0.97859 0.08286 -0.13383 -0.38375 -0.00431 0.92343 0.30709 0. 0. 0. 1. +scans_test/scene0756_00/sens/frame-002385.color.jpg scans_test/scene0756_00/sens/frame-002850.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.75051 -0.01263 -0.66074 2.53026 -0.20049 0.94835 -0.24585 -0.10115 0.62972 0.31698 0.70921 -0.12479 0. 0. 0. 1. +scans_test/scene0756_00/sens/frame-002535.color.jpg scans_test/scene0756_00/sens/frame-003000.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.98754 0.14705 -0.05603 0.31979 -0.14649 0.98911 0.01414 0.26349 0.0575 -0.00576 0.99833 -0.68612 0. 0. 0. 1. +scans_test/scene0756_00/sens/frame-002580.color.jpg scans_test/scene0756_00/sens/frame-002700.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.8749 0.16973 -0.45358 1.29139 -0.14218 0.98532 0.09446 0.17091 0.46296 -0.01815 0.88619 -0.49005 0. 0. 0. 1. +scans_test/scene0756_00/sens/frame-002610.color.jpg scans_test/scene0756_00/sens/frame-002910.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.98169 -0.07684 0.17431 -0.02676 0.05727 0.99175 0.11468 0.28261 -0.18168 -0.1026 0.97799 -0.80816 0. 0. 0. 1. +scans_test/scene0756_00/sens/frame-003405.color.jpg scans_test/scene0756_00/sens/frame-003465.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.98122 -0.06196 0.18269 -0.23535 0.00588 0.95618 0.29272 0.07045 -0.19282 -0.28615 0.93858 0.70394 0. 0. 0. 1. +scans_test/scene0757_00/sens/frame-000345.color.jpg scans_test/scene0757_00/sens/frame-000405.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.973 -0.18131 0.14281 -0.0884 0.15182 0.96885 0.19568 0.19112 -0.17384 -0.16871 0.97021 0.00686 0. 0. 0. 1. +scans_test/scene0757_00/sens/frame-001410.color.jpg scans_test/scene0757_00/sens/frame-001455.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.92361 0.05666 -0.37913 0.74283 -0.08921 0.99363 -0.06883 -0.0382 0.37281 0.09739 0.92278 0.1248 0. 0. 0. 1. +scans_test/scene0757_00/sens/frame-001575.color.jpg scans_test/scene0757_00/sens/frame-001590.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.98372 0.07382 -0.16385 -0.05028 -0.06795 0.99684 0.04117 0.0322 0.16637 -0.02936 0.98563 -0.04394 0. 0. 0. 1. +scans_test/scene0757_00/sens/frame-002010.color.jpg scans_test/scene0757_00/sens/frame-003345.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.82233 -0.2264 0.52203 -0.58326 0.2002 0.9739 0.107 -0.254 -0.53262 0.01652 0.84619 0.70429 0. 0. 0. 1. +scans_test/scene0757_00/sens/frame-002145.color.jpg scans_test/scene0757_00/sens/frame-007665.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.98704 -0.03116 0.15739 0.29632 0.0468 0.99422 -0.09663 0.26071 -0.15347 0.10275 0.9828 -0.71294 0. 0. 0. 1. +scans_test/scene0757_00/sens/frame-002280.color.jpg scans_test/scene0757_00/sens/frame-007815.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.99712 -0.04992 -0.05704 0.54064 0.0518 0.99814 0.03199 0.15457 0.05534 -0.03486 0.99786 -0.09625 0. 0. 0. 1. +scans_test/scene0757_00/sens/frame-002505.color.jpg scans_test/scene0757_00/sens/frame-002550.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.99798 0.03216 0.05486 -0.26503 -0.04122 0.98405 0.17307 0.07954 -0.04842 -0.17499 0.98338 0.09389 0. 0. 0. 1. +scans_test/scene0757_00/sens/frame-002715.color.jpg scans_test/scene0757_00/sens/frame-002940.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.48841 0.25026 -0.83596 1.92943 -0.19731 0.96485 0.17358 -0.06827 0.85002 0.08016 0.52062 0.04908 0. 0. 0. 1. +scans_test/scene0757_00/sens/frame-002835.color.jpg scans_test/scene0757_00/sens/frame-008325.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.96702 -0.10113 0.23377 -0.26772 0.07865 0.99151 0.10358 -0.09465 -0.24226 -0.08177 0.96676 0.814 0. 0. 0. 1. +scans_test/scene0757_00/sens/frame-003000.color.jpg scans_test/scene0757_00/sens/frame-003045.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.99359 0.0694 -0.08925 -0.07742 -0.04797 0.97362 0.22306 0.19527 0.10238 -0.21735 0.97071 -0.30186 0. 0. 0. 1. +scans_test/scene0757_00/sens/frame-003630.color.jpg scans_test/scene0757_00/sens/frame-003930.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.88458 -0.21532 0.41371 -1.11838 0.20577 0.97623 0.06812 0.16186 -0.41855 0.02487 0.90785 -0.20111 0. 0. 0. 1. +scans_test/scene0757_00/sens/frame-004035.color.jpg scans_test/scene0757_00/sens/frame-005475.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.96142 0.10722 -0.25333 0.50556 -0.11747 0.99274 -0.02564 -0.11554 0.24875 0.05441 0.96704 0.1557 0. 0. 0. 1. +scans_test/scene0757_00/sens/frame-004665.color.jpg scans_test/scene0757_00/sens/frame-004800.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.88065 0.02674 -0.47302 0.54338 -0.01765 0.99956 0.02366 0.09754 0.47344 -0.01249 0.88074 -0.19537 0. 0. 0. 1. +scans_test/scene0757_00/sens/frame-004770.color.jpg scans_test/scene0757_00/sens/frame-005175.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.84536 -0.03735 0.53289 -1.07222 0.06503 0.99733 -0.03328 -0.08529 -0.53022 0.06279 0.84553 1.13735 0. 0. 0. 1. +scans_test/scene0757_00/sens/frame-004815.color.jpg scans_test/scene0757_00/sens/frame-004845.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.9996 0.01926 -0.02071 0.03611 -0.01438 0.97668 0.21421 0.09852 0.02435 -0.21382 0.97657 0.19724 0. 0. 0. 1. +scans_test/scene0758_00/sens/frame-000045.color.jpg scans_test/scene0758_00/sens/frame-001500.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.99763 0.04769 -0.04954 -0.15232 -0.03391 0.96795 0.24884 -0.22488 0.05982 -0.24657 0.96728 -0.32095 0. 0. 0. 1. +scans_test/scene0758_00/sens/frame-000120.color.jpg scans_test/scene0758_00/sens/frame-000180.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.80426 -0.18355 0.56523 -0.44918 0.16595 0.98264 0.08297 0.03872 -0.57064 0.02707 0.82075 -0.07262 0. 0. 0. 1. +scans_test/scene0758_00/sens/frame-000150.color.jpg scans_test/scene0758_00/sens/frame-001110.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.58579 -0.1702 0.79239 -2.46036 0.13809 0.98437 0.10935 -0.00727 -0.79861 0.04537 0.60014 -0.08914 0. 0. 0. 1. +scans_test/scene0758_00/sens/frame-000165.color.jpg scans_test/scene0758_00/sens/frame-000510.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.6495 0.22728 -0.7256 1.0867 -0.29881 0.9538 0.03129 -0.03638 0.69919 0.19649 0.68741 -0.00462 0. 0. 0. 1. +scans_test/scene0758_00/sens/frame-000345.color.jpg scans_test/scene0758_00/sens/frame-001755.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.97631 -0.04331 0.212 -0.48463 0.08135 0.98135 -0.17415 -0.8412 -0.2005 0.18727 0.96163 1.22018 0. 0. 0. 1. +scans_test/scene0758_00/sens/frame-000360.color.jpg scans_test/scene0758_00/sens/frame-000930.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.44694 -0.20486 0.87079 -1.51316 0.14323 0.97725 0.15639 -0.33718 -0.88302 0.05482 0.46611 1.683 0. 0. 0. 1. +scans_test/scene0758_00/sens/frame-000405.color.jpg scans_test/scene0758_00/sens/frame-001215.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.77098 -0.11924 0.6256 -1.65299 0.29305 0.93856 -0.18226 0.32025 -0.56544 0.32386 0.75855 -1.00767 0. 0. 0. 1. +scans_test/scene0758_00/sens/frame-000450.color.jpg scans_test/scene0758_00/sens/frame-001110.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.50543 -0.15002 0.84973 -2.14508 0.15295 0.98475 0.08288 -0.07776 -0.8492 0.08808 0.52067 0.10857 0. 0. 0. 1. +scans_test/scene0758_00/sens/frame-000555.color.jpg scans_test/scene0758_00/sens/frame-000600.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.86784 0.25572 -0.42598 0.58544 -0.28357 0.95895 -0.00204 -0.11382 0.40798 0.12256 0.90473 -0.15105 0. 0. 0. 1. +scans_test/scene0758_00/sens/frame-000840.color.jpg scans_test/scene0758_00/sens/frame-000870.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.94511 0.19629 -0.26123 -0.08884 -0.16269 0.976 0.14478 0.10738 0.28337 -0.09433 0.95436 -0.06632 0. 0. 0. 1. +scans_test/scene0758_00/sens/frame-000960.color.jpg scans_test/scene0758_00/sens/frame-001005.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.94312 0.08196 -0.32219 0.30768 -0.08777 0.99614 -0.00349 -0.04606 0.32066 0.03157 0.94667 0.18499 0. 0. 0. 1. +scans_test/scene0758_00/sens/frame-001080.color.jpg scans_test/scene0758_00/sens/frame-001170.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.97257 0.04877 -0.22743 0.56968 -0.12843 0.92779 -0.35029 0.16991 0.19393 0.36989 0.90861 -0.67387 0. 0. 0. 1. +scans_test/scene0758_00/sens/frame-001155.color.jpg scans_test/scene0758_00/sens/frame-001185.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.98108 -0.09333 0.16962 0.2264 0.09754 0.99509 -0.01661 0.23081 -0.16724 0.03284 0.98537 -0.41619 0. 0. 0. 1. +scans_test/scene0758_00/sens/frame-001185.color.jpg scans_test/scene0758_00/sens/frame-001230.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.98976 -0.03722 0.13784 0.18734 0.04283 0.99836 -0.03796 0.251 -0.1362 0.04348 0.98973 -0.45301 0. 0. 0. 1. +scans_test/scene0758_00/sens/frame-001200.color.jpg scans_test/scene0758_00/sens/frame-001710.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.99205 0.10823 -0.06413 0.37495 -0.07748 0.92724 0.36635 -0.25037 0.09912 -0.35847 0.92826 2.50508 0. 0. 0. 1. +scans_test/scene0759_00/sens/frame-000015.color.jpg scans_test/scene0759_00/sens/frame-001500.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.96005 -0.15921 0.23011 -0.39473 0.14699 0.9867 0.06942 -0.19473 -0.2381 -0.03282 0.97069 0.10693 0. 0. 0. 1. +scans_test/scene0759_00/sens/frame-000045.color.jpg scans_test/scene0759_00/sens/frame-000075.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.97862 0.09308 -0.1834 -0.10821 -0.07446 0.99158 0.10593 0.07272 0.19172 -0.09001 0.97731 -0.05549 0. 0. 0. 1. +scans_test/scene0759_00/sens/frame-000120.color.jpg scans_test/scene0759_00/sens/frame-001695.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.97551 0.06004 -0.21161 -0.20319 -0.07534 0.99504 -0.06502 0.07529 0.20665 0.07937 0.97519 -0.18631 0. 0. 0. 1. +scans_test/scene0759_00/sens/frame-000210.color.jpg scans_test/scene0759_00/sens/frame-000270.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.90007 -0.13695 0.41367 -0.1289 0.14212 0.98968 0.01842 0.10199 -0.41192 0.04221 0.91024 -0.28793 0. 0. 0. 1. +scans_test/scene0759_00/sens/frame-000300.color.jpg scans_test/scene0759_00/sens/frame-000990.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.40758 0.35384 -0.84183 1.95905 -0.446 0.88158 0.15461 -0.94673 0.79685 0.31244 0.51713 1.61467 0. 0. 0. 1. +scans_test/scene0759_00/sens/frame-000435.color.jpg scans_test/scene0759_00/sens/frame-001425.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.99903 -0.0171 0.04062 0.7161 0.02642 0.97005 -0.24148 0.74913 -0.03527 0.24232 0.96956 -1.05523 0. 0. 0. 1. +scans_test/scene0759_00/sens/frame-000450.color.jpg scans_test/scene0759_00/sens/frame-001440.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.90881 0.11534 -0.40094 1.20848 -0.16168 0.9833 -0.0836 0.58883 0.3846 0.1408 0.91228 -0.88445 0. 0. 0. 1. +scans_test/scene0759_00/sens/frame-000465.color.jpg scans_test/scene0759_00/sens/frame-001455.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.79144 0.23667 -0.56357 1.42923 -0.24563 0.96742 0.06132 0.47768 0.55972 0.08989 0.82379 -0.74057 0. 0. 0. 1. +scans_test/scene0759_00/sens/frame-000570.color.jpg scans_test/scene0759_00/sens/frame-000765.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.86238 -0.21011 0.4606 -1.55306 0.25468 0.96636 -0.03601 0.43794 -0.43754 0.14836 0.88687 -0.65427 0. 0. 0. 1. +scans_test/scene0759_00/sens/frame-000645.color.jpg scans_test/scene0759_00/sens/frame-000705.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.86714 -0.18376 0.46294 -0.66376 0.12809 0.98047 0.14925 0.02719 -0.48132 -0.07012 0.87374 0.00271 0. 0. 0. 1. +scans_test/scene0759_00/sens/frame-000870.color.jpg scans_test/scene0759_00/sens/frame-000885.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.95968 -0.15379 0.23531 -0.05298 0.14824 0.98809 0.04122 0.04037 -0.23885 -0.00468 0.97105 -0.01241 0. 0. 0. 1. +scans_test/scene0759_00/sens/frame-000930.color.jpg scans_test/scene0759_00/sens/frame-000945.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.97672 -0.06164 0.20546 0.07431 0.07132 0.99665 -0.04002 -0.01002 -0.2023 0.05374 0.97785 -0.04501 0. 0. 0. 1. +scans_test/scene0759_00/sens/frame-000990.color.jpg scans_test/scene0759_00/sens/frame-001005.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.99766 -0.03017 0.06132 -0.0138 0.03769 0.99139 -0.12539 -0.10207 -0.05701 0.12741 0.99021 0.02898 0. 0. 0. 1. +scans_test/scene0759_00/sens/frame-001155.color.jpg scans_test/scene0759_00/sens/frame-001770.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.75449 -0.05815 0.65373 -2.40558 0.17122 0.97901 -0.11053 -0.46961 -0.63358 0.19532 0.74861 0.90611 0. 0. 0. 1. +scans_test/scene0759_00/sens/frame-001515.color.jpg scans_test/scene0759_00/sens/frame-001590.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.84898 0.23565 -0.47298 0.28514 -0.21196 0.97176 0.1037 0.12841 0.48406 0.01221 0.87495 -0.08766 0. 0. 0. 1. +scans_test/scene0760_00/sens/frame-000000.color.jpg scans_test/scene0760_00/sens/frame-000975.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. -0.77218 0.32899 -0.54361 1.0028 -0.1663 0.72107 0.67261 -0.94947 0.61326 0.60978 -0.50208 2.59335 0. 0. 0. 1. +scans_test/scene0760_00/sens/frame-000030.color.jpg scans_test/scene0760_00/sens/frame-001470.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.99162 -0.06766 0.11003 -0.13284 0.05326 0.99023 0.1289 0.12265 -0.11767 -0.12196 0.98554 -0.24887 0. 0. 0. 1. +scans_test/scene0760_00/sens/frame-000255.color.jpg scans_test/scene0760_00/sens/frame-000555.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.87197 0.28102 -0.40086 1.14726 -0.31388 0.94931 -0.01726 0.28035 0.37569 0.14087 0.91598 -0.52633 0. 0. 0. 1. +scans_test/scene0760_00/sens/frame-000270.color.jpg scans_test/scene0760_00/sens/frame-001560.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.90452 0.26671 -0.33272 0.48474 -0.21323 0.95859 0.18876 0.02349 0.36929 -0.09979 0.92394 -0.09052 0. 0. 0. 1. +scans_test/scene0760_00/sens/frame-000390.color.jpg scans_test/scene0760_00/sens/frame-001110.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.8286 -0.12093 0.54662 -2.31545 0.20136 0.97542 -0.08944 -0.48008 -0.52237 0.18418 0.83259 1.30876 0. 0. 0. 1. +scans_test/scene0760_00/sens/frame-000405.color.jpg scans_test/scene0760_00/sens/frame-001080.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.76108 -0.04195 0.6473 -2.12844 -0.04549 0.992 0.11777 0.194 -0.64706 -0.11908 0.75308 1.59162 0. 0. 0. 1. +scans_test/scene0760_00/sens/frame-000435.color.jpg scans_test/scene0760_00/sens/frame-001095.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.64036 -0.02566 0.76764 -2.12555 0.05387 0.99848 -0.01157 -0.11721 -0.76618 0.04876 0.64077 1.47402 0. 0. 0. 1. +scans_test/scene0760_00/sens/frame-000435.color.jpg scans_test/scene0760_00/sens/frame-001110.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.67043 -0.02398 0.74158 -2.20545 0.21067 0.9645 -0.15927 -0.5125 -0.71143 0.26301 0.65168 1.28272 0. 0. 0. 1. +scans_test/scene0760_00/sens/frame-000540.color.jpg scans_test/scene0760_00/sens/frame-001200.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. -0.69722 -0.43101 0.57282 -1.15804 0.445 0.36624 0.81721 -1.12992 -0.56202 0.82468 -0.06355 1.62259 0. 0. 0. 1. +scans_test/scene0760_00/sens/frame-000570.color.jpg scans_test/scene0760_00/sens/frame-000585.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.98279 0.13359 -0.12758 0.15025 -0.12958 0.99079 0.03921 0.1371 0.13164 -0.022 0.99105 -0.14901 0. 0. 0. 1. +scans_test/scene0760_00/sens/frame-000690.color.jpg scans_test/scene0760_00/sens/frame-000720.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.9836 0.00514 -0.18031 0.13709 0.02855 0.98255 0.18378 0.05976 0.17811 -0.18592 0.96629 -0.05729 0. 0. 0. 1. +scans_test/scene0760_00/sens/frame-000690.color.jpg scans_test/scene0760_00/sens/frame-000735.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.96762 0.06012 -0.24514 0.2007 0.00146 0.96987 0.24363 0.06662 0.2524 -0.2361 0.93838 -0.16604 0. 0. 0. 1. +scans_test/scene0760_00/sens/frame-000795.color.jpg scans_test/scene0760_00/sens/frame-000885.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.73363 0.24709 -0.63304 0.69143 -0.22643 0.9672 0.1151 -0.01017 0.64072 0.0589 0.76551 -0.3113 0. 0. 0. 1. +scans_test/scene0760_00/sens/frame-000840.color.jpg scans_test/scene0760_00/sens/frame-000885.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.97298 0.09754 -0.20929 0.5519 -0.07872 0.99222 0.09646 -0.03748 0.21707 -0.07738 0.97309 -0.03987 0. 0. 0. 1. +scans_test/scene0760_00/sens/frame-000915.color.jpg scans_test/scene0760_00/sens/frame-001500.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. -0.74742 -0.22959 0.62342 -0.8989 0.3703 0.63512 0.67786 -1.15564 -0.55157 0.7375 -0.38969 2.66554 0. 0. 0. 1. +scans_test/scene0761_00/sens/frame-000645.color.jpg scans_test/scene0761_00/sens/frame-002370.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.96042 0.22341 -0.16637 0.10285 -0.16699 0.93983 0.29803 0.12969 0.22295 -0.25846 0.93994 0.00415 0. 0. 0. 1. +scans_test/scene0761_00/sens/frame-001860.color.jpg scans_test/scene0761_00/sens/frame-002040.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.96227 -0.09168 0.25617 -1.33909 0.11439 0.99059 -0.07516 -0.11927 -0.24687 0.10163 0.96371 0.12259 0. 0. 0. 1. +scans_test/scene0761_00/sens/frame-002175.color.jpg scans_test/scene0761_00/sens/frame-002820.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.92748 -0.00232 0.37386 -2.0472 0.16742 0.89669 -0.40978 0.5469 -0.33429 0.44266 0.83205 -1.86069 0. 0. 0. 1. +scans_test/scene0761_00/sens/frame-002280.color.jpg scans_test/scene0761_00/sens/frame-002310.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.9423 0.15101 -0.29876 0.05324 -0.13346 0.98795 0.07842 -0.14671 0.307 -0.03403 0.9511 0.32786 0. 0. 0. 1. +scans_test/scene0761_00/sens/frame-002385.color.jpg scans_test/scene0761_00/sens/frame-002880.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.96695 -0.12122 0.22431 -0.37411 0.15705 0.97622 -0.14945 1.21338 -0.20086 0.17974 0.96299 -2.21303 0. 0. 0. 1. +scans_test/scene0761_00/sens/frame-002385.color.jpg scans_test/scene0761_00/sens/frame-002955.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.95873 -0.16334 0.2327 -0.82318 0.19631 0.97238 -0.12626 1.37118 -0.20565 0.16673 0.96432 -2.69427 0. 0. 0. 1. +scans_test/scene0761_00/sens/frame-002715.color.jpg scans_test/scene0761_00/sens/frame-005100.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.25903 -0.43934 0.86017 -1.26625 0.55211 0.79807 0.24136 -0.23756 -0.79251 0.41239 0.44928 0.20725 0. 0. 0. 1. +scans_test/scene0761_00/sens/frame-002970.color.jpg scans_test/scene0761_00/sens/frame-003000.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.92629 0.1247 -0.35557 0.04467 -0.15049 0.98756 -0.04568 0.01689 0.34545 0.09582 0.93353 -0.06134 0. 0. 0. 1. +scans_test/scene0761_00/sens/frame-003540.color.jpg scans_test/scene0761_00/sens/frame-003960.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. -0.63798 -0.48677 0.59668 -1.43267 0.42612 0.42224 0.80008 -1.78375 -0.6414 0.7647 -0.06196 2.38115 0. 0. 0. 1. +scans_test/scene0761_00/sens/frame-003795.color.jpg scans_test/scene0761_00/sens/frame-003825.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.9966 0.04127 -0.07127 -0.30102 -0.05401 0.98082 -0.18729 -0.01337 0.06217 0.1905 0.97972 -0.18908 0. 0. 0. 1. +scans_test/scene0761_00/sens/frame-003825.color.jpg scans_test/scene0761_00/sens/frame-005145.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.779 0.39244 -0.48903 -0.01093 -0.37066 0.91727 0.14566 -0.80623 0.50574 0.0678 0.86002 1.35692 0. 0. 0. 1. +scans_test/scene0761_00/sens/frame-004125.color.jpg scans_test/scene0761_00/sens/frame-004200.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.90764 -0.23651 0.34676 -0.31844 0.24384 0.96954 0.02303 0.2966 -0.34165 0.06365 0.93767 -0.58973 0. 0. 0. 1. +scans_test/scene0761_00/sens/frame-004185.color.jpg scans_test/scene0761_00/sens/frame-004350.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.88474 -0.2276 0.40673 -0.10435 0.14056 0.96232 0.23275 0.06782 -0.44439 -0.14876 0.8834 -0.0011 0. 0. 0. 1. +scans_test/scene0761_00/sens/frame-004230.color.jpg scans_test/scene0761_00/sens/frame-004380.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.95168 0.03289 -0.30533 0.04777 -0.1206 0.9544 -0.27308 -0.00305 0.28243 0.29671 0.91225 -0.09631 0. 0. 0. 1. +scans_test/scene0761_00/sens/frame-004995.color.jpg scans_test/scene0761_00/sens/frame-005100.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.98544 0.05996 -0.15913 -0.12207 -0.07999 0.98923 -0.12259 0.63263 0.15006 0.13354 0.97962 -1.11308 0. 0. 0. 1. +scans_test/scene0762_00/sens/frame-000000.color.jpg scans_test/scene0762_00/sens/frame-001590.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.98592 0.00547 -0.16715 0.01711 -0.01135 0.99935 -0.03424 -0.15651 0.16685 0.03565 0.98534 0.19102 0. 0. 0. 1. +scans_test/scene0762_00/sens/frame-000015.color.jpg scans_test/scene0762_00/sens/frame-001500.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.9416 -0.0934 0.32352 0.17729 0.04806 0.9882 0.14541 -0.14334 -0.33329 -0.12137 0.93498 0.97544 0. 0. 0. 1. +scans_test/scene0762_00/sens/frame-000030.color.jpg scans_test/scene0762_00/sens/frame-001470.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.86782 -0.25485 0.42654 0.22131 0.2713 0.96222 0.02292 -0.51112 -0.41627 0.09583 0.90418 0.84082 0. 0. 0. 1. +scans_test/scene0762_00/sens/frame-000060.color.jpg scans_test/scene0762_00/sens/frame-001590.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99479 -0.09955 0.02206 -0.15036 0.0919 0.9691 0.2289 0.08409 -0.04417 -0.22568 0.9732 0.07103 0. 0. 0. 1. +scans_test/scene0762_00/sens/frame-000165.color.jpg scans_test/scene0762_00/sens/frame-000660.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.46922 0.22543 -0.85383 1.43717 -0.29855 0.95043 0.08687 -0.04544 0.83109 0.21415 0.51326 -0.06755 0. 0. 0. 1. +scans_test/scene0762_00/sens/frame-000180.color.jpg scans_test/scene0762_00/sens/frame-000225.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99505 0.0108 0.09877 0.09007 -0.02875 0.98284 0.18221 0.13938 -0.09511 -0.18415 0.97829 0.46052 0. 0. 0. 1. +scans_test/scene0762_00/sens/frame-000195.color.jpg scans_test/scene0762_00/sens/frame-000375.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.93687 -0.02216 -0.34897 0.10584 -0.00085 0.99784 -0.06565 -0.01752 0.34968 0.0618 0.93483 -0.35951 0. 0. 0. 1. +scans_test/scene0762_00/sens/frame-000375.color.jpg scans_test/scene0762_00/sens/frame-000585.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.56721 0.25867 -0.78189 0.77326 -0.28363 0.95267 0.10941 -0.03688 0.77319 0.15971 0.61373 0.09889 0. 0. 0. 1. +scans_test/scene0762_00/sens/frame-000435.color.jpg scans_test/scene0762_00/sens/frame-000480.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.80015 0.26116 -0.53996 0.27364 -0.28547 0.95755 0.04009 0.00774 0.52751 0.12206 0.84073 0.10661 0. 0. 0. 1. +scans_test/scene0762_00/sens/frame-000450.color.jpg scans_test/scene0762_00/sens/frame-000645.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.77139 0.31036 -0.55555 0.54657 -0.30893 0.94587 0.09946 -0.06359 0.55635 0.09491 0.82551 0.14398 0. 0. 0. 1. +scans_test/scene0762_00/sens/frame-000495.color.jpg scans_test/scene0762_00/sens/frame-000585.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.94699 0.19446 -0.25572 -0.14724 -0.14926 0.97119 0.18578 0.0918 0.28448 -0.13776 0.94873 -0.05334 0. 0. 0. 1. +scans_test/scene0762_00/sens/frame-001125.color.jpg scans_test/scene0762_00/sens/frame-001215.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.50679 0.18197 -0.84264 1.16489 -0.58262 0.79274 -0.17921 0.02329 0.63539 0.58176 0.50777 -0.16669 0. 0. 0. 1. +scans_test/scene0762_00/sens/frame-001215.color.jpg scans_test/scene0762_00/sens/frame-001275.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.88935 0.32915 -0.31736 -0.11174 -0.29076 0.94281 0.16301 -0.05339 0.35287 -0.0527 0.93419 0.21601 0. 0. 0. 1. +scans_test/scene0762_00/sens/frame-001350.color.jpg scans_test/scene0762_00/sens/frame-001395.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.98446 -0.06378 0.16364 0.04161 0.02376 0.97153 0.23572 0.07324 -0.17402 -0.22817 0.95794 0.08536 0. 0. 0. 1. +scans_test/scene0762_00/sens/frame-001515.color.jpg scans_test/scene0762_00/sens/frame-001560.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.95671 0.01459 -0.29067 0.25378 -0.05474 0.98993 -0.13051 0.06682 0.28584 0.14077 0.94788 -0.37365 0. 0. 0. 1. +scans_test/scene0763_00/sens/frame-000075.color.jpg scans_test/scene0763_00/sens/frame-000450.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.96416 0.13342 -0.22932 0.21924 -0.17273 0.97174 -0.1609 0.29968 0.20137 0.19474 0.95996 -0.72741 0. 0. 0. 1. +scans_test/scene0763_00/sens/frame-000090.color.jpg scans_test/scene0763_00/sens/frame-000450.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.95601 0.07754 -0.2829 0.23322 -0.16139 0.94437 -0.28655 0.19635 0.24494 0.31961 0.91534 -0.65581 0. 0. 0. 1. +scans_test/scene0763_00/sens/frame-000105.color.jpg scans_test/scene0763_00/sens/frame-000255.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.96811 -0.01434 0.25013 -0.17046 -0.01508 0.99322 0.11529 0.10572 -0.25008 -0.11539 0.96132 -0.46168 0. 0. 0. 1. +scans_test/scene0763_00/sens/frame-000135.color.jpg scans_test/scene0763_00/sens/frame-000525.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.75377 -0.16398 -0.63635 0.3699 0.14118 0.98616 -0.08689 -0.00118 0.64179 -0.02435 0.76649 -0.36094 0. 0. 0. 1. +scans_test/scene0763_00/sens/frame-000225.color.jpg scans_test/scene0763_00/sens/frame-000300.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.98224 -0.04791 0.18142 -0.26326 0.03262 0.99573 0.08635 0.10165 -0.18479 -0.0789 0.97961 -0.43824 0. 0. 0. 1. +scans_test/scene0763_00/sens/frame-000360.color.jpg scans_test/scene0763_00/sens/frame-000390.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99381 0.05237 -0.09801 0.02637 -0.07061 0.97866 -0.19297 -0.15635 0.08581 0.19869 0.9763 -0.03148 0. 0. 0. 1. +scans_test/scene0763_00/sens/frame-000405.color.jpg scans_test/scene0763_00/sens/frame-000450.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.96087 0.16744 -0.22068 0.05091 -0.10042 0.953 0.28584 0.06398 0.25817 -0.25249 0.93252 0.14672 0. 0. 0. 1. +scans_test/scene0763_00/sens/frame-000480.color.jpg scans_test/scene0763_00/sens/frame-000495.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99674 -0.00185 -0.08067 0.03777 0.01048 0.99424 0.10662 0.07425 0.08001 -0.10712 0.99102 0.01515 0. 0. 0. 1. +scans_test/scene0763_00/sens/frame-000525.color.jpg scans_test/scene0763_00/sens/frame-000555.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.96989 -0.03811 -0.24053 -0.12741 0.05353 0.99689 0.05789 0.05938 0.23757 -0.06902 0.96892 0.1684 0. 0. 0. 1. +scans_test/scene0763_00/sens/frame-000585.color.jpg scans_test/scene0763_00/sens/frame-000930.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.77227 0.03145 -0.63451 0.40822 0.013 0.99778 0.06527 -0.00764 0.63515 -0.05866 0.77015 -0.22259 0. 0. 0. 1. +scans_test/scene0763_00/sens/frame-000585.color.jpg scans_test/scene0763_00/sens/frame-000945.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.73918 0.0465 -0.6719 0.39273 -0.06707 0.99774 -0.00474 -0.04609 0.67016 0.04856 0.74062 -0.21234 0. 0. 0. 1. +scans_test/scene0763_00/sens/frame-000630.color.jpg scans_test/scene0763_00/sens/frame-001035.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.9668 -0.08879 0.23963 -0.0537 0.09142 0.99581 0.00014 -0.03154 -0.23864 0.02177 0.97086 -0.03481 0. 0. 0. 1. +scans_test/scene0763_00/sens/frame-000660.color.jpg scans_test/scene0763_00/sens/frame-001080.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.81424 -0.38564 0.43394 -0.06673 0.26714 0.91253 0.30971 0.00972 -0.51542 -0.13626 0.84604 0.25503 0. 0. 0. 1. +scans_test/scene0763_00/sens/frame-000765.color.jpg scans_test/scene0763_00/sens/frame-001035.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.96317 -0.14 0.22957 -0.21581 0.14714 0.98901 -0.01419 -0.18203 -0.22506 0.04744 0.97319 0.30874 0. 0. 0. 1. +scans_test/scene0763_00/sens/frame-001035.color.jpg scans_test/scene0763_00/sens/frame-001080.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.83844 -0.28564 0.46414 -0.02376 0.28122 0.95626 0.08048 -0.15457 -0.46683 0.06305 0.8821 0.25783 0. 0. 0. 1. +scans_test/scene0764_00/sens/frame-000105.color.jpg scans_test/scene0764_00/sens/frame-000390.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99258 -0.02746 -0.11842 -0.19692 0.01507 0.99443 -0.10428 -0.02626 0.12063 0.10173 0.98747 -0.37363 0. 0. 0. 1. +scans_test/scene0764_00/sens/frame-000240.color.jpg scans_test/scene0764_00/sens/frame-001080.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.92628 0.22173 -0.3047 -0.02279 -0.35818 0.7693 -0.52904 1.48053 0.11711 0.59918 0.79201 -0.73789 0. 0. 0. 1. +scans_test/scene0764_00/sens/frame-000255.color.jpg scans_test/scene0764_00/sens/frame-000750.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.86646 0.29843 -0.40023 0.44029 -0.34718 0.93627 -0.05349 0.16114 0.35876 0.1853 0.91486 -1.399 0. 0. 0. 1. +scans_test/scene0764_00/sens/frame-000270.color.jpg scans_test/scene0764_00/sens/frame-000705.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.91242 0.31737 -0.25841 0.19883 -0.36012 0.92257 -0.1385 0.71128 0.19444 0.21942 0.95606 -1.12277 0. 0. 0. 1. +scans_test/scene0764_00/sens/frame-000360.color.jpg scans_test/scene0764_00/sens/frame-000645.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.93965 -0.00703 -0.34208 0.18041 -0.12723 0.92092 -0.3684 0.20854 0.31762 0.38968 0.86445 -0.65475 0. 0. 0. 1. +scans_test/scene0764_00/sens/frame-000465.color.jpg scans_test/scene0764_00/sens/frame-000555.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.93684 -0.17287 -0.30404 0.04023 0.13842 0.98159 -0.1316 -0.07207 0.3212 0.0812 0.94352 -0.10759 0. 0. 0. 1. +scans_test/scene0764_00/sens/frame-000510.color.jpg scans_test/scene0764_00/sens/frame-000555.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.98093 -0.08797 -0.17331 -0.00467 0.04343 0.96837 -0.24571 -0.12725 0.18944 0.2335 0.95372 -0.06484 0. 0. 0. 1. +scans_test/scene0764_00/sens/frame-000555.color.jpg scans_test/scene0764_00/sens/frame-002250.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99804 0.03 0.05498 -0.10397 -0.02155 0.9887 -0.14832 -0.11291 -0.05881 0.14685 0.98741 0.36805 0. 0. 0. 1. +scans_test/scene0764_00/sens/frame-000675.color.jpg scans_test/scene0764_00/sens/frame-001005.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.98987 0.13859 -0.03094 -0.31728 -0.13605 0.86313 -0.48631 0.62612 -0.0407 0.4856 0.87324 -0.23756 0. 0. 0. 1. +scans_test/scene0764_00/sens/frame-000885.color.jpg scans_test/scene0764_00/sens/frame-002370.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.9938 -0.04821 0.10017 0.27401 0.0279 0.9804 0.19504 -0.22191 -0.10761 -0.19104 0.97567 0.83672 0. 0. 0. 1. +scans_test/scene0764_00/sens/frame-000900.color.jpg scans_test/scene0764_00/sens/frame-002340.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99918 0.02698 0.03033 0.38093 -0.02856 0.9982 0.05277 -0.04343 -0.02885 -0.05359 0.99815 0.83045 0. 0. 0. 1. +scans_test/scene0764_00/sens/frame-001335.color.jpg scans_test/scene0764_00/sens/frame-001485.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.94891 -0.29177 0.12014 0.0352 0.23289 0.90451 0.35724 0.07969 -0.2129 -0.31101 0.92625 0.18363 0. 0. 0. 1. +scans_test/scene0764_00/sens/frame-001635.color.jpg scans_test/scene0764_00/sens/frame-001890.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.98826 0.08023 -0.13003 0.14126 -0.04963 0.97346 0.22343 0.03263 0.14451 -0.21435 0.96601 0.10006 0. 0. 0. 1. +scans_test/scene0764_00/sens/frame-001695.color.jpg scans_test/scene0764_00/sens/frame-001830.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99659 0.02383 0.07906 -0.00504 -0.00032 0.95854 -0.28496 -0.06035 -0.08257 0.28396 0.95527 0.02568 0. 0. 0. 1. +scans_test/scene0764_00/sens/frame-001905.color.jpg scans_test/scene0764_00/sens/frame-001980.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99868 -0.00028 -0.05147 -0.04144 0.00745 0.99023 0.13922 0.02119 0.05092 -0.13942 0.98892 0.04885 0. 0. 0. 1. +scans_test/scene0765_00/sens/frame-000045.color.jpg scans_test/scene0765_00/sens/frame-000135.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.97149 -0.15722 0.17746 -0.09743 0.17773 0.97834 -0.10616 0.31174 -0.15693 0.13467 0.97838 -0.41065 0. 0. 0. 1. +scans_test/scene0765_00/sens/frame-000045.color.jpg scans_test/scene0765_00/sens/frame-001905.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99994 0.00206 -0.01097 0.19641 -0.00455 0.97263 -0.23233 0.99767 0.01019 0.23237 0.97257 -0.89547 0. 0. 0. 1. +scans_test/scene0765_00/sens/frame-000165.color.jpg scans_test/scene0765_00/sens/frame-001185.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.80393 0.39293 -0.44644 0.4137 -0.5038 0.84885 -0.16012 0.85347 0.31604 0.35364 0.88037 -0.46892 0. 0. 0. 1. +scans_test/scene0765_00/sens/frame-000180.color.jpg scans_test/scene0765_00/sens/frame-000705.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.76704 -0.37681 0.51929 -1.01385 0.23697 0.91852 0.31649 0.02978 -0.59624 -0.1197 0.79383 0.23233 0. 0. 0. 1. +scans_test/scene0765_00/sens/frame-000360.color.jpg scans_test/scene0765_00/sens/frame-000780.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.85875 -0.04152 0.5107 -0.8378 -0.00382 0.99617 0.08741 0.08884 -0.51238 -0.07702 0.8553 0.38126 0. 0. 0. 1. +scans_test/scene0765_00/sens/frame-000690.color.jpg scans_test/scene0765_00/sens/frame-000870.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.98105 0.12649 -0.14678 0.01014 -0.12579 0.99196 0.01406 0.14926 0.14738 0.00467 0.98907 -0.1353 0. 0. 0. 1. +scans_test/scene0765_00/sens/frame-000870.color.jpg scans_test/scene0765_00/sens/frame-000885.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99744 -0.02207 -0.06802 0.02847 0.00887 0.98202 -0.18859 0.01352 0.07096 0.18751 0.9797 -0.12837 0. 0. 0. 1. +scans_test/scene0765_00/sens/frame-000915.color.jpg scans_test/scene0765_00/sens/frame-001860.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.67032 0.51175 -0.53739 0.12761 -0.56235 0.82281 0.0821 0.07047 0.48418 0.24717 0.83933 -0.06331 0. 0. 0. 1. +scans_test/scene0765_00/sens/frame-001035.color.jpg scans_test/scene0765_00/sens/frame-001215.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.97155 0.20034 -0.12629 -0.20807 -0.20571 0.97812 -0.03088 -0.14741 0.11734 0.05598 0.99151 0.20618 0. 0. 0. 1. +scans_test/scene0765_00/sens/frame-001125.color.jpg scans_test/scene0765_00/sens/frame-001890.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99955 -0.01313 0.02705 -0.38237 0.00237 0.93124 0.3644 -0.52988 -0.02998 -0.36417 0.93085 0.5428 0. 0. 0. 1. +scans_test/scene0765_00/sens/frame-001155.color.jpg scans_test/scene0765_00/sens/frame-001920.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.96975 -0.23304 0.07271 -0.34089 0.19581 0.92042 0.33836 -0.53286 -0.14577 -0.31388 0.9382 0.59415 0. 0. 0. 1. +scans_test/scene0765_00/sens/frame-001215.color.jpg scans_test/scene0765_00/sens/frame-001935.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.89491 -0.34221 0.28639 -0.33828 0.27273 0.92742 0.25595 -0.43439 -0.3532 -0.15094 0.92329 0.52003 0. 0. 0. 1. +scans_test/scene0765_00/sens/frame-001500.color.jpg scans_test/scene0765_00/sens/frame-001770.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.8786 0.20944 -0.42917 0.29768 -0.10635 0.96194 0.2517 -0.01748 0.46556 -0.17551 0.86744 -0.01868 0. 0. 0. 1. +scans_test/scene0765_00/sens/frame-001785.color.jpg scans_test/scene0765_00/sens/frame-001800.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.98058 -0.07678 0.18046 -0.12908 0.09433 0.9914 -0.09073 -0.07785 -0.17194 0.10599 0.97939 0.06025 0. 0. 0. 1. +scans_test/scene0765_00/sens/frame-001875.color.jpg scans_test/scene0765_00/sens/frame-001935.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99517 -0.05134 0.08369 -0.02565 0.03794 0.98726 0.15449 -0.32414 -0.09055 -0.15056 0.98444 0.45079 0. 0. 0. 1. +scans_test/scene0766_00/sens/frame-000150.color.jpg scans_test/scene0766_00/sens/frame-001020.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.87247 -0.0761 0.48271 -1.17344 0.15041 0.98167 -0.11708 0.51487 -0.46495 0.17475 0.86792 -1.65745 0. 0. 0. 1. +scans_test/scene0766_00/sens/frame-000210.color.jpg scans_test/scene0766_00/sens/frame-000960.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.67454 -0.19354 0.71242 -1.72333 0.14822 0.98088 0.12613 0.10644 -0.72321 0.02052 0.69032 -0.30324 0. 0. 0. 1. +scans_test/scene0766_00/sens/frame-000240.color.jpg scans_test/scene0766_00/sens/frame-001680.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.07944 -0.34117 0.93664 -3.24854 0.26717 0.91252 0.30973 -0.20824 -0.96037 0.22564 0.16364 0.58945 0. 0. 0. 1. +scans_test/scene0766_00/sens/frame-000270.color.jpg scans_test/scene0766_00/sens/frame-001395.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.93643 -0.14401 0.31994 -0.74714 0.20728 0.96281 -0.17332 0.90215 -0.28308 0.22862 0.93145 -1.50572 0. 0. 0. 1. +scans_test/scene0766_00/sens/frame-000285.color.jpg scans_test/scene0766_00/sens/frame-001380.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.90798 -0.19647 0.37009 -0.67354 0.21536 0.97648 -0.00999 0.75479 -0.35942 0.08877 0.92894 -1.40877 0. 0. 0. 1. +scans_test/scene0766_00/sens/frame-000690.color.jpg scans_test/scene0766_00/sens/frame-000765.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.98677 -0.00961 -0.16182 -0.08179 0.0206 0.99758 0.06637 0.06845 0.16079 -0.06883 0.98459 0.03901 0. 0. 0. 1. +scans_test/scene0766_00/sens/frame-000690.color.jpg scans_test/scene0766_00/sens/frame-001845.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.69223 -0.0868 0.71644 -0.77769 0.20177 0.97643 -0.07665 -0.69152 -0.6929 0.19761 0.69343 2.24275 0. 0. 0. 1. +scans_test/scene0766_00/sens/frame-001035.color.jpg scans_test/scene0766_00/sens/frame-001515.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.56048 -0.41515 0.7166 -1.75184 0.58306 0.8123 0.01457 -0.17369 -0.58814 0.40966 0.69733 -0.11523 0. 0. 0. 1. +scans_test/scene0766_00/sens/frame-001050.color.jpg scans_test/scene0766_00/sens/frame-001380.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99989 -0.01155 -0.00875 -0.36026 0.01232 0.99556 0.0933 0.34686 0.00763 -0.0934 0.9956 -0.50811 0. 0. 0. 1. +scans_test/scene0766_00/sens/frame-001425.color.jpg scans_test/scene0766_00/sens/frame-001485.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.88845 -0.28659 0.35849 -0.46089 0.29694 0.95451 0.02715 0.18746 -0.34996 0.08233 0.93314 -0.22522 0. 0. 0. 1. +scans_test/scene0766_00/sens/frame-001605.color.jpg scans_test/scene0766_00/sens/frame-001665.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99977 0.00024 -0.02135 -0.00013 0.00459 0.9742 0.22564 0.09035 0.02085 -0.22569 0.97398 0.06497 0. 0. 0. 1. +scans_test/scene0766_00/sens/frame-001905.color.jpg scans_test/scene0766_00/sens/frame-002640.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.96601 0.14584 -0.21345 -0.26212 -0.16711 0.98226 -0.08515 0.25222 0.19725 0.11792 0.97324 -0.38224 0. 0. 0. 1. +scans_test/scene0766_00/sens/frame-002040.color.jpg scans_test/scene0766_00/sens/frame-002190.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99369 0.05544 -0.09747 -0.05533 -0.07378 0.97783 -0.19597 -0.04436 0.08445 0.20193 0.97575 -0.41293 0. 0. 0. 1. +scans_test/scene0766_00/sens/frame-002700.color.jpg scans_test/scene0766_00/sens/frame-003420.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. -0.01555 0.69181 -0.72192 1.42336 -0.83081 0.39279 0.3943 -0.40114 0.55634 0.6059 0.56865 0.18049 0. 0. 0. 1. +scans_test/scene0766_00/sens/frame-003345.color.jpg scans_test/scene0766_00/sens/frame-003375.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99986 -0.00088 0.0167 0.03061 0.00395 0.98269 -0.18524 -0.0198 -0.01625 0.18528 0.98255 -0.08931 0. 0. 0. 1. +scans_test/scene0767_00/sens/frame-000030.color.jpg scans_test/scene0767_00/sens/frame-000270.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99806 -0.05736 0.02425 -0.01112 0.0604 0.98643 -0.15265 0.82688 -0.01516 0.15382 0.98798 -0.9998 0. 0. 0. 1. +scans_test/scene0767_00/sens/frame-000030.color.jpg scans_test/scene0767_00/sens/frame-001350.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.9148 0.27329 -0.29741 0.36816 -0.32075 0.93905 -0.12369 0.29576 0.24548 0.20854 0.94671 -0.88426 0. 0. 0. 1. +scans_test/scene0767_00/sens/frame-000135.color.jpg scans_test/scene0767_00/sens/frame-000600.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.17477 0.0291 -0.98418 1.98279 0.08508 0.99538 0.04454 -0.2893 0.98093 -0.09152 0.17149 -0.13655 0. 0. 0. 1. +scans_test/scene0767_00/sens/frame-000150.color.jpg scans_test/scene0767_00/sens/frame-000570.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.64716 -0.01336 -0.76224 1.75255 0.1245 0.98828 0.08837 -0.21026 0.75212 -0.15209 0.64124 -0.87791 0. 0. 0. 1. +scans_test/scene0767_00/sens/frame-000180.color.jpg scans_test/scene0767_00/sens/frame-000390.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99738 0.02133 0.06919 0.35072 0.00931 0.90993 -0.41466 1.02387 -0.0718 0.41422 0.90734 -1.26952 0. 0. 0. 1. +scans_test/scene0767_00/sens/frame-000195.color.jpg scans_test/scene0767_00/sens/frame-001275.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.92653 0.12639 -0.35436 -0.00966 -0.27571 0.86897 -0.41095 0.61458 0.25599 0.47845 0.83997 -0.68086 0. 0. 0. 1. +scans_test/scene0767_00/sens/frame-000255.color.jpg scans_test/scene0767_00/sens/frame-001920.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99115 -0.04946 0.12317 -0.04996 0.05267 0.99835 -0.02293 -0.46848 -0.12183 0.02921 0.99212 0.51654 0. 0. 0. 1. +scans_test/scene0767_00/sens/frame-000570.color.jpg scans_test/scene0767_00/sens/frame-000615.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.90995 -0.02044 -0.41422 -0.04031 -0.0183 0.99583 -0.08933 -0.04603 0.41432 0.08886 0.90578 -0.09636 0. 0. 0. 1. +scans_test/scene0767_00/sens/frame-000840.color.jpg scans_test/scene0767_00/sens/frame-000930.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.48844 0.65684 -0.57444 0.2138 -0.7761 0.62793 0.0581 -0.0664 0.39887 0.41744 0.81648 -0.07581 0. 0. 0. 1. +scans_test/scene0767_00/sens/frame-000990.color.jpg scans_test/scene0767_00/sens/frame-001695.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.85702 -0.24924 0.451 -0.60381 0.45504 0.77674 -0.43545 0.29074 -0.24178 0.57841 0.77909 -0.5533 0. 0. 0. 1. +scans_test/scene0767_00/sens/frame-001005.color.jpg scans_test/scene0767_00/sens/frame-001110.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.97285 -0.17479 0.15171 -0.20251 0.17702 0.98421 -0.00115 0.17201 -0.14912 0.02797 0.98842 -0.18853 0. 0. 0. 1. +scans_test/scene0767_00/sens/frame-001170.color.jpg scans_test/scene0767_00/sens/frame-001230.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.88052 -0.33031 0.33998 -0.19586 0.35068 0.9365 0.00163 0.11671 -0.31893 0.11779 0.94043 -0.17698 0. 0. 0. 1. +scans_test/scene0767_00/sens/frame-001170.color.jpg scans_test/scene0767_00/sens/frame-001590.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99153 -0.10148 0.08104 -0.2032 0.11324 0.98108 -0.15702 0.15575 -0.06358 0.16487 0.98427 -0.45898 0. 0. 0. 1. +scans_test/scene0767_00/sens/frame-001350.color.jpg scans_test/scene0767_00/sens/frame-001380.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.93815 0.19354 -0.28709 -0.07143 -0.12953 0.96515 0.22739 -0.30009 0.3211 -0.17614 0.93052 -0.15623 0. 0. 0. 1. +scans_test/scene0767_00/sens/frame-001605.color.jpg scans_test/scene0767_00/sens/frame-001755.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99572 -0.07609 0.05251 0.15274 0.07404 0.99646 0.03987 -0.07341 -0.05536 -0.03581 0.99782 0.07817 0. 0. 0. 1. +scans_test/scene0768_00/sens/frame-000540.color.jpg scans_test/scene0768_00/sens/frame-002745.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. -0.997 0.07633 0.01315 0.53611 0.00019 -0.16743 0.98588 -1.49562 0.07745 0.98292 0.16691 0.66061 0. 0. 0. 1. +scans_test/scene0768_00/sens/frame-001095.color.jpg scans_test/scene0768_00/sens/frame-003435.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.61456 0.61121 -0.49875 1.44296 -0.46515 0.79138 0.39667 -0.32226 0.63715 -0.01178 0.77065 0.31639 0. 0. 0. 1. +scans_test/scene0768_00/sens/frame-001230.color.jpg scans_test/scene0768_00/sens/frame-002070.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. -0.80474 0.47951 -0.34995 0.56818 -0.41822 -0.03958 0.90748 -1.1197 0.4213 0.87664 0.23239 0.9151 0. 0. 0. 1. +scans_test/scene0768_00/sens/frame-001320.color.jpg scans_test/scene0768_00/sens/frame-001545.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.77747 0.49839 -0.38359 0.2136 -0.36219 0.85344 0.37476 -0.24212 0.51415 -0.15244 0.84404 0.41282 0. 0. 0. 1. +scans_test/scene0768_00/sens/frame-001335.color.jpg scans_test/scene0768_00/sens/frame-003390.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.74101 0.48706 -0.46225 -0.10843 -0.39032 0.87258 0.2937 -0.63807 0.54639 -0.03721 0.8367 0.82709 0. 0. 0. 1. +scans_test/scene0768_00/sens/frame-001575.color.jpg scans_test/scene0768_00/sens/frame-003495.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.88136 0.37379 -0.28892 0.16433 -0.34692 0.92719 0.14126 0.03571 0.32069 -0.02426 0.94687 0.00011 0. 0. 0. 1. +scans_test/scene0768_00/sens/frame-001695.color.jpg scans_test/scene0768_00/sens/frame-001740.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.91579 -0.03569 -0.40007 -0.00744 0.05702 0.99751 0.04155 -0.00622 0.39759 -0.06086 0.91554 0.03362 0. 0. 0. 1. +scans_test/scene0768_00/sens/frame-002190.color.jpg scans_test/scene0768_00/sens/frame-002475.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.91218 -0.31726 0.25939 -0.56685 0.34023 0.93913 -0.04781 0.68601 -0.22843 0.13186 0.96459 -0.7877 0. 0. 0. 1. +scans_test/scene0768_00/sens/frame-002205.color.jpg scans_test/scene0768_00/sens/frame-002865.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.98533 0.13021 -0.11034 0.12992 -0.15829 0.93894 -0.3055 0.64771 0.06383 0.31849 0.94578 -0.76856 0. 0. 0. 1. +scans_test/scene0768_00/sens/frame-002415.color.jpg scans_test/scene0768_00/sens/frame-002820.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.9836 -0.08548 0.15884 -0.26153 0.09598 0.9936 -0.0596 0.65361 -0.15272 0.07387 0.9855 -0.72295 0. 0. 0. 1. +scans_test/scene0768_00/sens/frame-002430.color.jpg scans_test/scene0768_00/sens/frame-002775.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.73021 -0.41848 0.54007 -0.49264 0.5071 0.8617 -0.01794 0.54523 -0.45787 0.28697 0.84143 -0.46685 0. 0. 0. 1. +scans_test/scene0768_00/sens/frame-003315.color.jpg scans_test/scene0768_00/sens/frame-004020.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.25932 -0.80003 0.54102 -0.30201 0.88921 0.41639 0.18953 -0.19747 -0.37691 0.43194 0.81937 0.05266 0. 0. 0. 1. +scans_test/scene0768_00/sens/frame-003345.color.jpg scans_test/scene0768_00/sens/frame-003375.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.97549 0.17018 -0.13951 -0.04823 -0.13804 0.96695 0.21437 0.03738 0.17139 -0.18986 0.96674 0.05592 0. 0. 0. 1. +scans_test/scene0768_00/sens/frame-003345.color.jpg scans_test/scene0768_00/sens/frame-003435.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.83027 -0.47321 0.29449 0.11857 0.42518 0.87937 0.21431 0.11769 -0.36038 -0.05273 0.93132 -0.0629 0. 0. 0. 1. +scans_test/scene0768_00/sens/frame-003915.color.jpg scans_test/scene0768_00/sens/frame-003990.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.96557 0.10438 -0.23828 0.04395 -0.11599 0.99263 -0.03519 -0.05974 0.23285 0.06162 0.97056 -0.04456 0. 0. 0. 1. +scans_test/scene0769_00/sens/frame-000000.color.jpg scans_test/scene0769_00/sens/frame-001185.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.67742 0.20688 -0.70591 1.01534 -0.01703 0.96379 0.26612 0.10558 0.7354 -0.16825 0.65641 0.34655 0. 0. 0. 1. +scans_test/scene0769_00/sens/frame-000105.color.jpg scans_test/scene0769_00/sens/frame-001185.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.3118 0.08807 -0.94606 1.33336 0.01532 0.9951 0.09769 -0.04219 0.95003 -0.04495 0.30892 0.44886 0. 0. 0. 1. +scans_test/scene0769_00/sens/frame-000135.color.jpg scans_test/scene0769_00/sens/frame-000165.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99368 0.00862 0.11192 -0.00923 -0.02433 0.98989 0.13975 0.06499 -0.10959 -0.14159 0.98384 0.02585 0. 0. 0. 1. +scans_test/scene0769_00/sens/frame-000150.color.jpg scans_test/scene0769_00/sens/frame-000195.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.90306 0.10355 0.41684 0.10258 -0.08404 0.99434 -0.06495 -0.08442 -0.42121 0.02363 0.90666 -0.0189 0. 0. 0. 1. +scans_test/scene0769_00/sens/frame-000240.color.jpg scans_test/scene0769_00/sens/frame-000480.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.65736 -0.12382 0.74333 -0.7438 0.00031 0.98645 0.16405 0.03412 -0.75357 -0.10761 0.64849 0.16657 0. 0. 0. 1. +scans_test/scene0769_00/sens/frame-000255.color.jpg scans_test/scene0769_00/sens/frame-000315.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.80092 -0.17573 0.5724 -0.39749 0.17576 0.98285 0.05582 0.00224 -0.5724 0.05589 0.81807 0.02333 0. 0. 0. 1. +scans_test/scene0769_00/sens/frame-000255.color.jpg scans_test/scene0769_00/sens/frame-000330.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.73694 -0.21235 0.64174 -0.4378 0.15876 0.97719 0.14105 0.06573 -0.65705 -0.00206 0.75384 0.01182 0. 0. 0. 1. +scans_test/scene0769_00/sens/frame-000300.color.jpg scans_test/scene0769_00/sens/frame-000705.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.6141 -0.42464 0.66525 -0.36654 0.5323 0.84519 0.04812 0.00478 -0.58269 0.32456 0.74507 -0.22863 0. 0. 0. 1. +scans_test/scene0769_00/sens/frame-000390.color.jpg scans_test/scene0769_00/sens/frame-000420.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.9822 -0.06219 -0.17722 -0.04076 0.08061 0.99184 0.09872 0.01162 0.16964 -0.11125 0.97921 0.05824 0. 0. 0. 1. +scans_test/scene0769_00/sens/frame-000540.color.jpg scans_test/scene0769_00/sens/frame-000705.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.93953 -0.21667 0.26521 -0.2256 0.24767 0.96473 -0.08922 0.04859 -0.23653 0.14951 0.96005 -0.19405 0. 0. 0. 1. +scans_test/scene0769_00/sens/frame-000600.color.jpg scans_test/scene0769_00/sens/frame-000660.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99906 0.04083 -0.0149 0.01276 -0.04346 0.94257 -0.33117 -0.1221 0.00052 0.3315 0.94346 -0.1068 0. 0. 0. 1. +scans_test/scene0769_00/sens/frame-000645.color.jpg scans_test/scene0769_00/sens/frame-000660.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99974 0.00803 -0.02152 0.0244 -0.01139 0.98696 -0.16059 -0.03861 0.01995 0.16079 0.98679 -0.06526 0. 0. 0. 1. +scans_test/scene0769_00/sens/frame-000645.color.jpg scans_test/scene0769_00/sens/frame-000705.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99936 -0.0145 -0.03264 0.04014 0.00489 0.96087 -0.27697 0.0265 0.03538 0.27663 0.96033 -0.24807 0. 0. 0. 1. +scans_test/scene0769_00/sens/frame-000750.color.jpg scans_test/scene0769_00/sens/frame-000795.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.81454 -0.41393 0.40643 -0.16389 0.35304 0.90964 0.21889 -0.07849 -0.46031 -0.03481 0.88707 0.2281 0. 0. 0. 1. +scans_test/scene0769_00/sens/frame-000975.color.jpg scans_test/scene0769_00/sens/frame-001005.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.97726 -0.1204 0.17453 -0.07822 0.12745 0.9914 -0.02971 -0.08965 -0.16946 0.05128 0.9842 0.11361 0. 0. 0. 1. +scans_test/scene0770_00/sens/frame-000045.color.jpg scans_test/scene0770_00/sens/frame-001425.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99868 -0.04811 -0.01805 0.06869 0.05011 0.98952 0.13545 0.1851 0.01134 -0.13618 0.99062 -0.2559 0. 0. 0. 1. +scans_test/scene0770_00/sens/frame-000105.color.jpg scans_test/scene0770_00/sens/frame-001365.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99812 -0.04611 -0.04044 0.1337 0.04565 0.99888 -0.01204 -0.56958 0.04095 0.01018 0.99911 1.14314 0. 0. 0. 1. +scans_test/scene0770_00/sens/frame-000120.color.jpg scans_test/scene0770_00/sens/frame-001380.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.98376 0.04021 -0.17492 -0.2255 -0.04128 0.99914 -0.00245 -0.37043 0.17467 0.00963 0.98458 0.73524 0. 0. 0. 1. +scans_test/scene0770_00/sens/frame-000570.color.jpg scans_test/scene0770_00/sens/frame-000615.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.94329 -0.19094 0.27155 0.06415 0.16862 0.98023 0.10353 -0.27564 -0.28595 -0.05187 0.95684 0.59173 0. 0. 0. 1. +scans_test/scene0770_00/sens/frame-000720.color.jpg scans_test/scene0770_00/sens/frame-001830.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.54483 -0.32042 0.77491 -1.93375 0.27941 0.94068 0.19251 -0.37737 -0.79063 0.11163 0.60204 1.08232 0. 0. 0. 1. +scans_test/scene0770_00/sens/frame-000975.color.jpg scans_test/scene0770_00/sens/frame-001050.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.98812 -0.00775 -0.15352 0.43636 0.0239 0.99433 0.10361 0.11456 0.15185 -0.10605 0.9827 -0.89605 0. 0. 0. 1. +scans_test/scene0770_00/sens/frame-001095.color.jpg scans_test/scene0770_00/sens/frame-002100.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.98922 0.03992 -0.14091 -1.19333 -0.03033 0.99712 0.06953 -0.01217 0.14328 -0.06451 0.98758 0.07493 0. 0. 0. 1. +scans_test/scene0770_00/sens/frame-001170.color.jpg scans_test/scene0770_00/sens/frame-001215.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.94095 -0.17272 0.29116 -0.65624 0.13549 0.98031 0.14366 0.01717 -0.31024 -0.09573 0.94583 0.01514 0. 0. 0. 1. +scans_test/scene0770_00/sens/frame-001335.color.jpg scans_test/scene0770_00/sens/frame-001365.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.96228 -0.09559 0.25471 -0.27958 0.09773 0.9952 0.00426 0.1599 -0.2539 0.02079 0.96701 -0.60435 0. 0. 0. 1. +scans_test/scene0770_00/sens/frame-001530.color.jpg scans_test/scene0770_00/sens/frame-001635.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.52076 -0.36943 0.76963 -1.54496 0.37813 0.90808 0.18002 -0.49239 -0.76539 0.19727 0.61259 0.77884 0. 0. 0. 1. +scans_test/scene0770_00/sens/frame-001785.color.jpg scans_test/scene0770_00/sens/frame-001845.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99418 0.10769 0.00282 -0.35628 -0.10756 0.9909 0.08096 0.54042 0.00592 -0.08079 0.99671 -1.17498 0. 0. 0. 1. +scans_test/scene0770_00/sens/frame-002235.color.jpg scans_test/scene0770_00/sens/frame-002325.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.79913 -0.212 0.56253 -0.86058 0.19482 0.97658 0.09128 -0.00028 -0.56871 0.03665 0.82172 0.06708 0. 0. 0. 1. +scans_test/scene0770_00/sens/frame-002595.color.jpg scans_test/scene0770_00/sens/frame-002700.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.80381 0.26626 -0.53197 0.21665 -0.30667 0.95173 0.01298 -0.18331 0.50975 0.15271 0.84666 0.21901 0. 0. 0. 1. +scans_test/scene0770_00/sens/frame-002895.color.jpg scans_test/scene0770_00/sens/frame-002925.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.9964 -0.03619 -0.0767 0.34126 0.04315 0.9949 0.09113 -0.05334 0.07301 -0.09411 0.99288 0.26004 0. 0. 0. 1. +scans_test/scene0770_00/sens/frame-003120.color.jpg scans_test/scene0770_00/sens/frame-003180.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.97027 0.02854 -0.24034 0.98391 -0.03852 0.99857 -0.03695 0.05365 0.23894 0.04511 0.96999 0.21761 0. 0. 0. 1. +scans_test/scene0771_00/sens/frame-000000.color.jpg scans_test/scene0771_00/sens/frame-001050.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.98152 0.10075 -0.16268 0.51361 -0.08659 0.992 0.09191 0.11628 0.17064 -0.07612 0.98239 -0.31539 0. 0. 0. 1. +scans_test/scene0771_00/sens/frame-000090.color.jpg scans_test/scene0771_00/sens/frame-000480.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.80819 0.28923 -0.51301 1.12331 -0.22985 0.95692 0.1774 0.22682 0.54222 -0.02546 0.83985 -0.45773 0. 0. 0. 1. +scans_test/scene0771_00/sens/frame-000105.color.jpg scans_test/scene0771_00/sens/frame-000465.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.97255 0.11133 -0.20431 0.82892 -0.08212 0.98583 0.14629 0.22867 0.21771 -0.1255 0.96791 -0.61105 0. 0. 0. 1. +scans_test/scene0771_00/sens/frame-000135.color.jpg scans_test/scene0771_00/sens/frame-000615.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. -0.95026 0.09595 -0.29632 0.25927 -0.22964 0.42688 0.87467 -1.17936 0.21042 0.8992 -0.38361 1.86867 0. 0. 0. 1. +scans_test/scene0771_00/sens/frame-000375.color.jpg scans_test/scene0771_00/sens/frame-000450.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.97472 -0.03882 0.22004 -0.01328 0.09858 0.95847 -0.26761 -0.1179 -0.20051 0.28253 0.93807 0.02392 0. 0. 0. 1. +scans_test/scene0771_00/sens/frame-000420.color.jpg scans_test/scene0771_00/sens/frame-000780.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. -0.22167 0.03974 0.97431 -1.27412 0.1367 0.99057 -0.00931 -0.02893 -0.96549 0.13112 -0.22501 1.69309 0. 0. 0. 1. +scans_test/scene0771_00/sens/frame-000435.color.jpg scans_test/scene0771_00/sens/frame-000930.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.6479 -0.21078 0.73199 -0.922 0.3682 0.92789 -0.0587 0.19687 -0.66683 0.30755 0.67879 -0.70633 0. 0. 0. 1. +scans_test/scene0771_00/sens/frame-000465.color.jpg scans_test/scene0771_00/sens/frame-001020.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.98886 0.04667 -0.14133 0.47435 -0.0421 0.99849 0.03521 0.13077 0.14276 -0.02887 0.98934 -0.08651 0. 0. 0. 1. +scans_test/scene0771_00/sens/frame-000675.color.jpg scans_test/scene0771_00/sens/frame-000705.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.96643 0.16607 -0.19604 -0.00243 -0.11609 0.96294 0.24344 0.01752 0.2292 -0.21251 0.9499 0.30757 0. 0. 0. 1. +scans_test/scene0771_00/sens/frame-000690.color.jpg scans_test/scene0771_00/sens/frame-000855.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.96883 -0.01438 -0.24731 0.08053 0.00295 0.99891 -0.04655 -0.09278 0.24771 0.04437 0.96782 0.01272 0. 0. 0. 1. +scans_test/scene0771_00/sens/frame-000750.color.jpg scans_test/scene0771_00/sens/frame-000795.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.96491 0.10745 -0.23958 0.11207 -0.17141 0.94896 -0.26475 -0.13312 0.1989 0.29653 0.93408 -0.09932 0. 0. 0. 1. +scans_test/scene0771_00/sens/frame-000750.color.jpg scans_test/scene0771_00/sens/frame-000810.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.9823 0.04917 -0.18077 0.07852 -0.105 0.94363 -0.3139 -0.12717 0.15515 0.32733 0.93209 -0.25907 0. 0. 0. 1. +scans_test/scene0771_00/sens/frame-000885.color.jpg scans_test/scene0771_00/sens/frame-000930.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.6631 0.36636 -0.65275 0.54743 -0.40042 0.91039 0.1042 0.10349 0.63243 0.19227 0.75037 -0.10625 0. 0. 0. 1. +scans_test/scene0771_00/sens/frame-000900.color.jpg scans_test/scene0771_00/sens/frame-000960.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.26062 0.46044 -0.84857 0.61211 -0.58574 0.77411 0.24014 -0.11186 0.76745 0.43446 0.47145 0.25321 0. 0. 0. 1. +scans_test/scene0771_00/sens/frame-001005.color.jpg scans_test/scene0771_00/sens/frame-001035.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99642 0.00732 0.08417 0.04034 -0.02452 0.9784 0.20527 0.04357 -0.08085 -0.2066 0.97508 0.22114 0. 0. 0. 1. +scans_test/scene0772_00/sens/frame-000030.color.jpg scans_test/scene0772_00/sens/frame-001710.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.96572 0.12147 -0.2294 0.23181 -0.06706 0.9705 0.23157 0.13138 0.25076 -0.20825 0.94538 0.12602 0. 0. 0. 1. +scans_test/scene0772_00/sens/frame-000075.color.jpg scans_test/scene0772_00/sens/frame-000165.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.82698 0.0056 0.5622 0.06298 -0.0438 0.99755 0.05449 -0.08676 -0.56052 -0.06969 0.8252 0.41016 0. 0. 0. 1. +scans_test/scene0772_00/sens/frame-000090.color.jpg scans_test/scene0772_00/sens/frame-000105.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99926 0.01916 0.0332 -0.02005 -0.02309 0.99223 0.12226 0.09511 -0.0306 -0.12293 0.99194 0.08102 0. 0. 0. 1. +scans_test/scene0772_00/sens/frame-000345.color.jpg scans_test/scene0772_00/sens/frame-000510.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99908 -0.01611 -0.03972 0.27263 0.01466 0.99922 -0.03653 -0.24287 0.04027 0.03591 0.99854 0.39641 0. 0. 0. 1. +scans_test/scene0772_00/sens/frame-000915.color.jpg scans_test/scene0772_00/sens/frame-000975.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.89853 -0.15115 0.41207 -0.51293 0.2225 0.96612 -0.13079 0.14796 -0.37834 0.2092 0.90172 -0.57424 0. 0. 0. 1. +scans_test/scene0772_00/sens/frame-001020.color.jpg scans_test/scene0772_00/sens/frame-001050.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99622 -0.00064 0.08686 0.03762 0.00667 0.99759 -0.0691 -0.08355 -0.0866 0.06942 0.99382 0.00439 0. 0. 0. 1. +scans_test/scene0772_00/sens/frame-001080.color.jpg scans_test/scene0772_00/sens/frame-001155.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.97833 0.1206 -0.16832 0.69268 -0.13251 0.98928 -0.06136 -0.08468 0.15911 0.08234 0.98382 0.14138 0. 0. 0. 1. +scans_test/scene0772_00/sens/frame-001440.color.jpg scans_test/scene0772_00/sens/frame-001635.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.93332 -0.11304 0.3408 0.18618 0.11764 0.99303 0.00722 0.30134 -0.33924 0.03335 0.94011 -0.27321 0. 0. 0. 1. +scans_test/scene0772_00/sens/frame-001470.color.jpg scans_test/scene0772_00/sens/frame-001515.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99711 0.0647 -0.03975 0.0732 -0.06202 0.99593 0.06544 0.15993 0.04382 -0.06279 0.99706 0.03379 0. 0. 0. 1. +scans_test/scene0772_00/sens/frame-001560.color.jpg scans_test/scene0772_00/sens/frame-002190.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.29978 0.10257 -0.94848 1.48029 -0.22891 0.97289 0.03286 -0.28235 0.92614 0.20727 0.31513 1.05675 0. 0. 0. 1. +scans_test/scene0772_00/sens/frame-001605.color.jpg scans_test/scene0772_00/sens/frame-001785.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99806 0.05788 0.023 0.82996 -0.05329 0.9847 -0.1659 0.28612 -0.03225 0.16435 0.98588 -0.84114 0. 0. 0. 1. +scans_test/scene0772_00/sens/frame-001635.color.jpg scans_test/scene0772_00/sens/frame-001755.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.95112 0.20986 -0.22654 0.94472 -0.21124 0.97726 0.01842 0.38541 0.22526 0.03034 0.97383 -0.83432 0. 0. 0. 1. +scans_test/scene0772_00/sens/frame-001680.color.jpg scans_test/scene0772_00/sens/frame-001845.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.92618 0.03925 -0.37503 0.18715 -0.11906 0.97413 -0.19209 0.04085 0.35779 0.22256 0.90689 -0.05753 0. 0. 0. 1. +scans_test/scene0772_00/sens/frame-001725.color.jpg scans_test/scene0772_00/sens/frame-001830.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.98427 -0.06844 -0.16287 -0.24466 0.02878 0.97171 -0.23442 -0.28377 0.17431 0.22604 0.95839 0.3074 0. 0. 0. 1. +scans_test/scene0772_00/sens/frame-002205.color.jpg scans_test/scene0772_00/sens/frame-002235.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99979 0.02038 0.0014 0.01285 -0.01931 0.96535 -0.26025 -0.18755 -0.00666 0.26017 0.96554 -0.04162 0. 0. 0. 1. +scans_test/scene0773_00/sens/frame-000015.color.jpg scans_test/scene0773_00/sens/frame-000105.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99898 0.03977 0.02116 -0.2529 -0.04392 0.96444 0.26063 0.12016 -0.01004 -0.2613 0.96521 0.13863 0. 0. 0. 1. +scans_test/scene0773_00/sens/frame-000120.color.jpg scans_test/scene0773_00/sens/frame-000180.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.95665 -0.08005 0.28002 0.12572 0.05655 0.99424 0.09104 0.04256 -0.28569 -0.07125 0.95567 0.01497 0. 0. 0. 1. +scans_test/scene0773_00/sens/frame-000300.color.jpg scans_test/scene0773_00/sens/frame-000375.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.95844 -0.03329 0.28333 -0.23497 0.09137 0.97667 -0.19432 0.04213 -0.27026 0.21213 0.93913 -0.43591 0. 0. 0. 1. +scans_test/scene0773_00/sens/frame-000390.color.jpg scans_test/scene0773_00/sens/frame-000420.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.98506 0.01589 0.17146 -0.22627 -0.06364 0.95883 0.27676 0.20292 -0.16001 -0.28353 0.94552 -0.02115 0. 0. 0. 1. +scans_test/scene0773_00/sens/frame-000765.color.jpg scans_test/scene0773_00/sens/frame-000885.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.53207 -0.3245 0.78205 -0.76883 0.25559 0.94211 0.21701 -0.30142 -0.8072 0.08442 0.58421 0.61915 0. 0. 0. 1. +scans_test/scene0773_00/sens/frame-000765.color.jpg scans_test/scene0773_00/sens/frame-000915.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.54967 -0.28835 0.78403 -0.61359 0.25482 0.95168 0.17136 -0.32671 -0.79556 0.1056 0.5966 0.69224 0. 0. 0. 1. +scans_test/scene0773_00/sens/frame-000960.color.jpg scans_test/scene0773_00/sens/frame-001140.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.91394 -0.12475 0.38621 -0.11825 0.16875 0.98224 -0.08207 -0.12919 -0.36911 0.14018 0.91875 0.13613 0. 0. 0. 1. +scans_test/scene0773_00/sens/frame-001410.color.jpg scans_test/scene0773_00/sens/frame-001800.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.64012 -0.36047 0.67846 -0.97979 0.47756 0.87845 0.01615 -0.00906 -0.60182 0.31367 0.73446 -0.11864 0. 0. 0. 1. +scans_test/scene0773_00/sens/frame-001425.color.jpg scans_test/scene0773_00/sens/frame-001830.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.5726 -0.38808 0.72216 -1.20988 0.4603 0.8811 0.10852 -0.03801 -0.67841 0.27028 0.68316 0.00679 0. 0. 0. 1. +scans_test/scene0773_00/sens/frame-001440.color.jpg scans_test/scene0773_00/sens/frame-001800.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.75536 -0.29436 0.58548 -0.74654 0.41696 0.90514 -0.08287 -0.07349 -0.50555 0.30672 0.80644 -0.07112 0. 0. 0. 1. +scans_test/scene0773_00/sens/frame-001470.color.jpg scans_test/scene0773_00/sens/frame-001860.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.58306 -0.28053 0.76246 -1.14151 0.41098 0.9114 0.02105 -0.01472 -0.70081 0.30109 0.64669 -0.3744 0. 0. 0. 1. +scans_test/scene0773_00/sens/frame-001560.color.jpg scans_test/scene0773_00/sens/frame-001605.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.97493 0.07372 0.20996 -0.05699 -0.01364 0.96156 -0.27425 -0.0845 -0.2221 0.26451 0.93846 -0.16395 0. 0. 0. 1. +scans_test/scene0773_00/sens/frame-001740.color.jpg scans_test/scene0773_00/sens/frame-001875.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.91745 -0.20392 0.34162 -0.49518 0.27088 0.94906 -0.16097 0.00239 -0.29139 0.24022 0.92595 -0.2605 0. 0. 0. 1. +scans_test/scene0773_00/sens/frame-001815.color.jpg scans_test/scene0773_00/sens/frame-001920.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.83754 -0.37768 0.39483 -0.63188 0.38648 0.92031 0.06051 0.02992 -0.38621 0.10192 0.91676 -0.24759 0. 0. 0. 1. +scans_test/scene0773_00/sens/frame-002040.color.jpg scans_test/scene0773_00/sens/frame-002070.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99954 -0.02554 0.01629 0.07016 0.0228 0.9884 0.15018 -0.00693 -0.01994 -0.14973 0.98853 0.17032 0. 0. 0. 1. +scans_test/scene0774_00/sens/frame-000030.color.jpg scans_test/scene0774_00/sens/frame-001290.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.84389 0.26411 -0.467 2.39675 -0.2383 0.96438 0.11479 -1.80838 0.48069 0.01441 0.87677 4.08761 0. 0. 0. 1. +scans_test/scene0774_00/sens/frame-000210.color.jpg scans_test/scene0774_00/sens/frame-001995.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.96893 -0.01979 -0.24654 -0.11281 -0.01221 0.99175 -0.12761 -0.14162 0.24703 0.12666 0.96069 0.23703 0. 0. 0. 1. +scans_test/scene0774_00/sens/frame-000225.color.jpg scans_test/scene0774_00/sens/frame-000345.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.97491 -0.09549 0.20108 -0.35206 0.09963 0.99497 -0.01054 0.49693 -0.19906 0.03031 0.97952 -1.12988 0. 0. 0. 1. +scans_test/scene0774_00/sens/frame-000240.color.jpg scans_test/scene0774_00/sens/frame-000270.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.98002 -0.04214 0.1944 -0.38139 0.04663 0.99874 -0.01853 -0.01808 -0.19337 0.02723 0.98075 0.10346 0. 0. 0. 1. +scans_test/scene0774_00/sens/frame-000465.color.jpg scans_test/scene0774_00/sens/frame-000495.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99783 0.01315 -0.06449 -0.23781 -0.01509 0.99945 -0.02969 0.1428 0.06406 0.0306 0.99748 -0.33704 0. 0. 0. 1. +scans_test/scene0774_00/sens/frame-000585.color.jpg scans_test/scene0774_00/sens/frame-000690.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.9588 -0.16072 0.23426 -0.66724 0.16945 0.98538 -0.01748 0.24507 -0.22803 0.05645 0.97202 -0.41398 0. 0. 0. 1. +scans_test/scene0774_00/sens/frame-000720.color.jpg scans_test/scene0774_00/sens/frame-000765.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99517 0.05738 -0.07962 -0.19 -0.04333 0.98479 0.16823 0.27409 0.08806 -0.16397 0.98253 -0.63982 0. 0. 0. 1. +scans_test/scene0774_00/sens/frame-000855.color.jpg scans_test/scene0774_00/sens/frame-000975.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.83457 -0.09359 0.5429 -0.85129 0.10559 0.99437 0.0091 0.30231 -0.54069 0.04973 0.83975 -0.99682 0. 0. 0. 1. +scans_test/scene0774_00/sens/frame-001050.color.jpg scans_test/scene0774_00/sens/frame-001080.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.98645 -0.02771 0.16171 -0.11554 0.05198 0.98764 -0.14789 -0.06047 -0.15562 0.15429 0.97569 -0.1801 0. 0. 0. 1. +scans_test/scene0774_00/sens/frame-001080.color.jpg scans_test/scene0774_00/sens/frame-001155.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.85481 -0.16927 0.49055 -0.38598 0.17739 0.98367 0.03031 -0.31619 -0.48768 0.06111 0.87088 0.6894 0. 0. 0. 1. +scans_test/scene0774_00/sens/frame-001125.color.jpg scans_test/scene0774_00/sens/frame-001440.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.9957 0.05724 -0.07288 0.13322 -0.06102 0.99685 -0.05066 0.83954 0.06975 0.05489 0.99605 -1.51376 0. 0. 0. 1. +scans_test/scene0774_00/sens/frame-001560.color.jpg scans_test/scene0774_00/sens/frame-001620.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.91954 -0.05359 0.38934 -0.42207 0.14128 0.96951 -0.20023 0.08298 -0.36673 0.23912 0.89907 -0.47128 0. 0. 0. 1. +scans_test/scene0774_00/sens/frame-001740.color.jpg scans_test/scene0774_00/sens/frame-001860.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.98604 -0.04851 0.15926 -0.61819 0.04597 0.99875 0.01958 0.80322 -0.16001 -0.01199 0.98704 -1.72544 0. 0. 0. 1. +scans_test/scene0774_00/sens/frame-001905.color.jpg scans_test/scene0774_00/sens/frame-001950.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99099 -0.05464 0.12228 -0.42973 0.05192 0.99833 0.02529 0.30497 -0.12346 -0.01872 0.99217 -0.5853 0. 0. 0. 1. +scans_test/scene0774_00/sens/frame-002055.color.jpg scans_test/scene0774_00/sens/frame-002100.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.98414 -0.06687 0.16431 0.01353 0.07399 0.99655 -0.03763 0.0298 -0.16123 0.04919 0.98569 -0.00998 0. 0. 0. 1. +scans_test/scene0775_00/sens/frame-000015.color.jpg scans_test/scene0775_00/sens/frame-000105.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.96054 0.10745 -0.25656 0.17141 -0.09024 0.99286 0.07798 0.17829 0.2631 -0.05175 0.96338 -0.10214 0. 0. 0. 1. +scans_test/scene0775_00/sens/frame-000030.color.jpg scans_test/scene0775_00/sens/frame-001605.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.96828 -0.07602 0.23804 -0.27822 0.06524 0.99647 0.05288 0.0986 -0.24122 -0.03567 0.96982 -0.17143 0. 0. 0. 1. +scans_test/scene0775_00/sens/frame-000240.color.jpg scans_test/scene0775_00/sens/frame-000345.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.92999 0.03571 -0.36583 0.44179 -0.04859 0.99848 -0.02605 0.04561 0.36435 0.042 0.93032 -0.31121 0. 0. 0. 1. +scans_test/scene0775_00/sens/frame-000390.color.jpg scans_test/scene0775_00/sens/frame-000480.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.97656 -0.01436 -0.21476 0.56325 0.03562 0.9948 0.09543 0.00115 0.21228 -0.10084 0.97199 -0.27802 0. 0. 0. 1. +scans_test/scene0775_00/sens/frame-000495.color.jpg scans_test/scene0775_00/sens/frame-000525.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.98681 0.02433 -0.16002 0.24716 -0.05999 0.97321 -0.22195 -0.12129 0.15034 0.22862 0.96184 -0.1989 0. 0. 0. 1. +scans_test/scene0775_00/sens/frame-000615.color.jpg scans_test/scene0775_00/sens/frame-000735.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.91807 0.20624 -0.33854 -0.29917 -0.23094 0.97238 -0.03392 0.11638 0.32219 0.10933 0.94034 -0.09853 0. 0. 0. 1. +scans_test/scene0775_00/sens/frame-000765.color.jpg scans_test/scene0775_00/sens/frame-000840.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99075 -0.06751 0.11769 -0.36166 0.04054 0.9751 0.21804 0.10291 -0.12948 -0.21125 0.96882 -0.067 0. 0. 0. 1. +scans_test/scene0775_00/sens/frame-000765.color.jpg scans_test/scene0775_00/sens/frame-001005.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.98312 0.05373 -0.17487 -0.48996 -0.0607 0.99755 -0.03473 0.4096 0.17258 0.04475 0.98398 -0.74434 0. 0. 0. 1. +scans_test/scene0775_00/sens/frame-000810.color.jpg scans_test/scene0775_00/sens/frame-000900.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99938 -0.02639 -0.02332 -0.34229 0.03114 0.97143 0.23529 0.11756 0.01645 -0.23587 0.97164 -0.3541 0. 0. 0. 1. +scans_test/scene0775_00/sens/frame-000825.color.jpg scans_test/scene0775_00/sens/frame-001035.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.97497 0.08906 -0.20372 -0.18047 -0.1264 0.97581 -0.17838 0.26411 0.1829 0.19967 0.96264 -0.65505 0. 0. 0. 1. +scans_test/scene0775_00/sens/frame-001410.color.jpg scans_test/scene0775_00/sens/frame-001440.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.94421 0.08017 -0.31945 -0.05788 -0.08271 0.99656 0.00562 0.04529 0.3188 0.02112 0.94759 -0.03791 0. 0. 0. 1. +scans_test/scene0775_00/sens/frame-001455.color.jpg scans_test/scene0775_00/sens/frame-001875.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.94015 -0.14311 0.30927 0.08007 0.10093 0.98376 0.1484 0.03147 -0.32548 -0.10831 0.93932 -0.15778 0. 0. 0. 1. +scans_test/scene0775_00/sens/frame-001740.color.jpg scans_test/scene0775_00/sens/frame-001935.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.15829 0.12171 -0.97986 1.75631 -0.40823 0.91165 0.04729 -0.33726 0.89905 0.39253 0.19399 0.78447 0. 0. 0. 1. +scans_test/scene0775_00/sens/frame-001800.color.jpg scans_test/scene0775_00/sens/frame-001845.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.96137 -0.04221 -0.272 0.53622 -0.03342 0.96296 -0.26756 -0.04224 0.27322 0.26631 0.92435 -0.31857 0. 0. 0. 1. +scans_test/scene0775_00/sens/frame-002055.color.jpg scans_test/scene0775_00/sens/frame-002085.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99744 -0.00025 0.07153 -0.07263 -0.01412 0.97963 0.20032 0.09965 -0.07013 -0.20081 0.97712 0.00182 0. 0. 0. 1. +scans_test/scene0776_00/sens/frame-000030.color.jpg scans_test/scene0776_00/sens/frame-000060.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99698 0.05566 -0.05416 0.02428 -0.04823 0.99035 0.12989 0.06314 0.06087 -0.12689 0.99005 0.0968 0. 0. 0. 1. +scans_test/scene0776_00/sens/frame-000090.color.jpg scans_test/scene0776_00/sens/frame-000210.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.8268 0.04367 -0.56079 0.7373 -0.05332 0.99858 -0.00085 0.02889 0.55996 0.0306 0.82795 -0.08884 0. 0. 0. 1. +scans_test/scene0776_00/sens/frame-000135.color.jpg scans_test/scene0776_00/sens/frame-000180.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.97854 -0.02165 -0.2049 0.4379 -0.03804 0.95839 -0.28293 -0.25321 0.2025 0.28465 0.937 -0.02686 0. 0. 0. 1. +scans_test/scene0776_00/sens/frame-000375.color.jpg scans_test/scene0776_00/sens/frame-003435.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99232 0.03826 -0.11761 -0.10944 -0.02141 0.98974 0.14129 0.10174 0.12181 -0.13769 0.98296 -0.21839 0. 0. 0. 1. +scans_test/scene0776_00/sens/frame-000420.color.jpg scans_test/scene0776_00/sens/frame-000555.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.94408 0.0948 -0.31579 0.53044 -0.12267 0.99001 -0.06952 -0.0019 0.30605 0.10437 0.94628 -0.15532 0. 0. 0. 1. +scans_test/scene0776_00/sens/frame-000840.color.jpg scans_test/scene0776_00/sens/frame-000960.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.76661 0.19717 -0.6111 0.29785 -0.22555 0.97373 0.03123 -0.00327 0.6012 0.11389 0.79094 0.0487 0. 0. 0. 1. +scans_test/scene0776_00/sens/frame-001470.color.jpg scans_test/scene0776_00/sens/frame-001575.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.97848 0.06956 -0.19425 0.92819 -0.06289 0.99721 0.04032 0.28837 0.19651 -0.02724 0.98012 -0.35531 0. 0. 0. 1. +scans_test/scene0776_00/sens/frame-002370.color.jpg scans_test/scene0776_00/sens/frame-002460.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.90437 -0.1814 0.38628 -0.47619 0.21246 0.9764 -0.03889 0.04012 -0.37011 0.11723 0.92156 -0.65204 0. 0. 0. 1. +scans_test/scene0776_00/sens/frame-002700.color.jpg scans_test/scene0776_00/sens/frame-002775.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.9925 0.07102 -0.09951 1.23346 -0.06076 0.99286 0.10261 0.25956 0.10609 -0.09579 0.98973 -0.79317 0. 0. 0. 1. +scans_test/scene0776_00/sens/frame-002910.color.jpg scans_test/scene0776_00/sens/frame-002985.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.98197 0.06528 -0.17743 1.07009 -0.09037 0.98641 -0.13722 0.05854 0.16606 0.15077 0.97452 -0.58641 0. 0. 0. 1. +scans_test/scene0776_00/sens/frame-002925.color.jpg scans_test/scene0776_00/sens/frame-003120.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.96429 0.04957 0.26018 0.7485 -0.03354 0.99727 -0.06571 0.40399 -0.26273 0.05463 0.96332 -2.31829 0. 0. 0. 1. +scans_test/scene0776_00/sens/frame-003075.color.jpg scans_test/scene0776_00/sens/frame-003240.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99693 0.00615 -0.0781 1.31236 -0.01643 0.99115 -0.13173 0.26709 0.0766 0.13261 0.9882 -0.23546 0. 0. 0. 1. +scans_test/scene0776_00/sens/frame-003165.color.jpg scans_test/scene0776_00/sens/frame-003225.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99737 0.00536 0.07233 0.37413 0.01244 0.96988 -0.24328 -0.03588 -0.07145 0.24354 0.96726 -0.11216 0. 0. 0. 1. +scans_test/scene0776_00/sens/frame-003195.color.jpg scans_test/scene0776_00/sens/frame-003330.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.86994 0.0714 -0.48796 1.82662 -0.10482 0.99363 -0.04149 0.09485 0.48188 0.08724 0.87188 0.37421 0. 0. 0. 1. +scans_test/scene0776_00/sens/frame-003360.color.jpg scans_test/scene0776_00/sens/frame-003405.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.96711 0.00244 0.25435 0.67813 -0.04103 0.98836 0.14651 0.02651 -0.25103 -0.15213 0.95595 -0.53885 0. 0. 0. 1. +scans_test/scene0777_00/sens/frame-000015.color.jpg scans_test/scene0777_00/sens/frame-000120.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99429 0.06632 -0.08357 -0.20988 -0.05698 0.99234 0.10959 -0.03702 0.0902 -0.1042 0.99046 0.56107 0. 0. 0. 1. +scans_test/scene0777_00/sens/frame-000075.color.jpg scans_test/scene0777_00/sens/frame-001935.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.9556 0.17491 -0.23716 0.87782 -0.21303 0.9661 -0.14583 0.06825 0.20361 0.18988 0.96046 -0.51933 0. 0. 0. 1. +scans_test/scene0777_00/sens/frame-000105.color.jpg scans_test/scene0777_00/sens/frame-001935.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.95834 0.19231 -0.21119 1.05654 -0.19765 0.98026 -0.00425 0.23608 0.20621 0.04582 0.97743 -0.7188 0. 0. 0. 1. +scans_test/scene0777_00/sens/frame-000105.color.jpg scans_test/scene0777_00/sens/frame-002025.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99499 -0.00588 0.09981 0.23643 -0.00033 0.99807 0.06205 0.08158 -0.09998 -0.06178 0.99307 -0.247 0. 0. 0. 1. +scans_test/scene0777_00/sens/frame-000285.color.jpg scans_test/scene0777_00/sens/frame-001815.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. -0.06112 0.49869 -0.86462 1.89123 -0.38979 0.78554 0.48063 -1.04274 0.91888 0.36639 0.14637 2.54153 0. 0. 0. 1. +scans_test/scene0777_00/sens/frame-000465.color.jpg scans_test/scene0777_00/sens/frame-000555.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99744 0.00955 -0.07091 0.78306 -0.02537 0.97387 -0.22567 0.28292 0.0669 0.2269 0.97162 -1.07312 0. 0. 0. 1. +scans_test/scene0777_00/sens/frame-000465.color.jpg scans_test/scene0777_00/sens/frame-000585.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99332 0.05089 -0.1036 1.15903 -0.06196 0.99237 -0.10656 0.36644 0.09738 0.11226 0.9889 -1.61191 0. 0. 0. 1. +scans_test/scene0777_00/sens/frame-000570.color.jpg scans_test/scene0777_00/sens/frame-000705.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.97691 0.00656 0.21354 0.38918 -0.01834 0.99841 0.05325 0.44182 -0.21285 -0.05594 0.97548 -1.64103 0. 0. 0. 1. +scans_test/scene0777_00/sens/frame-000750.color.jpg scans_test/scene0777_00/sens/frame-000795.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.95794 -0.03829 0.28439 -0.22521 0.09564 0.97699 -0.19062 -0.16566 -0.27055 0.2098 0.93957 0.09561 0. 0. 0. 1. +scans_test/scene0777_00/sens/frame-000855.color.jpg scans_test/scene0777_00/sens/frame-001095.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. -0.05623 -0.47631 0.87748 -3.09695 0.29711 0.83107 0.47016 -0.83751 -0.95319 0.28715 0.09478 1.60031 0. 0. 0. 1. +scans_test/scene0777_00/sens/frame-000930.color.jpg scans_test/scene0777_00/sens/frame-001125.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.02313 -0.40693 0.91317 -1.90117 0.25221 0.88624 0.38854 -0.75496 -0.9674 0.22133 0.12313 1.82285 0. 0. 0. 1. +scans_test/scene0777_00/sens/frame-001095.color.jpg scans_test/scene0777_00/sens/frame-001170.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.79766 -0.17634 0.57676 -0.22638 0.18155 0.98215 0.04921 0.06137 -0.57514 0.06546 0.81543 -0.31902 0. 0. 0. 1. +scans_test/scene0777_00/sens/frame-001125.color.jpg scans_test/scene0777_00/sens/frame-001155.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.98205 -0.03879 0.18456 0.01634 0.0408 0.99914 -0.00714 0.03889 -0.18413 0.01454 0.98279 -0.26329 0. 0. 0. 1. +scans_test/scene0777_00/sens/frame-001620.color.jpg scans_test/scene0777_00/sens/frame-001635.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99883 -0. 0.04834 0.0468 -0.00595 0.9924 0.12291 0.12429 -0.04798 -0.12305 0.99124 -0.19997 0. 0. 0. 1. +scans_test/scene0777_00/sens/frame-001815.color.jpg scans_test/scene0777_00/sens/frame-001920.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.37367 -0.38824 0.8424 -1.45917 0.36127 0.89739 0.25333 -0.11901 -0.85431 0.20968 0.47559 0.02617 0. 0. 0. 1. +scans_test/scene0778_00/sens/frame-000000.color.jpg scans_test/scene0778_00/sens/frame-000195.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.8221 0.21272 -0.52812 0.69638 -0.19803 0.9765 0.08505 0.0446 0.5338 0.03466 0.8449 -0.02295 0. 0. 0. 1. +scans_test/scene0778_00/sens/frame-000000.color.jpg scans_test/scene0778_00/sens/frame-000285.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.85931 0.27722 -0.42982 0.34892 -0.27944 0.95832 0.05942 0.02141 0.42838 0.06905 0.90096 0.007 0. 0. 0. 1. +scans_test/scene0778_00/sens/frame-000045.color.jpg scans_test/scene0778_00/sens/frame-001545.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.9767 -0.09084 0.19442 -0.00184 0.07401 0.99299 0.09212 0.16899 -0.20143 -0.07559 0.97658 -0.19248 0. 0. 0. 1. +scans_test/scene0778_00/sens/frame-000060.color.jpg scans_test/scene0778_00/sens/frame-000165.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.94105 0.12253 -0.31531 0.24532 -0.08315 0.98728 0.13549 0.10723 0.3279 -0.10128 0.93927 -0.08713 0. 0. 0. 1. +scans_test/scene0778_00/sens/frame-000075.color.jpg scans_test/scene0778_00/sens/frame-000105.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99988 0.00974 0.01185 -0.07144 -0.01132 0.98986 0.14159 0.12584 -0.01035 -0.14171 0.98985 -0.09105 0. 0. 0. 1. +scans_test/scene0778_00/sens/frame-000120.color.jpg scans_test/scene0778_00/sens/frame-000165.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.96228 0.03419 -0.2699 0.26114 -0.08663 0.97894 -0.18485 -0.15302 0.2579 0.20126 0.94498 -0.03725 0. 0. 0. 1. +scans_test/scene0778_00/sens/frame-000180.color.jpg scans_test/scene0778_00/sens/frame-000210.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99911 -0.01441 -0.03965 0.17517 0.0079 0.98716 -0.15956 -0.03319 0.04144 0.15911 0.98639 -0.0355 0. 0. 0. 1. +scans_test/scene0778_00/sens/frame-000345.color.jpg scans_test/scene0778_00/sens/frame-001590.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.9025 -0.0092 0.4306 0.01233 0.02785 0.99893 -0.03702 -0.15395 -0.42979 0.0454 0.90178 -0.00512 0. 0. 0. 1. +scans_test/scene0778_00/sens/frame-000345.color.jpg scans_test/scene0778_00/sens/frame-001650.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.95148 -0.01242 0.30747 -0.07546 -0.05346 0.97732 0.2049 0.00596 -0.30304 -0.2114 0.92923 0.08166 0. 0. 0. 1. +scans_test/scene0778_00/sens/frame-000435.color.jpg scans_test/scene0778_00/sens/frame-001635.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.94511 0.00734 0.32668 -0.0407 -0.02908 0.99767 0.06173 0.00747 -0.32546 -0.06784 0.94312 -0.00569 0. 0. 0. 1. +scans_test/scene0778_00/sens/frame-000465.color.jpg scans_test/scene0778_00/sens/frame-000555.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.79277 0.18113 -0.58199 0.50277 -0.30106 0.94659 -0.11549 0.05084 0.52998 0.26677 0.80495 -0.16753 0. 0. 0. 1. +scans_test/scene0778_00/sens/frame-000525.color.jpg scans_test/scene0778_00/sens/frame-000630.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.64691 0.36888 -0.66741 0.65574 -0.21825 0.92817 0.30145 -0.01405 0.73067 -0.04934 0.68095 0.3752 0. 0. 0. 1. +scans_test/scene0778_00/sens/frame-000645.color.jpg scans_test/scene0778_00/sens/frame-000795.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.96467 0.04679 -0.25926 0.06905 -0.08594 0.98616 -0.14179 -0.0367 0.24904 0.15907 0.95534 -0.03101 0. 0. 0. 1. +scans_test/scene0778_00/sens/frame-001170.color.jpg scans_test/scene0778_00/sens/frame-001200.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.98961 0.0542 -0.13321 -0.04935 -0.03713 0.99116 0.1274 -0.1103 0.13893 -0.12112 0.98287 0.0375 0. 0. 0. 1. +scans_test/scene0778_00/sens/frame-001200.color.jpg scans_test/scene0778_00/sens/frame-001320.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.9239 -0.00023 -0.38263 -0.11311 0.00456 0.99994 0.01039 -0.01234 0.3826 -0.01135 0.92384 -0.04238 0. 0. 0. 1. +scans_test/scene0779_00/sens/frame-000000.color.jpg scans_test/scene0779_00/sens/frame-001335.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.96442 -0.03605 0.2619 0.11421 0.04422 0.9987 -0.02534 -0.15378 -0.26065 0.03602 0.96476 0.17642 0. 0. 0. 1. +scans_test/scene0779_00/sens/frame-000015.color.jpg scans_test/scene0779_00/sens/frame-000210.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.97947 0.02336 -0.20025 -0.01356 0.03255 0.9619 0.27147 0.09579 0.19896 -0.27241 0.94139 0.42675 0. 0. 0. 1. +scans_test/scene0779_00/sens/frame-000015.color.jpg scans_test/scene0779_00/sens/frame-000270.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.77221 0.29311 -0.56371 0.41946 -0.26475 0.95498 0.13388 -0.0551 0.57758 0.04586 0.81505 0.23283 0. 0. 0. 1. +scans_test/scene0779_00/sens/frame-000030.color.jpg scans_test/scene0779_00/sens/frame-000150.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99742 -0.04768 0.05368 -0.18012 0.04145 0.99286 0.11184 0.10049 -0.05863 -0.10933 0.99228 -0.00957 0. 0. 0. 1. +scans_test/scene0779_00/sens/frame-000060.color.jpg scans_test/scene0779_00/sens/frame-000105.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.93858 -0.09277 0.33236 -0.35424 0.06482 0.99343 0.09427 0.06104 -0.33892 -0.06693 0.93843 -0.14413 0. 0. 0. 1. +scans_test/scene0779_00/sens/frame-000060.color.jpg scans_test/scene0779_00/sens/frame-000165.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99917 -0.00344 -0.04059 -0.18862 0.00997 0.98677 0.16179 0.20579 0.03949 -0.16206 0.98599 -0.13641 0. 0. 0. 1. +scans_test/scene0779_00/sens/frame-000225.color.jpg scans_test/scene0779_00/sens/frame-000285.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.84591 0.23357 -0.47945 0.67702 -0.32297 0.93976 -0.112 -0.07077 0.4244 0.24959 0.87039 -0.06647 0. 0. 0. 1. +scans_test/scene0779_00/sens/frame-000375.color.jpg scans_test/scene0779_00/sens/frame-000555.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.54094 -0.00565 -0.84104 0.98664 -0.11547 0.99001 -0.08092 -0.03467 0.8331 0.14088 0.53488 0.00339 0. 0. 0. 1. +scans_test/scene0779_00/sens/frame-000420.color.jpg scans_test/scene0779_00/sens/frame-000555.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.46097 -0.05373 -0.88579 1.04582 -0.11695 0.98578 -0.12065 -0.02121 0.87968 0.15921 0.44813 0.00313 0. 0. 0. 1. +scans_test/scene0779_00/sens/frame-000735.color.jpg scans_test/scene0779_00/sens/frame-000990.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.85674 0.10643 -0.50465 0.33624 -0.18903 0.97518 -0.11525 -0.01006 0.47986 0.19414 0.8556 -0.30147 0. 0. 0. 1. +scans_test/scene0779_00/sens/frame-000780.color.jpg scans_test/scene0779_00/sens/frame-000810.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.96408 0.09464 -0.24818 0.12092 -0.08114 0.99464 0.0641 0.11039 0.25292 -0.04166 0.96659 -0.10099 0. 0. 0. 1. +scans_test/scene0779_00/sens/frame-000795.color.jpg scans_test/scene0779_00/sens/frame-000930.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.9748 0.12319 -0.18596 0.21553 -0.0806 0.97186 0.22132 0.23093 0.20799 -0.20076 0.95731 -0.24406 0. 0. 0. 1. +scans_test/scene0779_00/sens/frame-000795.color.jpg scans_test/scene0779_00/sens/frame-000945.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.98179 0.10776 -0.15647 0.19121 -0.08743 0.98746 0.13147 0.18565 0.16868 -0.1154 0.97889 -0.32153 0. 0. 0. 1. +scans_test/scene0779_00/sens/frame-000870.color.jpg scans_test/scene0779_00/sens/frame-000915.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99184 -0.01146 -0.12698 -0.00502 0.02046 0.99735 0.06979 0.0714 0.12584 -0.07182 0.98945 -0.05982 0. 0. 0. 1. +scans_test/scene0779_00/sens/frame-001065.color.jpg scans_test/scene0779_00/sens/frame-001110.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.98092 0.14274 -0.13196 -0.19304 -0.14817 0.98844 -0.03217 0.01411 0.12584 0.05111 0.99073 0.00136 0. 0. 0. 1. +scans_test/scene0780_00/sens/frame-000000.color.jpg scans_test/scene0780_00/sens/frame-001635.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99978 0.02059 -0.00349 -0.0228 -0.02084 0.99373 -0.10981 -0.11286 0.00121 0.10985 0.99395 0.15741 0. 0. 0. 1. +scans_test/scene0780_00/sens/frame-000030.color.jpg scans_test/scene0780_00/sens/frame-001695.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.9733 -0.0184 0.2288 -0.16551 0.03847 0.99576 -0.08358 -0.30858 -0.2263 0.09015 0.96988 0.56075 0. 0. 0. 1. +scans_test/scene0780_00/sens/frame-000120.color.jpg scans_test/scene0780_00/sens/frame-000255.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.92283 0.06237 -0.38013 -0.11354 -0.06963 0.99756 -0.00535 0.3301 0.37887 0.03141 0.92492 -0.65745 0. 0. 0. 1. +scans_test/scene0780_00/sens/frame-000165.color.jpg scans_test/scene0780_00/sens/frame-000300.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.97955 0.11694 -0.1637 -0.83542 -0.11716 0.99308 0.00833 0.47779 0.16354 0.01102 0.98647 -1.01295 0. 0. 0. 1. +scans_test/scene0780_00/sens/frame-000810.color.jpg scans_test/scene0780_00/sens/frame-000840.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.97524 0.03256 -0.21875 -0.3917 0.00339 0.98679 0.16197 0.07248 0.22114 -0.1587 0.96224 -0.02725 0. 0. 0. 1. +scans_test/scene0780_00/sens/frame-000810.color.jpg scans_test/scene0780_00/sens/frame-000870.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99786 0.02178 -0.06166 -0.54451 -0.02629 0.99697 -0.07324 -0.1073 0.05988 0.07471 0.99541 0.14996 0. 0. 0. 1. +scans_test/scene0780_00/sens/frame-000900.color.jpg scans_test/scene0780_00/sens/frame-001140.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.97026 0.0701 -0.23169 -0.61338 -0.06244 0.99724 0.04025 0.03293 0.23387 -0.02459 0.97196 0.39704 0. 0. 0. 1. +scans_test/scene0780_00/sens/frame-001365.color.jpg scans_test/scene0780_00/sens/frame-001485.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.93722 0.0206 -0.34814 0.2024 0.00494 0.99737 0.07233 0.34502 0.34871 -0.06951 0.93465 -0.80612 0. 0. 0. 1. +scans_test/scene0780_00/sens/frame-001380.color.jpg scans_test/scene0780_00/sens/frame-001725.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.22058 0.33288 -0.91681 1.96096 -0.37006 0.89824 0.23711 -0.20919 0.90244 0.28697 0.32132 0.54031 0. 0. 0. 1. +scans_test/scene0780_00/sens/frame-001425.color.jpg scans_test/scene0780_00/sens/frame-001440.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99762 -0.01791 -0.06653 -0.11238 0.02348 0.99619 0.08397 0.04978 0.06478 -0.08534 0.99424 -0.05047 0. 0. 0. 1. +scans_test/scene0780_00/sens/frame-001500.color.jpg scans_test/scene0780_00/sens/frame-001650.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.32418 0.38181 -0.86552 1.19983 -0.52784 0.83227 0.16944 -0.50305 0.78505 0.40192 0.47134 0.77677 0. 0. 0. 1. +scans_test/scene0780_00/sens/frame-001530.color.jpg scans_test/scene0780_00/sens/frame-001770.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.417 0.33904 -0.84331 0.93752 -0.40194 0.90096 0.16347 -0.44951 0.81521 0.27079 0.51197 1.11659 0. 0. 0. 1. +scans_test/scene0780_00/sens/frame-001650.color.jpg scans_test/scene0780_00/sens/frame-001695.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.96685 -0.09255 0.23798 -0.13182 0.07514 0.99386 0.08125 -0.10912 -0.24404 -0.06067 0.96787 0.26068 0. 0. 0. 1. +scans_test/scene0780_00/sens/frame-001695.color.jpg scans_test/scene0780_00/sens/frame-001830.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.61108 0.31813 -0.72483 1.05535 -0.26071 0.94548 0.19518 -0.05005 0.74741 0.0697 0.6607 0.2766 0. 0. 0. 1. +scans_test/scene0780_00/sens/frame-001905.color.jpg scans_test/scene0780_00/sens/frame-001935.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.97425 0.14555 -0.17217 0.16501 -0.12363 0.98353 0.13187 0.27991 0.18853 -0.10719 0.9762 -0.45319 0. 0. 0. 1. +scans_test/scene0781_00/sens/frame-000030.color.jpg scans_test/scene0781_00/sens/frame-000240.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.96572 -0.04968 0.2548 -0.18411 0.07091 0.99468 -0.07479 -0.19546 -0.24973 0.09029 0.9641 0.12281 0. 0. 0. 1. +scans_test/scene0781_00/sens/frame-000075.color.jpg scans_test/scene0781_00/sens/frame-002070.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.98707 0.00854 -0.16006 -0.03972 -0.03091 0.98998 -0.1378 -0.06844 0.15727 0.14096 0.97744 0.01534 0. 0. 0. 1. +scans_test/scene0781_00/sens/frame-000120.color.jpg scans_test/scene0781_00/sens/frame-002070.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.94145 0.07329 -0.3291 0.00982 -0.04001 0.99348 0.10679 0.02604 0.33478 -0.08737 0.93824 0.61364 0. 0. 0. 1. +scans_test/scene0781_00/sens/frame-000210.color.jpg scans_test/scene0781_00/sens/frame-002220.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.67935 -0.30063 0.6694 -1.14423 0.22479 0.95363 0.20014 -0.16396 -0.69853 0.01451 0.71543 0.6606 0. 0. 0. 1. +scans_test/scene0781_00/sens/frame-000225.color.jpg scans_test/scene0781_00/sens/frame-001830.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.87738 -0.20993 0.43143 -1.18779 0.23026 0.97312 0.00523 -1.24242 -0.42093 0.09475 0.90213 2.58839 0. 0. 0. 1. +scans_test/scene0781_00/sens/frame-000240.color.jpg scans_test/scene0781_00/sens/frame-002055.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.98652 0.0265 -0.16149 0.20934 -0.01599 0.99769 0.06604 0.0407 0.16287 -0.06257 0.98466 0.25091 0. 0. 0. 1. +scans_test/scene0781_00/sens/frame-000285.color.jpg scans_test/scene0781_00/sens/frame-002235.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.38582 -0.33889 0.85808 -1.80504 0.15324 0.94071 0.30262 -0.18978 -0.90976 0.01474 0.41488 0.93032 0. 0. 0. 1. +scans_test/scene0781_00/sens/frame-000360.color.jpg scans_test/scene0781_00/sens/frame-002040.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.94184 0.00376 -0.33604 0.37754 -0.02549 0.99786 -0.06027 -0.26292 0.3351 0.06533 0.93992 0.971 0. 0. 0. 1. +scans_test/scene0781_00/sens/frame-001155.color.jpg scans_test/scene0781_00/sens/frame-001215.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.97259 -0.12275 0.19748 -0.29208 0.09041 0.98211 0.1652 0.09257 -0.21422 -0.14282 0.96629 0.11359 0. 0. 0. 1. +scans_test/scene0781_00/sens/frame-001230.color.jpg scans_test/scene0781_00/sens/frame-001290.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99592 -0.05079 0.07453 -0.22097 0.04348 0.99437 0.09663 0.16669 -0.07902 -0.093 0.99253 -0.38798 0. 0. 0. 1. +scans_test/scene0781_00/sens/frame-001605.color.jpg scans_test/scene0781_00/sens/frame-001650.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.90639 -0.1863 0.37914 -0.99602 0.17976 0.98229 0.05292 0.01655 -0.38228 0.02019 0.92383 -0.02688 0. 0. 0. 1. +scans_test/scene0781_00/sens/frame-001710.color.jpg scans_test/scene0781_00/sens/frame-001860.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.92846 -0.17282 0.32877 0.2532 0.15775 0.98484 0.0722 0.2946 -0.33626 -0.01517 0.94165 -0.79753 0. 0. 0. 1. +scans_test/scene0781_00/sens/frame-001860.color.jpg scans_test/scene0781_00/sens/frame-001920.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.89798 0.11508 -0.42473 1.24736 -0.10453 0.99336 0.04815 0.12374 0.42744 0.00116 0.90404 -0.06719 0. 0. 0. 1. +scans_test/scene0781_00/sens/frame-001875.color.jpg scans_test/scene0781_00/sens/frame-002145.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.96138 0.00571 0.27515 -0.21343 -0.04355 0.99034 0.13163 0.63723 -0.27174 -0.13853 0.95235 -2.60024 0. 0. 0. 1. +scans_test/scene0781_00/sens/frame-002145.color.jpg scans_test/scene0781_00/sens/frame-002220.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.93875 -0.1138 0.32526 -0.58814 0.13272 0.99048 -0.03652 -0.19458 -0.31801 0.07745 0.94492 0.69243 0. 0. 0. 1. +scans_test/scene0782_00/sens/frame-000015.color.jpg scans_test/scene0782_00/sens/frame-000105.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99629 -0.00837 0.08568 -0.12071 0.01705 0.99474 -0.10105 -0.19851 -0.08438 0.10213 0.99119 0.48091 0. 0. 0. 1. +scans_test/scene0782_00/sens/frame-000075.color.jpg scans_test/scene0782_00/sens/frame-001365.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.97671 0.12504 -0.17435 0.82969 -0.11879 0.99186 0.0459 0.03672 0.17867 -0.02412 0.98361 -0.12786 0. 0. 0. 1. +scans_test/scene0782_00/sens/frame-000090.color.jpg scans_test/scene0782_00/sens/frame-000420.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.57017 0.21036 -0.79414 1.42216 -0.21793 0.97076 0.10067 0.0988 0.7921 0.11566 0.59934 0.34838 0. 0. 0. 1. +scans_test/scene0782_00/sens/frame-000105.color.jpg scans_test/scene0782_00/sens/frame-001350.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99385 0.03222 -0.10596 0.85058 -0.0522 0.9801 -0.19149 0.03814 0.09768 0.19584 0.97576 -0.23243 0. 0. 0. 1. +scans_test/scene0782_00/sens/frame-000195.color.jpg scans_test/scene0782_00/sens/frame-000345.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.98576 -0.04113 -0.16307 0.96955 0.04281 0.99906 0.00678 0.015 0.16263 -0.01367 0.98659 0.28893 0. 0. 0. 1. +scans_test/scene0782_00/sens/frame-000240.color.jpg scans_test/scene0782_00/sens/frame-001455.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.54679 0.32577 -0.77129 3.40082 -0.10796 0.94094 0.3209 0.09048 0.83028 -0.0922 0.54967 1.22016 0. 0. 0. 1. +scans_test/scene0782_00/sens/frame-000255.color.jpg scans_test/scene0782_00/sens/frame-001470.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.47535 0.38076 -0.79314 3.64523 -0.12978 0.92198 0.36483 -0.12216 0.87017 -0.07049 0.48768 1.52974 0. 0. 0. 1. +scans_test/scene0782_00/sens/frame-000375.color.jpg scans_test/scene0782_00/sens/frame-001410.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.98562 0.04511 -0.16286 1.38021 -0.0607 0.9939 -0.09207 0.08365 0.15772 0.10063 0.98234 -0.27119 0. 0. 0. 1. +scans_test/scene0782_00/sens/frame-000435.color.jpg scans_test/scene0782_00/sens/frame-000510.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.69831 0.28131 -0.65821 0.96101 -0.33476 0.94113 0.04707 -0.44128 0.6327 0.18747 0.75136 0.90028 0. 0. 0. 1. +scans_test/scene0782_00/sens/frame-000435.color.jpg scans_test/scene0782_00/sens/frame-001485.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.98447 0.08319 -0.15459 1.49245 -0.07424 0.99526 0.06278 -0.11698 0.15909 -0.05033 0.98598 0.56674 0. 0. 0. 1. +scans_test/scene0782_00/sens/frame-000555.color.jpg scans_test/scene0782_00/sens/frame-001365.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. -0.26741 -0.39019 0.88105 -1.78544 0.35984 0.80776 0.46695 -0.87296 -0.89387 0.44191 -0.0756 2.53819 0. 0. 0. 1. +scans_test/scene0782_00/sens/frame-000645.color.jpg scans_test/scene0782_00/sens/frame-000780.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99106 -0.03467 0.12883 -0.49969 0.0415 0.99785 -0.05074 0.40654 -0.12679 0.05563 0.99037 -1.48982 0. 0. 0. 1. +scans_test/scene0782_00/sens/frame-000990.color.jpg scans_test/scene0782_00/sens/frame-001155.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.86239 0.1331 -0.48842 1.19188 -0.16031 0.98697 -0.01409 0.06695 0.48018 0.09045 0.87249 -0.26251 0. 0. 0. 1. +scans_test/scene0782_00/sens/frame-001260.color.jpg scans_test/scene0782_00/sens/frame-001290.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.94923 0.15994 -0.27087 0.15988 -0.16828 0.98571 -0.00768 -0.00279 0.26578 0.05287 0.96258 -0.01289 0. 0. 0. 1. +scans_test/scene0782_00/sens/frame-001335.color.jpg scans_test/scene0782_00/sens/frame-001365.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.97207 0.18469 -0.14482 0.58994 -0.17428 0.98131 0.08161 0.1565 0.15718 -0.05409 0.98609 -0.32341 0. 0. 0. 1. +scans_test/scene0783_00/sens/frame-000000.color.jpg scans_test/scene0783_00/sens/frame-001395.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.63276 0.28939 -0.71824 1.54022 -0.17306 0.95693 0.2331 -0.04844 0.75477 -0.02319 0.65559 0.7565 0. 0. 0. 1. +scans_test/scene0783_00/sens/frame-000120.color.jpg scans_test/scene0783_00/sens/frame-001290.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.9393 -0.04335 0.34034 -0.36346 0.05419 0.99828 -0.02241 -0.08556 -0.33878 0.0395 0.94004 0.13148 0. 0. 0. 1. +scans_test/scene0783_00/sens/frame-000120.color.jpg scans_test/scene0783_00/sens/frame-001515.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.61283 0.08555 -0.78557 1.06786 -0.08259 0.99561 0.04399 0.01953 0.78589 0.03792 0.6172 1.29096 0. 0. 0. 1. +scans_test/scene0783_00/sens/frame-000150.color.jpg scans_test/scene0783_00/sens/frame-001425.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.84037 0.08297 -0.53562 1.85822 -0.17333 0.97746 -0.12054 -0.57691 0.51354 0.19414 0.83581 1.11966 0. 0. 0. 1. +scans_test/scene0783_00/sens/frame-000210.color.jpg scans_test/scene0783_00/sens/frame-001245.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.32387 -0.41963 0.84795 -1.21113 0.38984 0.87583 0.28453 -0.35955 -0.86205 0.23841 0.44724 0.75441 0. 0. 0. 1. +scans_test/scene0783_00/sens/frame-000345.color.jpg scans_test/scene0783_00/sens/frame-001500.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.82185 0.21348 -0.52819 1.73434 -0.11213 0.96962 0.21741 -0.29997 0.55856 -0.11945 0.82082 1.88955 0. 0. 0. 1. +scans_test/scene0783_00/sens/frame-000420.color.jpg scans_test/scene0783_00/sens/frame-000540.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.98993 -0.08309 -0.11459 0.09388 0.11534 0.94279 0.31279 0.15559 0.08204 -0.32285 0.94289 -0.06745 0. 0. 0. 1. +scans_test/scene0783_00/sens/frame-000465.color.jpg scans_test/scene0783_00/sens/frame-001305.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.97213 0.0213 -0.23345 2.20344 -0.03624 0.99755 -0.05987 -0.1054 0.2316 0.06666 0.97052 -0.35222 0. 0. 0. 1. +scans_test/scene0783_00/sens/frame-000465.color.jpg scans_test/scene0783_00/sens/frame-001530.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.16973 0.02505 -0.98517 2.24114 -0.04976 0.99862 0.01682 -0.1349 0.98423 0.04617 0.17074 3.10006 0. 0. 0. 1. +scans_test/scene0783_00/sens/frame-000480.color.jpg scans_test/scene0783_00/sens/frame-001290.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.9988 -0.03922 -0.02935 1.66603 0.03279 0.98043 -0.19412 0.01615 0.03639 0.19293 0.98054 -0.79761 0. 0. 0. 1. +scans_test/scene0783_00/sens/frame-000585.color.jpg scans_test/scene0783_00/sens/frame-001395.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.96433 0.00556 -0.26465 2.38874 -0.00306 0.99995 0.00986 -0.31643 0.26469 -0.0087 0.96429 1.41963 0. 0. 0. 1. +scans_test/scene0783_00/sens/frame-000675.color.jpg scans_test/scene0783_00/sens/frame-000720.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.93238 0.16431 -0.32197 0.03973 -0.17592 0.98438 -0.0071 -0.1181 0.31577 0.06326 0.94672 0.06118 0. 0. 0. 1. +scans_test/scene0783_00/sens/frame-000780.color.jpg scans_test/scene0783_00/sens/frame-000870.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.87759 0.13145 -0.46104 0.94427 -0.02653 0.97352 0.22707 0.13698 0.47867 -0.18705 0.85784 0.23597 0. 0. 0. 1. +scans_test/scene0783_00/sens/frame-001245.color.jpg scans_test/scene0783_00/sens/frame-001365.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.34618 0.40559 -0.84596 1.99767 -0.28073 0.90519 0.3191 -0.32186 0.89518 0.12702 0.42722 0.9463 0. 0. 0. 1. +scans_test/scene0783_00/sens/frame-001290.color.jpg scans_test/scene0783_00/sens/frame-001320.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.93184 0.10521 -0.34728 0.53428 -0.07606 0.99242 0.09657 -0.0397 0.35481 -0.06357 0.93277 0.08447 0. 0. 0. 1. +scans_test/scene0784_00/sens/frame-001125.color.jpg scans_test/scene0784_00/sens/frame-001725.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.81557 0.27564 -0.50879 0.4314 -0.37338 0.9224 -0.09881 0.41577 0.44207 0.27056 0.8552 -0.44168 0. 0. 0. 1. +scans_test/scene0784_00/sens/frame-001140.color.jpg scans_test/scene0784_00/sens/frame-001785.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.80488 0.21151 -0.55447 0.22658 -0.26581 0.96385 -0.01818 0.25373 0.53058 0.16202 0.832 -0.36883 0. 0. 0. 1. +scans_test/scene0784_00/sens/frame-001875.color.jpg scans_test/scene0784_00/sens/frame-004920.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.85128 0.4228 -0.31075 0.53969 -0.38909 0.90598 0.16675 -0.45951 0.35203 -0.02104 0.93575 0.46835 0. 0. 0. 1. +scans_test/scene0784_00/sens/frame-001950.color.jpg scans_test/scene0784_00/sens/frame-002820.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.9028 -0.22058 0.36919 -0.4577 0.23128 0.97276 0.01565 -0.04746 -0.36259 0.07125 0.92922 0.07691 0. 0. 0. 1. +scans_test/scene0784_00/sens/frame-001965.color.jpg scans_test/scene0784_00/sens/frame-002895.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.67043 -0.38061 0.63691 -0.91148 0.56124 0.82161 -0.09979 -0.17115 -0.48531 0.42436 0.76445 -0.11501 0. 0. 0. 1. +scans_test/scene0784_00/sens/frame-001995.color.jpg scans_test/scene0784_00/sens/frame-002745.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.98415 -0.17102 0.04685 -0.30248 0.17215 0.98485 -0.02112 -0.03 -0.04253 0.02885 0.99868 -0.10142 0. 0. 0. 1. +scans_test/scene0784_00/sens/frame-002115.color.jpg scans_test/scene0784_00/sens/frame-002805.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.92142 -0.34185 0.18471 0.46966 0.33962 0.93951 0.04456 -0.35585 -0.18877 0.02167 0.98178 0.7929 0. 0. 0. 1. +scans_test/scene0784_00/sens/frame-002535.color.jpg scans_test/scene0784_00/sens/frame-002580.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.99832 0.02335 -0.05308 -0.04755 -0.02251 0.99961 0.01627 -0.13492 0.05344 -0.01505 0.99846 0.4601 0. 0. 0. 1. +scans_test/scene0784_00/sens/frame-002655.color.jpg scans_test/scene0784_00/sens/frame-002790.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.9856 -0.10544 0.13222 0.28534 0.11854 0.98836 -0.09538 -0.29518 -0.12063 0.10968 0.98662 0.56041 0. 0. 0. 1. +scans_test/scene0784_00/sens/frame-002820.color.jpg scans_test/scene0784_00/sens/frame-002865.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.98805 -0.03584 0.14989 -0.27965 0.05366 0.99172 -0.11663 0.12674 -0.14447 0.12328 0.9818 -0.2861 0. 0. 0. 1. +scans_test/scene0784_00/sens/frame-003825.color.jpg scans_test/scene0784_00/sens/frame-004785.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.98477 0.0209 0.17261 0.05808 -0.03807 0.99458 0.09673 -0.06528 -0.16965 -0.10183 0.98023 0.16275 0. 0. 0. 1. +scans_test/scene0784_00/sens/frame-003855.color.jpg scans_test/scene0784_00/sens/frame-004080.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.92952 0.23279 -0.28603 -0.03723 -0.20834 0.97144 0.11357 0.05871 0.30429 -0.04597 0.95147 0.03302 0. 0. 0. 1. +scans_test/scene0784_00/sens/frame-003885.color.jpg scans_test/scene0784_00/sens/frame-004440.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.82759 -0.08774 0.55443 -0.2334 0.17009 0.98047 -0.09872 0.09287 -0.53494 0.176 0.82635 0.00197 0. 0. 0. 1. +scans_test/scene0784_00/sens/frame-003960.color.jpg scans_test/scene0784_00/sens/frame-004020.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.96795 -0.0654 -0.24248 -0.01308 0.04464 0.99493 -0.09013 -0.03115 0.24714 0.07642 0.96596 -0.04993 0. 0. 0. 1. +scans_test/scene0784_00/sens/frame-004215.color.jpg scans_test/scene0784_00/sens/frame-004260.color.jpg 0 0 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 1165.72 0. 649.095 0. 1165.74 484.765 0. 0. 1. 0.9776 -0.14751 0.15013 0.03639 0.09897 0.95171 0.29062 0.07666 -0.18574 -0.26925 0.94499 0.10673 0. 0. 0. 1. +scans_test/scene0785_00/sens/frame-000090.color.jpg scans_test/scene0785_00/sens/frame-000120.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.95663 -0.14144 0.25467 -0.46704 0.1178 0.98738 0.10587 0.08458 -0.26643 -0.07127 0.96122 0.05379 0. 0. 0. 1. +scans_test/scene0785_00/sens/frame-000105.color.jpg scans_test/scene0785_00/sens/frame-001995.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99128 0.06809 -0.11285 0.21608 -0.03615 0.96385 0.26398 0.19455 0.12674 -0.25759 0.95791 0.10508 0. 0. 0. 1. +scans_test/scene0785_00/sens/frame-000270.color.jpg scans_test/scene0785_00/sens/frame-000555.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.96149 0.1458 -0.23298 -0.02532 -0.1777 0.97645 -0.1223 -0.06824 0.20966 0.15899 0.96476 -0.08356 0. 0. 0. 1. +scans_test/scene0785_00/sens/frame-000450.color.jpg scans_test/scene0785_00/sens/frame-000555.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.954 -0.08127 0.28859 -1.03818 0.13738 0.97406 -0.17983 0.01186 -0.26649 0.21121 0.94041 -0.09249 0. 0. 0. 1. +scans_test/scene0785_00/sens/frame-000540.color.jpg scans_test/scene0785_00/sens/frame-003900.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.76594 -0.30896 0.56382 -1.1148 0.38052 0.92472 -0.01021 -0.7783 -0.51821 0.22237 0.82584 1.27891 0. 0. 0. 1. +scans_test/scene0785_00/sens/frame-000720.color.jpg scans_test/scene0785_00/sens/frame-003330.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.39942 -0.21923 0.89017 -2.3968 0.12702 0.97486 0.18309 -0.04907 -0.90793 0.03994 0.41723 1.52719 0. 0. 0. 1. +scans_test/scene0785_00/sens/frame-000750.color.jpg scans_test/scene0785_00/sens/frame-000795.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.8815 0.2431 -0.4048 0.46149 -0.25391 0.96683 0.0277 -0.01729 0.3981 0.07836 0.91399 0.06361 0. 0. 0. 1. +scans_test/scene0785_00/sens/frame-000765.color.jpg scans_test/scene0785_00/sens/frame-003930.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.75849 -0.24111 0.60544 -1.33034 0.29807 0.95452 0.0067 -0.34333 -0.57952 0.17538 0.79586 0.6111 0. 0. 0. 1. +scans_test/scene0785_00/sens/frame-000885.color.jpg scans_test/scene0785_00/sens/frame-003975.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.60735 -0.44039 0.6612 -0.89195 0.4755 0.86826 0.14152 0.06512 -0.63642 0.22845 0.73674 -0.11584 0. 0. 0. 1. +scans_test/scene0785_00/sens/frame-001110.color.jpg scans_test/scene0785_00/sens/frame-001305.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.63941 0.37391 -0.67183 0.75723 -0.37344 0.91483 0.15373 -0.00891 0.67208 0.1526 0.72458 -0.09103 0. 0. 0. 1. +scans_test/scene0785_00/sens/frame-001185.color.jpg scans_test/scene0785_00/sens/frame-001320.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.95791 0.21475 -0.19051 0.20116 -0.23377 0.9687 -0.08347 0.13674 0.16662 0.12449 0.97813 -0.21157 0. 0. 0. 1. +scans_test/scene0785_00/sens/frame-001530.color.jpg scans_test/scene0785_00/sens/frame-001710.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.97134 -0.1047 0.21337 -0.74527 0.14674 0.9704 -0.19181 -0.09334 -0.18697 0.21763 0.95796 0.06571 0. 0. 0. 1. +scans_test/scene0785_00/sens/frame-002835.color.jpg scans_test/scene0785_00/sens/frame-002955.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.93646 -0.16261 0.31082 -0.53297 0.21058 0.96924 -0.12738 0.5023 -0.28055 0.18474 0.9419 -1.01399 0. 0. 0. 1. +scans_test/scene0785_00/sens/frame-002955.color.jpg scans_test/scene0785_00/sens/frame-002970.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99976 -0.01797 0.01231 0.0022 0.01629 0.99203 0.12498 0.09044 -0.01446 -0.12475 0.99208 -0.09903 0. 0. 0. 1. +scans_test/scene0785_00/sens/frame-003210.color.jpg scans_test/scene0785_00/sens/frame-003405.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.9459 -0.00805 0.32435 -0.15228 0.0399 0.99499 -0.09167 0.06498 -0.32199 0.09965 0.94148 -0.23419 0. 0. 0. 1. +scans_test/scene0786_00/sens/frame-000015.color.jpg scans_test/scene0786_00/sens/frame-001140.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.92641 -0.13289 0.35228 -0.2971 0.08594 0.98557 0.1458 0.02428 -0.36658 -0.1048 0.92447 0.35852 0. 0. 0. 1. +scans_test/scene0786_00/sens/frame-000030.color.jpg scans_test/scene0786_00/sens/frame-001155.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.95905 -0.15189 0.23907 -0.32975 0.0927 0.96589 0.24178 -0.05621 -0.26764 -0.20972 0.94042 0.54899 0. 0. 0. 1. +scans_test/scene0786_00/sens/frame-000225.color.jpg scans_test/scene0786_00/sens/frame-000300.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.97967 -0.04847 0.19465 0.19464 0.05436 0.99821 -0.02502 0.2329 -0.19309 0.03509 0.98056 -0.61062 0. 0. 0. 1. +scans_test/scene0786_00/sens/frame-000240.color.jpg scans_test/scene0786_00/sens/frame-000285.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99264 -0.04938 0.11059 0.2509 0.04123 0.99635 0.07477 0.13417 -0.11388 -0.06966 0.99105 -0.31434 0. 0. 0. 1. +scans_test/scene0786_00/sens/frame-000240.color.jpg scans_test/scene0786_00/sens/frame-001755.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99742 -0.0329 0.06378 -1.42074 0.02081 0.98313 0.18175 -0.35682 -0.06868 -0.17995 0.98128 2.27119 0. 0. 0. 1. +scans_test/scene0786_00/sens/frame-000345.color.jpg scans_test/scene0786_00/sens/frame-000375.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99808 -0.04674 0.04072 -0.21604 0.03679 0.97529 0.21786 0.08173 -0.04989 -0.21595 0.97513 0.42277 0. 0. 0. 1. +scans_test/scene0786_00/sens/frame-000345.color.jpg scans_test/scene0786_00/sens/frame-000495.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.85163 -0.15697 0.50009 0.01015 0.16858 0.98544 0.02222 -0.20626 -0.49629 0.06538 0.86569 0.5469 0. 0. 0. 1. +scans_test/scene0786_00/sens/frame-000540.color.jpg scans_test/scene0786_00/sens/frame-000630.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.37271 -0.53065 0.76125 -1.09239 0.56873 0.77884 0.26447 -0.17722 -0.73323 0.33438 0.59208 0.3213 0. 0. 0. 1. +scans_test/scene0786_00/sens/frame-000855.color.jpg scans_test/scene0786_00/sens/frame-000915.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.95538 -0.16674 0.24383 -0.54928 0.15749 0.98587 0.0571 0.08846 -0.24991 -0.01615 0.96814 -0.14946 0. 0. 0. 1. +scans_test/scene0786_00/sens/frame-001080.color.jpg scans_test/scene0786_00/sens/frame-001275.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.98712 -0.09259 0.13043 -0.8366 0.10889 0.98629 -0.12395 -0.47573 -0.11717 0.13656 0.98368 0.85034 0. 0. 0. 1. +scans_test/scene0786_00/sens/frame-001290.color.jpg scans_test/scene0786_00/sens/frame-001335.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.91842 0.04793 -0.39269 0.579 -0.14225 0.96625 -0.21477 0.10568 0.36914 0.25311 0.89424 -0.31496 0. 0. 0. 1. +scans_test/scene0786_00/sens/frame-001290.color.jpg scans_test/scene0786_00/sens/frame-001635.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.96443 0.10195 -0.24388 -0.42679 -0.11736 0.99186 -0.04948 -0.31951 0.23685 0.07635 0.96854 0.64616 0. 0. 0. 1. +scans_test/scene0786_00/sens/frame-001365.color.jpg scans_test/scene0786_00/sens/frame-001545.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.8859 0.35407 -0.2997 -0.45117 -0.33765 0.9352 0.10678 0.02086 0.31808 0.0066 0.94804 0.13931 0. 0. 0. 1. +scans_test/scene0786_00/sens/frame-001530.color.jpg scans_test/scene0786_00/sens/frame-001620.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.81206 -0.38018 0.44274 -0.91007 0.30153 0.9229 0.23945 -0.30617 -0.49964 -0.06094 0.86409 0.75042 0. 0. 0. 1. +scans_test/scene0786_00/sens/frame-001695.color.jpg scans_test/scene0786_00/sens/frame-001725.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.96496 -0.13467 0.22518 0.07465 0.12544 0.99058 0.05487 0.22631 -0.23045 -0.0247 0.97277 -0.43773 0. 0. 0. 1. +scans_test/scene0787_00/sens/frame-000030.color.jpg scans_test/scene0787_00/sens/frame-000210.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.72815 -0.52424 0.44154 -0.11663 0.53924 0.83582 0.1031 -0.1631 -0.4231 0.16303 0.8913 0.06863 0. 0. 0. 1. +scans_test/scene0787_00/sens/frame-000165.color.jpg scans_test/scene0787_00/sens/frame-000390.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.9381 0.16629 -0.30385 0.09352 -0.17836 0.98389 -0.01223 0.58692 0.29692 0.06567 0.95264 -1.23224 0. 0. 0. 1. +scans_test/scene0787_00/sens/frame-000540.color.jpg scans_test/scene0787_00/sens/frame-002865.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.89711 -0.168 0.40863 -0.06593 0.10933 0.98053 0.16309 -0.47493 -0.42808 -0.10163 0.89801 1.33531 0. 0. 0. 1. +scans_test/scene0787_00/sens/frame-000615.color.jpg scans_test/scene0787_00/sens/frame-000855.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.58235 -0.48396 0.65319 -1.2994 0.54969 0.82638 0.12222 -0.68518 -0.59893 0.28787 0.74727 0.6014 0. 0. 0. 1. +scans_test/scene0787_00/sens/frame-000645.color.jpg scans_test/scene0787_00/sens/frame-002880.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.7242 -0.22398 0.6522 -0.23978 0.22752 0.97043 0.08063 -0.80268 -0.65097 0.09 0.75375 1.84575 0. 0. 0. 1. +scans_test/scene0787_00/sens/frame-000660.color.jpg scans_test/scene0787_00/sens/frame-000690.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.98137 -0.06794 0.1797 -0.28117 0.03431 0.98232 0.18405 0.09382 -0.18903 -0.17446 0.96635 -0.04211 0. 0. 0. 1. +scans_test/scene0787_00/sens/frame-000930.color.jpg scans_test/scene0787_00/sens/frame-000990.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.90128 0.06482 -0.42837 0.09993 -0.01297 0.99234 0.12287 0.12192 0.43305 -0.10519 0.89521 -0.05416 0. 0. 0. 1. +scans_test/scene0787_00/sens/frame-000945.color.jpg scans_test/scene0787_00/sens/frame-000990.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.91902 0.02001 -0.39371 0.13701 -0.00604 0.99931 0.03668 0.04968 0.39417 -0.03133 0.9185 -0.05017 0. 0. 0. 1. +scans_test/scene0787_00/sens/frame-001680.color.jpg scans_test/scene0787_00/sens/frame-001725.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.83423 0.46013 -0.30389 -0.24977 -0.39391 0.88292 0.25551 -0.14234 0.38588 -0.09345 0.91781 0.33604 0. 0. 0. 1. +scans_test/scene0787_00/sens/frame-001755.color.jpg scans_test/scene0787_00/sens/frame-002355.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. -0.16591 0.61933 -0.7674 2.57001 -0.49929 0.61832 0.60695 -0.95269 0.8504 0.48386 0.20664 1.48805 0. 0. 0. 1. +scans_test/scene0787_00/sens/frame-001770.color.jpg scans_test/scene0787_00/sens/frame-001875.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.93603 -0.26448 0.23217 0.1007 0.265 0.9638 0.02955 0.73254 -0.23158 0.03387 0.97223 -0.92392 0. 0. 0. 1. +scans_test/scene0787_00/sens/frame-001815.color.jpg scans_test/scene0787_00/sens/frame-001890.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.88829 -0.1201 0.4433 -0.56924 0.26547 0.9219 -0.28218 0.41095 -0.37479 0.36834 0.8508 -0.70785 0. 0. 0. 1. +scans_test/scene0787_00/sens/frame-002145.color.jpg scans_test/scene0787_00/sens/frame-002175.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.97766 0.08049 -0.19417 0.16213 -0.09787 0.99185 -0.08159 0.08299 0.18602 0.09877 0.97757 -0.28504 0. 0. 0. 1. +scans_test/scene0787_00/sens/frame-002415.color.jpg scans_test/scene0787_00/sens/frame-002430.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99904 -0.02754 -0.0339 0.06173 0.03096 0.99401 0.10483 0.11131 0.03081 -0.10578 0.99391 -0.24692 0. 0. 0. 1. +scans_test/scene0787_00/sens/frame-002475.color.jpg scans_test/scene0787_00/sens/frame-002745.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99715 0.06032 0.04539 -0.90903 -0.04846 0.97249 -0.22785 0.43431 -0.05788 0.225 0.97264 -0.6592 0. 0. 0. 1. +scans_test/scene0788_00/sens/frame-000075.color.jpg scans_test/scene0788_00/sens/frame-000090.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.98441 0.07784 -0.15774 -0.04307 -0.10579 0.97844 -0.17736 -0.07168 0.14053 0.19129 0.97142 -0.05851 0. 0. 0. 1. +scans_test/scene0788_00/sens/frame-000150.color.jpg scans_test/scene0788_00/sens/frame-000195.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.97562 0.13968 -0.1693 -0.32504 -0.13187 0.98965 0.0566 0.04638 0.17546 -0.03289 0.98394 -0.04837 0. 0. 0. 1. +scans_test/scene0788_00/sens/frame-000150.color.jpg scans_test/scene0788_00/sens/frame-000720.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.85735 -0.25357 0.44795 -0.56269 0.24493 0.96638 0.07824 -0.39101 -0.45273 0.04263 0.89063 0.69406 0. 0. 0. 1. +scans_test/scene0788_00/sens/frame-000165.color.jpg scans_test/scene0788_00/sens/frame-000705.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.98903 -0.05913 0.13535 -0.89088 0.07264 0.99261 -0.09718 -0.29807 -0.1286 0.10595 0.98602 0.34895 0. 0. 0. 1. +scans_test/scene0788_00/sens/frame-000180.color.jpg scans_test/scene0788_00/sens/frame-000195.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.9964 0.05811 -0.06171 -0.17222 -0.06671 0.98674 -0.14796 0.0002 0.0523 0.15155 0.98707 -0.16843 0. 0. 0. 1. +scans_test/scene0788_00/sens/frame-000285.color.jpg scans_test/scene0788_00/sens/frame-000375.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.98907 0.07663 -0.12596 -0.47332 -0.08369 0.99515 -0.0517 0.50228 0.12139 0.06168 0.99069 -1.00308 0. 0. 0. 1. +scans_test/scene0788_00/sens/frame-000360.color.jpg scans_test/scene0788_00/sens/frame-000375.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.99183 0.03079 -0.12379 -0.15072 -0.04692 0.99046 -0.12957 0.00062 0.11862 0.13432 0.98381 -0.1261 0. 0. 0. 1. +scans_test/scene0788_00/sens/frame-000375.color.jpg scans_test/scene0788_00/sens/frame-000600.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.90013 0.16697 -0.40235 -0.6261 -0.08009 0.97132 0.2239 -0.21958 0.4282 -0.16931 0.88768 1.37282 0. 0. 0. 1. +scans_test/scene0788_00/sens/frame-000390.color.jpg scans_test/scene0788_00/sens/frame-000675.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.96303 -0.13557 0.23278 0.53381 0.14119 0.98995 -0.00755 -1.18769 -0.22942 0.04013 0.9725 1.966 0. 0. 0. 1. +scans_test/scene0788_00/sens/frame-000495.color.jpg scans_test/scene0788_00/sens/frame-000570.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.9164 -0.22397 0.33175 -0.49085 0.20437 0.97444 0.09332 -0.37305 -0.34417 -0.01772 0.93874 0.87973 0. 0. 0. 1. +scans_test/scene0788_00/sens/frame-000510.color.jpg scans_test/scene0788_00/sens/frame-000570.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.9522 -0.16563 0.25668 -0.33606 0.12634 0.97855 0.16273 -0.20785 -0.27812 -0.12253 0.9527 0.64251 0. 0. 0. 1. +scans_test/scene0788_00/sens/frame-000540.color.jpg scans_test/scene0788_00/sens/frame-000645.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.70121 -0.46616 0.53943 -0.58869 0.40041 0.88352 0.24302 -0.4216 -0.58989 0.04558 0.80619 0.71946 0. 0. 0. 1. +scans_test/scene0788_00/sens/frame-000555.color.jpg scans_test/scene0788_00/sens/frame-000615.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.8556 -0.30246 0.42008 -0.61316 0.2096 0.94446 0.25311 0.00104 -0.4733 -0.12851 0.87148 0.29275 0. 0. 0. 1. +scans_test/scene0788_00/sens/frame-000660.color.jpg scans_test/scene0788_00/sens/frame-000690.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.89915 -0.19031 0.39409 0.41782 0.17165 0.9817 0.08245 -0.054 -0.40257 -0.0065 0.91537 0.1438 0. 0. 0. 1. +scans_test/scene0788_00/sens/frame-000975.color.jpg scans_test/scene0788_00/sens/frame-001005.color.jpg 0 0 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 1163.45 0. 653.626 0. 1164.79 481.6 0. 0. 1. 0.88432 -0.26614 0.3836 0.29819 0.23096 0.96342 0.13598 0.02096 -0.40575 -0.03165 0.91344 0.05073 0. 0. 0. 1. +scans_test/scene0789_00/sens/frame-000045.color.jpg scans_test/scene0789_00/sens/frame-000210.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.93831 -0.0579 0.34091 0.3878 0.04545 0.99798 0.04438 -0.05558 -0.34279 -0.02615 0.93905 -0.68022 0. 0. 0. 1. +scans_test/scene0789_00/sens/frame-000060.color.jpg scans_test/scene0789_00/sens/frame-000210.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.97165 -0.08335 0.22122 0.31744 0.0611 0.99253 0.1056 0.03115 -0.22837 -0.08909 0.96949 -0.50053 0. 0. 0. 1. +scans_test/scene0789_00/sens/frame-000165.color.jpg scans_test/scene0789_00/sens/frame-000210.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.95323 0.01498 -0.30188 0.20056 0.00021 0.99874 0.05022 0.15936 0.30225 -0.04793 0.95202 -0.44597 0. 0. 0. 1. +scans_test/scene0789_00/sens/frame-000165.color.jpg scans_test/scene0789_00/sens/frame-000300.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99991 0.00797 0.01077 0.01081 -0.00764 0.99952 -0.02996 0.09341 -0.01101 0.02987 0.99949 -0.43679 0. 0. 0. 1. +scans_test/scene0789_00/sens/frame-000165.color.jpg scans_test/scene0789_00/sens/frame-000360.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.9793 0.00787 -0.20224 0.40266 -0.00157 0.99951 0.03125 0.208 0.20239 -0.03028 0.97884 -1.08663 0. 0. 0. 1. +scans_test/scene0789_00/sens/frame-000195.color.jpg scans_test/scene0789_00/sens/frame-000465.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.9992 0.03997 -0.00044 1.22557 -0.03946 0.98449 -0.17095 0.51531 -0.0064 0.17083 0.98528 -2.54879 0. 0. 0. 1. +scans_test/scene0789_00/sens/frame-000210.color.jpg scans_test/scene0789_00/sens/frame-000240.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99989 0.00908 0.0118 0.23256 -0.00573 0.96619 -0.25775 -0.04672 -0.01374 0.25766 0.96614 -0.28086 0. 0. 0. 1. +scans_test/scene0789_00/sens/frame-000345.color.jpg scans_test/scene0789_00/sens/frame-000435.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99477 0.00388 -0.10204 0.78432 -0.03586 0.94892 -0.31346 0.43198 0.09561 0.31548 0.9441 -1.32735 0. 0. 0. 1. +scans_test/scene0789_00/sens/frame-000480.color.jpg scans_test/scene0789_00/sens/frame-000765.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.96402 -0.01642 -0.26534 2.80764 0.05682 0.98776 0.14528 0.72692 0.25971 -0.15513 0.95315 -4.54088 0. 0. 0. 1. +scans_test/scene0789_00/sens/frame-000540.color.jpg scans_test/scene0789_00/sens/frame-000750.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99301 -0.02345 -0.11566 1.7731 0.02925 0.99838 0.04875 0.45257 0.11432 -0.05179 0.99209 -3.76483 0. 0. 0. 1. +scans_test/scene0789_00/sens/frame-000555.color.jpg scans_test/scene0789_00/sens/frame-000750.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99043 -0.03996 -0.13212 1.6416 0.05629 0.99091 0.12222 0.46699 0.12603 -0.12849 0.98367 -3.50311 0. 0. 0. 1. +scans_test/scene0789_00/sens/frame-000570.color.jpg scans_test/scene0789_00/sens/frame-000630.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99771 -0.04557 0.04995 0.28365 0.0398 0.99303 0.11097 0.17911 -0.05466 -0.10873 0.99257 -1.16872 0. 0. 0. 1. +scans_test/scene0789_00/sens/frame-000630.color.jpg scans_test/scene0789_00/sens/frame-000750.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.97796 -0.00961 -0.20858 0.99711 0.0181 0.99908 0.03883 0.31139 0.20801 -0.04175 0.97723 -2.13164 0. 0. 0. 1. +scans_test/scene0789_00/sens/frame-000645.color.jpg scans_test/scene0789_00/sens/frame-000780.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.93604 -0.03511 -0.35014 1.49922 0.04615 0.99866 0.02322 0.28907 0.34886 -0.0379 0.93641 -1.9668 0. 0. 0. 1. +scans_test/scene0789_00/sens/frame-000660.color.jpg scans_test/scene0789_00/sens/frame-000750.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.96648 -0.03545 -0.25428 0.81469 0.03661 0.99933 -0.00018 0.19287 0.25411 -0.00913 0.96713 -1.5327 0. 0. 0. 1. +scans_test/scene0790_00/sens/frame-000030.color.jpg scans_test/scene0790_00/sens/frame-000060.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.98815 0.06797 -0.13762 -0.18534 -0.04897 0.98936 0.13703 0.07832 0.14547 -0.12866 0.98096 0.22571 0. 0. 0. 1. +scans_test/scene0790_00/sens/frame-000090.color.jpg scans_test/scene0790_00/sens/frame-001005.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.90773 -0.11738 0.40281 -0.13615 0.15833 0.98492 -0.06978 -0.11643 -0.38854 0.12711 0.91262 0.04938 0. 0. 0. 1. +scans_test/scene0790_00/sens/frame-000180.color.jpg scans_test/scene0790_00/sens/frame-000315.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.98094 -0.00853 -0.19413 -0.0483 0.0388 0.98751 0.15268 0.10653 0.1904 -0.1573 0.96902 -0.01797 0. 0. 0. 1. +scans_test/scene0790_00/sens/frame-000225.color.jpg scans_test/scene0790_00/sens/frame-000300.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.97895 0.01534 0.20351 -0.03796 -0.01459 0.99988 -0.00521 -0.00787 -0.20356 0.00213 0.97906 0.08854 0. 0. 0. 1. +scans_test/scene0790_00/sens/frame-000330.color.jpg scans_test/scene0790_00/sens/frame-000375.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.8757 -0.02037 -0.48242 0.75031 -0.10179 0.96887 -0.22568 -0.24143 0.472 0.24674 0.84637 0.03989 0. 0. 0. 1. +scans_test/scene0790_00/sens/frame-000360.color.jpg scans_test/scene0790_00/sens/frame-000420.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.91008 0.03703 -0.41277 0.32266 0.05536 0.97621 0.20964 0.21962 0.41071 -0.21364 0.88638 0.56552 0. 0. 0. 1. +scans_test/scene0790_00/sens/frame-000390.color.jpg scans_test/scene0790_00/sens/frame-000465.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.88998 0.07435 -0.4499 0.07161 -0.09042 0.9958 -0.01428 -0.08406 0.44694 0.05339 0.89297 0.41618 0. 0. 0. 1. +scans_test/scene0790_00/sens/frame-000465.color.jpg scans_test/scene0790_00/sens/frame-000525.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.91431 0.0207 -0.40448 0.1967 -0.10315 0.97766 -0.18313 -0.1769 0.39166 0.20916 0.89602 0.10446 0. 0. 0. 1. +scans_test/scene0790_00/sens/frame-000480.color.jpg scans_test/scene0790_00/sens/frame-000525.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.89925 0.129 -0.41797 0.19438 -0.16617 0.98464 -0.05363 -0.04759 0.40463 0.11768 0.90688 0.08836 0. 0. 0. 1. +scans_test/scene0790_00/sens/frame-000555.color.jpg scans_test/scene0790_00/sens/frame-000585.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.98961 0.0024 -0.14377 0.17218 0.02879 0.97631 0.21444 0.13533 0.14088 -0.21635 0.9661 -0.00936 0. 0. 0. 1. +scans_test/scene0790_00/sens/frame-000675.color.jpg scans_test/scene0790_00/sens/frame-000765.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.57941 0.18299 -0.79423 0.80036 -0.09807 0.98304 0.15496 0.08615 0.80911 -0.01189 0.58753 0.19487 0. 0. 0. 1. +scans_test/scene0790_00/sens/frame-000690.color.jpg scans_test/scene0790_00/sens/frame-000780.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.78321 0.11463 -0.6111 0.54094 0.00713 0.98114 0.19318 0.1592 0.62172 -0.15566 0.76762 0.22032 0. 0. 0. 1. +scans_test/scene0790_00/sens/frame-000705.color.jpg scans_test/scene0790_00/sens/frame-000825.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.90486 0.12225 -0.40778 0.34982 -0.17475 0.98012 -0.09394 -0.1526 0.38819 0.15626 0.90823 0.29164 0. 0. 0. 1. +scans_test/scene0790_00/sens/frame-000885.color.jpg scans_test/scene0790_00/sens/frame-000975.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.80252 0.10454 -0.58739 0.46355 -0.12042 0.99265 0.01214 -0.20978 0.58434 0.06099 0.80921 -0.10911 0. 0. 0. 1. +scans_test/scene0790_00/sens/frame-000930.color.jpg scans_test/scene0790_00/sens/frame-000960.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.98621 -0.01307 -0.165 0.11001 -0.0149 0.98582 -0.16712 -0.11821 0.16484 0.16728 0.97203 0.02123 0. 0. 0. 1. +scans_test/scene0791_00/sens/frame-000000.color.jpg scans_test/scene0791_00/sens/frame-002340.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.73822 0.20969 -0.64114 1.2765 -0.29679 0.95449 -0.02956 0.04913 0.60576 0.2121 0.76686 -0.21766 0. 0. 0. 1. +scans_test/scene0791_00/sens/frame-000015.color.jpg scans_test/scene0791_00/sens/frame-002280.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.30143 0.40814 -0.86172 2.22834 -0.33884 0.89062 0.3033 -0.48718 0.89125 0.20056 0.40675 0.93181 0. 0. 0. 1. +scans_test/scene0791_00/sens/frame-000060.color.jpg scans_test/scene0791_00/sens/frame-001620.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.96942 0.03657 -0.24267 0.62402 -0.07771 0.9837 -0.16216 -0.68159 0.23279 0.17606 0.95646 1.62573 0. 0. 0. 1. +scans_test/scene0791_00/sens/frame-000060.color.jpg scans_test/scene0791_00/sens/frame-001695.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99945 -0.03263 -0.00646 0.11921 0.03156 0.99161 -0.12538 -0.07905 0.01049 0.12511 0.99209 0.14586 0. 0. 0. 1. +scans_test/scene0791_00/sens/frame-000105.color.jpg scans_test/scene0791_00/sens/frame-000135.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99842 -0.05503 0.01122 0.2709 0.05612 0.98515 -0.16224 -0.23378 -0.00212 0.16261 0.98669 0.15032 0. 0. 0. 1. +scans_test/scene0791_00/sens/frame-000165.color.jpg scans_test/scene0791_00/sens/frame-002370.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.96262 0.10067 -0.25145 -0.03706 -0.10109 0.99481 0.01131 0.20798 0.25128 0.01453 0.9678 -0.58024 0. 0. 0. 1. +scans_test/scene0791_00/sens/frame-001515.color.jpg scans_test/scene0791_00/sens/frame-002160.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. -0.47561 0.35081 -0.80667 3.25173 -0.2877 0.80456 0.51953 -2.44105 0.83127 0.47918 -0.28173 5.26962 0. 0. 0. 1. +scans_test/scene0791_00/sens/frame-001545.color.jpg scans_test/scene0791_00/sens/frame-001650.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.96129 -0.16504 0.22064 -1.08822 0.14885 0.98492 0.08819 0.623 -0.23186 -0.05193 0.97136 -2.29186 0. 0. 0. 1. +scans_test/scene0791_00/sens/frame-001545.color.jpg scans_test/scene0791_00/sens/frame-001665.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.96037 -0.13606 0.24326 -1.24286 0.11527 0.98851 0.09779 0.70313 -0.25377 -0.06588 0.96502 -2.61117 0. 0. 0. 1. +scans_test/scene0791_00/sens/frame-001545.color.jpg scans_test/scene0791_00/sens/frame-002190.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. -0.18203 0.36644 -0.91246 4.39449 -0.38492 0.82735 0.40905 -1.67186 0.90482 0.42569 -0.00956 3.59564 0. 0. 0. 1. +scans_test/scene0791_00/sens/frame-001590.color.jpg scans_test/scene0791_00/sens/frame-002355.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.92752 0.15219 -0.34138 1.18473 -0.17726 0.98321 -0.04329 0.86628 0.32906 0.10067 0.93893 -2.23381 0. 0. 0. 1. +scans_test/scene0791_00/sens/frame-001890.color.jpg scans_test/scene0791_00/sens/frame-002010.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.93992 -0.12437 0.31795 -1.27762 0.12828 0.9917 0.00869 0.22443 -0.31639 0.03262 0.94807 -1.26654 0. 0. 0. 1. +scans_test/scene0791_00/sens/frame-001905.color.jpg scans_test/scene0791_00/sens/frame-002010.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.94692 -0.0925 0.30788 -1.1277 0.10627 0.99394 -0.02825 0.18354 -0.3034 0.05947 0.951 -1.17635 0. 0. 0. 1. +scans_test/scene0791_00/sens/frame-002205.color.jpg scans_test/scene0791_00/sens/frame-002235.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.94257 -0.11256 0.31446 -0.44078 0.09806 0.99327 0.0616 0.0986 -0.31928 -0.02723 0.94727 -0.20959 0. 0. 0. 1. +scans_test/scene0791_00/sens/frame-002250.color.jpg scans_test/scene0791_00/sens/frame-002310.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.94278 -0.15037 0.29758 -1.04214 0.16924 0.98482 -0.03853 0.23 -0.28727 0.08669 0.95392 -0.68714 0. 0. 0. 1. +scans_test/scene0792_00/sens/frame-000030.color.jpg scans_test/scene0792_00/sens/frame-000225.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99213 -0.08601 0.091 -0.22852 0.07615 0.99136 0.10683 0.42633 -0.0994 -0.09906 0.9901 -0.47943 0. 0. 0. 1. +scans_test/scene0792_00/sens/frame-000045.color.jpg scans_test/scene0792_00/sens/frame-000240.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99723 -0.00745 0.07397 -0.22784 0.00214 0.99743 0.0716 0.33952 -0.07431 -0.07125 0.99469 -0.48629 0. 0. 0. 1. +scans_test/scene0792_00/sens/frame-000060.color.jpg scans_test/scene0792_00/sens/frame-000180.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.94929 -0.23559 0.20822 0.09946 0.21545 0.96973 0.11493 -0.08037 -0.22899 -0.06424 0.9713 0.09939 0. 0. 0. 1. +scans_test/scene0792_00/sens/frame-000060.color.jpg scans_test/scene0792_00/sens/frame-000255.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99374 0.07023 -0.08687 -0.24418 -0.0751 0.9957 -0.05422 0.23397 0.08269 0.0604 0.99474 -0.51216 0. 0. 0. 1. +scans_test/scene0792_00/sens/frame-000090.color.jpg scans_test/scene0792_00/sens/frame-000180.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.9899 -0.08018 0.11692 0.27966 0.08064 0.99674 0.00075 -0.2609 -0.11659 0.00869 0.99314 0.2561 0. 0. 0. 1. +scans_test/scene0792_00/sens/frame-000150.color.jpg scans_test/scene0792_00/sens/frame-000195.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99472 0.0943 -0.04052 0.10195 -0.10122 0.96667 -0.23518 -0.28523 0.017 0.23804 0.97111 0.15684 0. 0. 0. 1. +scans_test/scene0792_00/sens/frame-000150.color.jpg scans_test/scene0792_00/sens/frame-000225.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.96914 0.14718 -0.19776 -0.07034 -0.19549 0.94756 -0.25279 -0.04695 0.15018 0.28365 0.94709 -0.14158 0. 0. 0. 1. +scans_test/scene0792_00/sens/frame-000255.color.jpg scans_test/scene0792_00/sens/frame-000330.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.92432 0.21326 -0.31648 0.43634 -0.1242 0.95224 0.27895 -0.21639 0.36085 -0.21853 0.90666 0.90488 0. 0. 0. 1. +scans_test/scene0792_00/sens/frame-000390.color.jpg scans_test/scene0792_00/sens/frame-000450.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.96616 -0.16791 0.19581 0.18339 0.16927 0.98552 0.0099 -0.0772 -0.19464 0.02358 0.98059 0.1758 0. 0. 0. 1. +scans_test/scene0792_00/sens/frame-000450.color.jpg scans_test/scene0792_00/sens/frame-000525.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.9901 0.03151 -0.13677 0.13496 -0.00007 0.97459 0.22402 0.14166 0.14035 -0.22179 0.96494 -0.1457 0. 0. 0. 1. +scans_test/scene0792_00/sens/frame-000450.color.jpg scans_test/scene0792_00/sens/frame-000540.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.96145 0.09755 -0.2571 0.32019 -0.042 0.97609 0.21326 0.15209 0.27176 -0.19423 0.94256 -0.08125 0. 0. 0. 1. +scans_test/scene0792_00/sens/frame-000555.color.jpg scans_test/scene0792_00/sens/frame-000600.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99789 0.05223 0.03851 0.20235 -0.05444 0.99678 0.05888 0.11669 -0.03531 -0.06085 0.99752 -0.41615 0. 0. 0. 1. +scans_test/scene0792_00/sens/frame-000585.color.jpg scans_test/scene0792_00/sens/frame-000615.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99394 0.0516 -0.09705 0.1647 -0.04353 0.99556 0.08352 0.09613 0.10093 -0.07879 0.99177 -0.25619 0. 0. 0. 1. +scans_test/scene0792_00/sens/frame-000600.color.jpg scans_test/scene0792_00/sens/frame-000660.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.98623 -0.02723 -0.16312 0.51528 0.00991 0.99431 -0.10605 0.4977 0.16508 0.10297 0.98089 -0.51221 0. 0. 0. 1. +scans_test/scene0792_00/sens/frame-000615.color.jpg scans_test/scene0792_00/sens/frame-000630.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99982 0.00798 0.0173 0.08898 -0.00709 0.99868 -0.05077 0.16764 -0.01768 0.05064 0.99856 -0.22651 0. 0. 0. 1. +scans_test/scene0793_00/sens/frame-000000.color.jpg scans_test/scene0793_00/sens/frame-001725.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.73443 0.17042 -0.65694 1.00091 -0.23422 0.97214 -0.00966 -0.25248 0.63698 0.16097 0.75388 0.2297 0. 0. 0. 1. +scans_test/scene0793_00/sens/frame-000105.color.jpg scans_test/scene0793_00/sens/frame-001560.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.74177 -0.19503 0.64167 -0.76428 0.10336 0.9786 0.17795 -0.07199 -0.66264 -0.06568 0.74605 -0.2078 0. 0. 0. 1. +scans_test/scene0793_00/sens/frame-000525.color.jpg scans_test/scene0793_00/sens/frame-001770.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99424 0.09744 -0.04458 0.93793 -0.09727 0.99524 0.00602 -0.8658 0.04496 -0.00165 0.99899 2.86848 0. 0. 0. 1. +scans_test/scene0793_00/sens/frame-000540.color.jpg scans_test/scene0793_00/sens/frame-000555.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99116 0.08507 -0.10181 0.14052 -0.07497 0.99224 0.0992 0.12604 0.10945 -0.09069 0.98985 -0.12053 0. 0. 0. 1. +scans_test/scene0793_00/sens/frame-000570.color.jpg scans_test/scene0793_00/sens/frame-002790.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.61681 -0.07058 0.78394 -2.21267 0.03948 0.99749 0.05874 -0.46514 -0.78612 -0.00528 0.61805 2.25581 0. 0. 0. 1. +scans_test/scene0793_00/sens/frame-000645.color.jpg scans_test/scene0793_00/sens/frame-002580.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.85663 -0.00201 0.51592 -2.92812 0.02213 0.99921 -0.03286 -0.30921 -0.51545 0.03957 0.856 0.47367 0. 0. 0. 1. +scans_test/scene0793_00/sens/frame-000660.color.jpg scans_test/scene0793_00/sens/frame-000720.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99885 -0.04606 0.0129 0.2718 0.04776 0.97479 -0.21796 -0.33982 -0.00254 0.21833 0.97587 0.40627 0. 0. 0. 1. +scans_test/scene0793_00/sens/frame-001185.color.jpg scans_test/scene0793_00/sens/frame-001245.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.7942 0.26155 -0.54849 0.26172 -0.22948 0.96488 0.12782 0.0471 0.56266 0.02435 0.82633 -0.02733 0. 0. 0. 1. +scans_test/scene0793_00/sens/frame-001245.color.jpg scans_test/scene0793_00/sens/frame-001905.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99509 -0.06761 -0.07225 -0.4059 0.08014 0.97895 0.18771 -0.05057 0.05804 -0.19258 0.97956 0.1762 0. 0. 0. 1. +scans_test/scene0793_00/sens/frame-001650.color.jpg scans_test/scene0793_00/sens/frame-001695.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.93442 0.14051 -0.32728 0.49117 -0.14861 0.9889 0.00027 -0.08904 0.32369 0.04839 0.94493 0.02427 0. 0. 0. 1. +scans_test/scene0793_00/sens/frame-001890.color.jpg scans_test/scene0793_00/sens/frame-002145.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99831 0.00609 -0.05777 0.07201 0.00537 0.98055 0.19617 0.19203 0.05784 -0.19615 0.97886 -2.9878 0. 0. 0. 1. +scans_test/scene0793_00/sens/frame-001920.color.jpg scans_test/scene0793_00/sens/frame-001950.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.81874 0.09942 -0.56549 0.13604 -0.10255 0.99438 0.02634 0.0748 0.56493 0.03643 0.82433 0.09996 0. 0. 0. 1. +scans_test/scene0793_00/sens/frame-002025.color.jpg scans_test/scene0793_00/sens/frame-003375.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.68922 0.14153 -0.71059 2.57329 -0.11721 0.9896 0.08342 -0.22676 0.71501 0.02579 0.69864 1.16955 0. 0. 0. 1. +scans_test/scene0793_00/sens/frame-002100.color.jpg scans_test/scene0793_00/sens/frame-002175.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.84117 -0.09544 0.53228 -0.43752 0.13916 0.98936 -0.04252 0.01028 -0.52256 0.10984 0.8455 -0.62983 0. 0. 0. 1. +scans_test/scene0793_00/sens/frame-002385.color.jpg scans_test/scene0793_00/sens/frame-002430.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99299 -0.03681 0.11237 0.42357 0.04271 0.99781 -0.0506 0.13392 -0.11026 0.05504 0.99238 -0.48361 0. 0. 0. 1. +scans_test/scene0794_00/sens/frame-000015.color.jpg scans_test/scene0794_00/sens/frame-000060.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99727 0.01853 -0.07143 0.02568 -0.01993 0.99962 -0.01893 -0.16096 0.07105 0.0203 0.99727 0.2154 0. 0. 0. 1. +scans_test/scene0794_00/sens/frame-000015.color.jpg scans_test/scene0794_00/sens/frame-000825.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99896 -0.03767 0.02562 -0.37859 0.0364 0.99818 0.04817 -0.36123 -0.02739 -0.04719 0.99851 0.70953 0. 0. 0. 1. +scans_test/scene0794_00/sens/frame-000045.color.jpg scans_test/scene0794_00/sens/frame-000945.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.59592 0.42153 -0.68352 0.29921 -0.37612 0.89853 0.22621 -0.20795 0.70952 0.12228 0.694 0.53145 0. 0. 0. 1. +scans_test/scene0794_00/sens/frame-000060.color.jpg scans_test/scene0794_00/sens/frame-000570.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.70902 0.42454 -0.56307 0.11622 -0.42637 0.89408 0.13722 -0.3127 0.56169 0.14278 0.81493 0.50159 0. 0. 0. 1. +scans_test/scene0794_00/sens/frame-000120.color.jpg scans_test/scene0794_00/sens/frame-000300.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.89833 0.18925 -0.39648 1.15451 -0.21032 0.97758 -0.00991 -0.1638 0.38571 0.09229 0.91799 0.22367 0. 0. 0. 1. +scans_test/scene0794_00/sens/frame-000120.color.jpg scans_test/scene0794_00/sens/frame-000390.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.9613 0.07983 -0.26369 0.01893 -0.07048 0.99651 0.04474 0.08682 0.26634 -0.02442 0.96357 -0.0504 0. 0. 0. 1. +scans_test/scene0794_00/sens/frame-000150.color.jpg scans_test/scene0794_00/sens/frame-000930.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.86601 0.18228 -0.46561 0.37443 -0.20359 0.97905 0.00461 -0.17926 0.4567 0.0908 0.88498 0.24736 0. 0. 0. 1. +scans_test/scene0794_00/sens/frame-000165.color.jpg scans_test/scene0794_00/sens/frame-000840.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.9254 -0.15214 0.3471 -0.71116 0.16515 0.98624 -0.008 -0.35198 -0.34111 0.06473 0.93779 0.59179 0. 0. 0. 1. +scans_test/scene0794_00/sens/frame-000330.color.jpg scans_test/scene0794_00/sens/frame-000810.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.75596 -0.31274 0.57507 -1.17685 0.31414 0.94405 0.10045 -0.28249 -0.57431 0.10471 0.81191 0.6114 0. 0. 0. 1. +scans_test/scene0794_00/sens/frame-000345.color.jpg scans_test/scene0794_00/sens/frame-000540.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.98469 0.08566 -0.1518 -0.11913 -0.05917 0.98347 0.17113 -0.24172 0.16395 -0.15953 0.97348 0.89253 0. 0. 0. 1. +scans_test/scene0794_00/sens/frame-000345.color.jpg scans_test/scene0794_00/sens/frame-000795.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.82028 -0.27254 0.50285 -1.25093 0.29309 0.95526 0.03965 -0.21908 -0.49116 0.11486 0.86346 0.45486 0. 0. 0. 1. +scans_test/scene0794_00/sens/frame-000420.color.jpg scans_test/scene0794_00/sens/frame-000660.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.98183 0.09428 -0.16468 -0.1827 -0.13848 0.94932 -0.28214 0.48522 0.12974 0.29982 0.94513 -1.06635 0. 0. 0. 1. +scans_test/scene0794_00/sens/frame-000645.color.jpg scans_test/scene0794_00/sens/frame-000675.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99674 -0.03432 0.07302 -0.24908 0.03797 0.99806 -0.04925 0.07129 -0.07119 0.05186 0.99611 -0.15591 0. 0. 0. 1. +scans_test/scene0794_00/sens/frame-000765.color.jpg scans_test/scene0794_00/sens/frame-001110.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.64645 0.38291 -0.6599 1.35877 -0.31383 0.92183 0.22746 -0.6409 0.69542 0.06005 0.71609 1.19948 0. 0. 0. 1. +scans_test/scene0794_00/sens/frame-000930.color.jpg scans_test/scene0794_00/sens/frame-000960.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.97056 0.15601 -0.18348 -0.20537 -0.14985 0.98759 0.04709 0.04799 0.18855 -0.01821 0.98189 0.00097 0. 0. 0. 1. +scans_test/scene0795_00/sens/frame-000000.color.jpg scans_test/scene0795_00/sens/frame-000300.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99166 0.0139 -0.1281 0.47917 -0.00387 0.99693 0.07819 0.22757 0.12879 -0.07704 0.98868 -0.29549 0. 0. 0. 1. +scans_test/scene0795_00/sens/frame-000030.color.jpg scans_test/scene0795_00/sens/frame-000090.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99647 -0.04668 0.06978 -0.19022 0.03173 0.97891 0.20181 0.16219 -0.07773 -0.19889 0.97694 0.02687 0. 0. 0. 1. +scans_test/scene0795_00/sens/frame-000045.color.jpg scans_test/scene0795_00/sens/frame-000405.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.66708 0.41832 -0.61645 1.88257 -0.41246 0.89645 0.16199 -0.49235 0.62039 0.1462 0.77055 0.68679 0. 0. 0. 1. +scans_test/scene0795_00/sens/frame-000060.color.jpg scans_test/scene0795_00/sens/frame-000525.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.4102 0.44907 -0.79377 1.8237 -0.20203 0.89349 0.40108 -0.48366 0.88934 -0.00416 0.45724 2.27448 0. 0. 0. 1. +scans_test/scene0795_00/sens/frame-000075.color.jpg scans_test/scene0795_00/sens/frame-000150.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.98869 -0.11392 0.09759 -0.58464 0.10814 0.99216 0.0626 0.3573 -0.10396 -0.05133 0.99326 -0.76363 0. 0. 0. 1. +scans_test/scene0795_00/sens/frame-000075.color.jpg scans_test/scene0795_00/sens/frame-000195.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.97792 -0.16121 0.13299 -0.95189 0.15553 0.98646 0.0521 0.54645 -0.13958 -0.03027 0.98975 -1.18347 0. 0. 0. 1. +scans_test/scene0795_00/sens/frame-000165.color.jpg scans_test/scene0795_00/sens/frame-000765.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.80962 0.32426 -0.48925 0.68527 -0.32698 0.94139 0.08283 -0.57371 0.48744 0.09292 0.8682 1.07842 0. 0. 0. 1. +scans_test/scene0795_00/sens/frame-000420.color.jpg scans_test/scene0795_00/sens/frame-000510.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99357 0.04437 -0.10415 0.09652 -0.00975 0.9501 0.31178 -0.07358 0.11279 -0.30876 0.94443 0.65645 0. 0. 0. 1. +scans_test/scene0795_00/sens/frame-000465.color.jpg scans_test/scene0795_00/sens/frame-000720.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.95983 -0.13214 0.24752 -1.05517 0.1791 0.9676 -0.17796 0.31739 -0.21599 0.21514 0.9524 -0.73703 0. 0. 0. 1. +scans_test/scene0795_00/sens/frame-000480.color.jpg scans_test/scene0795_00/sens/frame-000750.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.77543 -0.26043 0.57522 -1.94141 0.31472 0.94917 0.00547 0.13011 -0.5474 0.17679 0.81798 -0.28949 0. 0. 0. 1. +scans_test/scene0795_00/sens/frame-000495.color.jpg scans_test/scene0795_00/sens/frame-000660.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99882 0.02035 -0.04408 -0.09436 -0.02522 0.99328 -0.11294 0.20735 0.04149 0.11392 0.99262 -0.55683 0. 0. 0. 1. +scans_test/scene0795_00/sens/frame-000525.color.jpg scans_test/scene0795_00/sens/frame-000675.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99757 -0.04309 0.05466 -0.16641 0.05683 0.95767 -0.28219 0.42526 -0.04018 0.28462 0.9578 -1.09127 0. 0. 0. 1. +scans_test/scene0795_00/sens/frame-000615.color.jpg scans_test/scene0795_00/sens/frame-000795.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.56804 -0.35172 0.74406 -2.52987 0.49556 0.86798 0.03197 -0.09874 -0.65708 0.35057 0.66735 -0.13539 0. 0. 0. 1. +scans_test/scene0795_00/sens/frame-000660.color.jpg scans_test/scene0795_00/sens/frame-000810.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.57411 -0.39068 0.71956 -1.8832 0.46441 0.87916 0.1068 -0.29279 -0.67433 0.27285 0.68617 0.48047 0. 0. 0. 1. +scans_test/scene0795_00/sens/frame-000675.color.jpg scans_test/scene0795_00/sens/frame-000780.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.68529 -0.36727 0.62888 -1.55689 0.33426 0.92582 0.17644 -0.11697 -0.64703 0.0893 0.75722 0.35615 0. 0. 0. 1. +scans_test/scene0796_00/sens/frame-000030.color.jpg scans_test/scene0796_00/sens/frame-000210.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.95297 -0.10741 0.2834 -0.00508 0.13091 0.98924 -0.06528 -0.13175 -0.27334 0.09931 0.95678 0.08151 0. 0. 0. 1. +scans_test/scene0796_00/sens/frame-000075.color.jpg scans_test/scene0796_00/sens/frame-000360.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.60358 -0.20999 0.76915 -0.8679 0.21765 0.97145 0.09443 -0.25831 -0.76702 0.11041 0.63205 -0.33248 0. 0. 0. 1. +scans_test/scene0796_00/sens/frame-000225.color.jpg scans_test/scene0796_00/sens/frame-000285.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.91807 -0.14504 0.36894 -0.75765 0.14751 0.98882 0.02165 0.09293 -0.36796 0.03455 0.9292 -0.10927 0. 0. 0. 1. +scans_test/scene0796_00/sens/frame-000270.color.jpg scans_test/scene0796_00/sens/frame-000330.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.8923 -0.27211 0.36023 -0.33048 0.17659 0.94473 0.27621 0.07229 -0.41548 -0.18285 0.89104 0.08629 0. 0. 0. 1. +scans_test/scene0796_00/sens/frame-000360.color.jpg scans_test/scene0796_00/sens/frame-000450.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.93179 0.16718 -0.32222 1.22324 -0.13904 0.98431 0.10861 -0.03366 0.33532 -0.0564 0.94041 0.56371 0. 0. 0. 1. +scans_test/scene0796_00/sens/frame-000540.color.jpg scans_test/scene0796_00/sens/frame-000855.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.94687 0.16034 -0.27878 0.65858 -0.15 0.98697 0.05819 0.12365 0.28448 -0.01328 0.95859 -0.06525 0. 0. 0. 1. +scans_test/scene0796_00/sens/frame-000540.color.jpg scans_test/scene0796_00/sens/frame-001005.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.71184 -0.31013 0.63016 -0.62976 0.32535 0.94076 0.09548 -0.08248 -0.62244 0.13706 0.77057 0.20361 0. 0. 0. 1. +scans_test/scene0796_00/sens/frame-000555.color.jpg scans_test/scene0796_00/sens/frame-000885.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.9571 0.14194 -0.2526 0.5946 -0.1077 0.98361 0.14462 0.13958 0.26899 -0.11121 0.9567 -0.00618 0. 0. 0. 1. +scans_test/scene0796_00/sens/frame-000615.color.jpg scans_test/scene0796_00/sens/frame-000840.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.83331 0.25349 -0.49126 1.0731 -0.25735 0.96438 0.06109 -0.17057 0.48926 0.07552 0.86887 0.25724 0. 0. 0. 1. +scans_test/scene0796_00/sens/frame-000645.color.jpg scans_test/scene0796_00/sens/frame-000795.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.83638 0.22372 -0.50041 0.96733 -0.15971 0.97277 0.16797 -0.0095 0.52436 -0.06057 0.84934 0.22543 0. 0. 0. 1. +scans_test/scene0796_00/sens/frame-000645.color.jpg scans_test/scene0796_00/sens/frame-000945.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.81657 0.23254 -0.52833 0.83677 -0.21772 0.97174 0.09121 -0.11339 0.53461 0.04054 0.84412 0.33337 0. 0. 0. 1. +scans_test/scene0796_00/sens/frame-000660.color.jpg scans_test/scene0796_00/sens/frame-000840.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.70739 0.24686 -0.66231 1.15751 -0.28941 0.95604 0.04723 -0.36336 0.64486 0.15827 0.74774 0.59126 0. 0. 0. 1. +scans_test/scene0796_00/sens/frame-000855.color.jpg scans_test/scene0796_00/sens/frame-000885.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99997 -0.00802 0.00051 -0.05867 0.00797 0.99791 0.06406 0.04915 -0.00103 -0.06406 0.99795 -0.03516 0. 0. 0. 1. +scans_test/scene0796_00/sens/frame-000885.color.jpg scans_test/scene0796_00/sens/frame-000990.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.62632 -0.32104 0.71039 -0.89296 0.33642 0.93335 0.1252 -0.33518 -0.70324 0.16058 0.69258 0.49478 0. 0. 0. 1. +scans_test/scene0796_00/sens/frame-001065.color.jpg scans_test/scene0796_00/sens/frame-001095.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99702 -0.03755 0.06735 0.27152 0.03728 0.99929 0.00534 0.07456 -0.0675 -0.00281 0.99771 -0.18291 0. 0. 0. 1. +scans_test/scene0797_00/sens/frame-000015.color.jpg scans_test/scene0797_00/sens/frame-000030.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99947 0.01315 -0.02967 0.05619 -0.01616 0.99451 -0.10334 -0.07118 0.02815 0.10377 0.9942 0.12006 0. 0. 0. 1. +scans_test/scene0797_00/sens/frame-000090.color.jpg scans_test/scene0797_00/sens/frame-001260.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99967 0.02414 -0.00865 -0.12462 -0.02554 0.967 -0.2535 0.01226 0.00225 0.25364 0.9673 -0.52323 0. 0. 0. 1. +scans_test/scene0797_00/sens/frame-000135.color.jpg scans_test/scene0797_00/sens/frame-000150.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99679 0.03922 -0.06977 0.04141 -0.04698 0.99245 -0.1133 -0.07274 0.0648 0.11622 0.99111 0.06083 0. 0. 0. 1. +scans_test/scene0797_00/sens/frame-000195.color.jpg scans_test/scene0797_00/sens/frame-000300.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.95483 0.07923 -0.28639 -0.26351 -0.06888 0.99656 0.04605 0.1188 0.28906 -0.02425 0.957 -0.45588 0. 0. 0. 1. +scans_test/scene0797_00/sens/frame-000210.color.jpg scans_test/scene0797_00/sens/frame-000240.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99733 0.0484 0.0547 -0.31515 -0.0536 0.99375 0.09789 0.11174 -0.04962 -0.10056 0.99369 -0.17183 0. 0. 0. 1. +scans_test/scene0797_00/sens/frame-000285.color.jpg scans_test/scene0797_00/sens/frame-000315.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99474 -0.10139 0.01429 0.39702 0.10217 0.97375 -0.2034 -0.15577 0.00671 0.20379 0.97899 0.11024 0. 0. 0. 1. +scans_test/scene0797_00/sens/frame-000300.color.jpg scans_test/scene0797_00/sens/frame-000435.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.85553 0.15065 -0.49535 0.76901 -0.13318 0.98857 0.07064 0.10573 0.50034 0.00553 0.86581 -0.70204 0. 0. 0. 1. +scans_test/scene0797_00/sens/frame-000345.color.jpg scans_test/scene0797_00/sens/frame-001350.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.9228 -0.13082 0.36238 0.22355 0.13296 0.99094 0.01917 -0.1232 -0.3616 0.03049 0.93183 0.64529 0. 0. 0. 1. +scans_test/scene0797_00/sens/frame-000420.color.jpg scans_test/scene0797_00/sens/frame-000510.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.98487 0.03779 -0.16914 -0.2697 -0.00991 0.98662 0.16272 0.26899 0.17303 -0.15859 0.97207 -1.4705 0. 0. 0. 1. +scans_test/scene0797_00/sens/frame-000600.color.jpg scans_test/scene0797_00/sens/frame-000615.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99901 0.0112 -0.04316 -0.02373 -0.01472 0.99652 -0.08201 -0.07705 0.04209 0.08256 0.9957 -0.05302 0. 0. 0. 1. +scans_test/scene0797_00/sens/frame-000705.color.jpg scans_test/scene0797_00/sens/frame-000765.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.94289 0.15949 -0.29245 -0.25962 -0.16532 0.98623 0.00485 -0.20419 0.28919 0.04377 0.95627 0.38501 0. 0. 0. 1. +scans_test/scene0797_00/sens/frame-000720.color.jpg scans_test/scene0797_00/sens/frame-000780.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.98435 0.12259 -0.12657 -0.33835 -0.11892 0.99225 0.03614 -0.1785 0.13002 -0.02052 0.9913 0.42204 0. 0. 0. 1. +scans_test/scene0797_00/sens/frame-000990.color.jpg scans_test/scene0797_00/sens/frame-001020.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.95708 0.18325 -0.22454 -0.09467 -0.16208 0.98068 0.1095 -0.09121 0.24026 -0.06841 0.96829 0.31515 0. 0. 0. 1. +scans_test/scene0797_00/sens/frame-001155.color.jpg scans_test/scene0797_00/sens/frame-001170.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99255 0.02981 -0.1181 0.1113 -0.01421 0.99131 0.13081 0.07562 0.12097 -0.12816 0.98435 -0.13415 0. 0. 0. 1. +scans_test/scene0797_00/sens/frame-001215.color.jpg scans_test/scene0797_00/sens/frame-001230.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.96604 0.05068 -0.25339 0.16123 -0.06051 0.99768 -0.03114 0.04258 0.25123 0.04542 0.96686 -0.10147 0. 0. 0. 1. +scans_test/scene0798_00/sens/frame-000015.color.jpg scans_test/scene0798_00/sens/frame-000135.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.92039 0.03437 -0.3895 -0.28677 -0.1058 0.98086 -0.16346 -0.21457 0.37643 0.19166 0.9064 1.18667 0. 0. 0. 1. +scans_test/scene0798_00/sens/frame-000060.color.jpg scans_test/scene0798_00/sens/frame-000120.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99541 -0.00244 -0.09562 -0.05715 -0.01431 0.98463 -0.17408 -0.20117 0.09457 0.17465 0.98008 0.7312 0. 0. 0. 1. +scans_test/scene0798_00/sens/frame-000195.color.jpg scans_test/scene0798_00/sens/frame-000705.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.56299 -0.05713 0.82449 -3.42404 0.16471 0.98535 -0.0442 -0.39195 -0.80989 0.16069 0.56415 1.51859 0. 0. 0. 1. +scans_test/scene0798_00/sens/frame-000210.color.jpg scans_test/scene0798_00/sens/frame-000780.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.20642 -0.16387 0.96464 -3.33883 0.22294 0.96782 0.11671 -0.86207 -0.95273 0.19097 0.23631 3.22204 0. 0. 0. 1. +scans_test/scene0798_00/sens/frame-000300.color.jpg scans_test/scene0798_00/sens/frame-000360.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.88904 -0.13851 0.43637 -0.93094 0.08769 0.98701 0.13463 0.16491 -0.44935 -0.08143 0.88964 -0.25554 0. 0. 0. 1. +scans_test/scene0798_00/sens/frame-000330.color.jpg scans_test/scene0798_00/sens/frame-000375.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.95432 -0.04092 0.29598 -0.4218 0.017 0.99641 0.08294 0.07436 -0.29831 -0.07412 0.95159 -0.39384 0. 0. 0. 1. +scans_test/scene0798_00/sens/frame-000435.color.jpg scans_test/scene0798_00/sens/frame-000615.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99477 0.01667 -0.10074 -0.77198 -0.02488 0.99642 -0.0808 0.02857 0.09903 0.08289 0.99163 -0.29225 0. 0. 0. 1. +scans_test/scene0798_00/sens/frame-000480.color.jpg scans_test/scene0798_00/sens/frame-000600.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99388 -0.01497 -0.10945 -0.13974 0.00181 0.99284 -0.1194 -0.07517 0.11045 0.11847 0.98679 -0.06326 0. 0. 0. 1. +scans_test/scene0798_00/sens/frame-000495.color.jpg scans_test/scene0798_00/sens/frame-000705.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.75629 -0.11634 0.64382 -1.72425 0.175 0.98418 -0.02773 -0.15453 -0.6304 0.13364 0.76468 0.27922 0. 0. 0. 1. +scans_test/scene0798_00/sens/frame-000510.color.jpg scans_test/scene0798_00/sens/frame-000540.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.98827 -0.04155 -0.14694 0.10121 0.01506 0.9841 -0.17698 -0.08264 0.15196 0.17269 0.97318 -0.09725 0. 0. 0. 1. +scans_test/scene0798_00/sens/frame-000555.color.jpg scans_test/scene0798_00/sens/frame-000810.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.43527 -0.29557 0.8504 -2.13665 0.12444 0.95526 0.26832 -0.20949 -0.89166 -0.01097 0.45258 1.36827 0. 0. 0. 1. +scans_test/scene0798_00/sens/frame-000600.color.jpg scans_test/scene0798_00/sens/frame-000735.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.43482 -0.2332 0.8698 -2.1902 0.22503 0.96338 0.14579 -0.25086 -0.87195 0.13234 0.47138 0.64568 0. 0. 0. 1. +scans_test/scene0798_00/sens/frame-000630.color.jpg scans_test/scene0798_00/sens/frame-000645.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.98664 -0.02399 0.16117 -0.33658 0.01633 0.99868 0.04873 0.05542 -0.16212 -0.04545 0.98572 -0.05471 0. 0. 0. 1. +scans_test/scene0798_00/sens/frame-000630.color.jpg scans_test/scene0798_00/sens/frame-000780.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.55505 -0.20932 0.80505 -1.82376 0.18257 0.97488 0.12761 -0.31994 -0.81154 0.07615 0.57932 1.01078 0. 0. 0. 1. +scans_test/scene0798_00/sens/frame-000795.color.jpg scans_test/scene0798_00/sens/frame-000840.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99802 -0.05902 -0.02158 0.00442 0.06165 0.98614 0.15403 0.07076 0.01219 -0.15506 0.98783 -0.29172 0. 0. 0. 1. +scans_test/scene0799_00/sens/frame-000000.color.jpg scans_test/scene0799_00/sens/frame-001155.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.93435 0.2068 -0.29022 0.05521 -0.16457 0.97275 0.16331 -0.01977 0.31609 -0.10483 0.94292 0.23366 0. 0. 0. 1. +scans_test/scene0799_00/sens/frame-000015.color.jpg scans_test/scene0799_00/sens/frame-000195.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.78454 0.35285 -0.5099 0.25782 -0.31081 0.93532 0.16902 -0.35605 0.53656 0.02588 0.84347 0.86635 0. 0. 0. 1. +scans_test/scene0799_00/sens/frame-000075.color.jpg scans_test/scene0799_00/sens/frame-001155.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.9825 0.03791 -0.18235 -0.21307 -0.05831 0.99245 -0.10787 -0.06648 0.17688 0.11662 0.9773 -0.22072 0. 0. 0. 1. +scans_test/scene0799_00/sens/frame-000090.color.jpg scans_test/scene0799_00/sens/frame-001065.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.93492 0.01071 0.35471 -0.50408 0.07223 0.97288 -0.21976 -0.1024 -0.34744 0.23108 0.90879 -0.1303 0. 0. 0. 1. +scans_test/scene0799_00/sens/frame-000090.color.jpg scans_test/scene0799_00/sens/frame-001125.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.98037 0.06364 -0.18663 -0.26716 -0.08513 0.99034 -0.10946 -0.02197 0.17786 0.1232 0.97631 -0.20332 0. 0. 0. 1. +scans_test/scene0799_00/sens/frame-000180.color.jpg scans_test/scene0799_00/sens/frame-001095.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.97615 -0.08872 0.19816 -0.67395 0.10203 0.99309 -0.05797 0.29104 -0.19165 0.07681 0.97845 -0.61794 0. 0. 0. 1. +scans_test/scene0799_00/sens/frame-000180.color.jpg scans_test/scene0799_00/sens/frame-001125.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99783 -0.04856 0.04456 -0.53111 0.04557 0.9968 0.0657 0.25915 -0.0476 -0.06353 0.99684 -0.5082 0. 0. 0. 1. +scans_test/scene0799_00/sens/frame-000240.color.jpg scans_test/scene0799_00/sens/frame-000285.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.95808 0.04682 -0.28264 0.19912 -0.06069 0.99734 -0.04049 0.06677 0.27999 0.05595 0.95837 -0.30203 0. 0. 0. 1. +scans_test/scene0799_00/sens/frame-000405.color.jpg scans_test/scene0799_00/sens/frame-000450.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.95974 0.07896 -0.26956 0.03135 -0.01789 0.97491 0.22189 0.07739 0.28031 -0.20814 0.93707 0.10746 0. 0. 0. 1. +scans_test/scene0799_00/sens/frame-000510.color.jpg scans_test/scene0799_00/sens/frame-000555.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.98489 0.05782 -0.16322 -0.03465 -0.05694 0.99833 0.01006 -0.04942 0.16353 -0.00061 0.98654 0.33118 0. 0. 0. 1. +scans_test/scene0799_00/sens/frame-000645.color.jpg scans_test/scene0799_00/sens/frame-000720.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.91927 -0.00105 -0.39362 0.55357 -0.00892 0.99968 -0.02351 0.00896 0.39352 0.02513 0.91897 -0.40036 0. 0. 0. 1. +scans_test/scene0799_00/sens/frame-000780.color.jpg scans_test/scene0799_00/sens/frame-000810.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.97956 0.0443 -0.19624 0.28969 -0.06514 0.99274 -0.10109 -0.11102 0.19034 0.11181 0.97533 0.25655 0. 0. 0. 1. +scans_test/scene0799_00/sens/frame-000810.color.jpg scans_test/scene0799_00/sens/frame-000840.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.94487 0.06603 -0.32072 0.17097 -0.07862 0.99655 -0.02644 -0.11631 0.31787 0.0502 0.9468 0.23982 0. 0. 0. 1. +scans_test/scene0799_00/sens/frame-000855.color.jpg scans_test/scene0799_00/sens/frame-000975.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.76116 0.24709 -0.59965 1.03467 -0.20475 0.96885 0.13932 -0.21713 0.6154 0.01673 0.78804 0.56029 0. 0. 0. 1. +scans_test/scene0799_00/sens/frame-001080.color.jpg scans_test/scene0799_00/sens/frame-001125.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.93063 0.11355 -0.3479 0.08714 -0.05552 0.98345 0.17247 0.03718 0.36173 -0.14119 0.92153 0.26632 0. 0. 0. 1. +scans_test/scene0800_00/sens/frame-000120.color.jpg scans_test/scene0800_00/sens/frame-000735.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.9916 0.00041 -0.12932 -0.60359 0.01065 0.99634 0.08479 -0.01531 0.12888 -0.08546 0.98797 0.22829 0. 0. 0. 1. +scans_test/scene0800_00/sens/frame-000165.color.jpg scans_test/scene0800_00/sens/frame-000225.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.80595 0.25578 -0.53388 0.58475 -0.23463 0.966 0.10862 -0.01913 0.54351 0.03772 0.83856 -0.04818 0. 0. 0. 1. +scans_test/scene0800_00/sens/frame-000180.color.jpg scans_test/scene0800_00/sens/frame-000210.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.95968 0.1041 -0.26112 0.2251 -0.09314 0.99418 0.05403 0.04184 0.26523 -0.02753 0.96379 -0.15942 0. 0. 0. 1. +scans_test/scene0800_00/sens/frame-000225.color.jpg scans_test/scene0800_00/sens/frame-000240.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.98575 0.05945 -0.15739 0.14613 -0.06501 0.99742 -0.03037 -0.09577 0.15518 0.04017 0.98707 0.13998 0. 0. 0. 1. +scans_test/scene0800_00/sens/frame-000240.color.jpg scans_test/scene0800_00/sens/frame-000270.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.94651 0.09587 -0.30809 0.22777 -0.11179 0.99314 -0.03439 -0.11798 0.30268 0.06699 0.95073 0.19945 0. 0. 0. 1. +scans_test/scene0800_00/sens/frame-000255.color.jpg scans_test/scene0800_00/sens/frame-000315.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.85568 0.22498 -0.46604 0.25145 -0.19025 0.97425 0.121 0.09023 0.48126 -0.01487 0.87645 -0.1268 0. 0. 0. 1. +scans_test/scene0800_00/sens/frame-000255.color.jpg scans_test/scene0800_00/sens/frame-000330.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.7462 0.30545 -0.59151 0.43149 -0.27584 0.95053 0.14287 0.12216 0.60589 0.05656 0.79354 -0.19872 0. 0. 0. 1. +scans_test/scene0800_00/sens/frame-000285.color.jpg scans_test/scene0800_00/sens/frame-000360.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.76743 0.29627 -0.56857 0.50863 -0.31113 0.9475 0.07378 0.19624 0.56058 0.12028 0.81932 -0.52878 0. 0. 0. 1. +scans_test/scene0800_00/sens/frame-000375.color.jpg scans_test/scene0800_00/sens/frame-000405.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.93129 0.15824 -0.32813 0.33196 -0.15552 0.98722 0.03469 0.04545 0.32943 0.01872 0.944 -0.14302 0. 0. 0. 1. +scans_test/scene0800_00/sens/frame-000435.color.jpg scans_test/scene0800_00/sens/frame-000480.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.83703 0.2252 -0.49866 0.11311 -0.26466 0.9643 -0.00875 -0.22883 0.47889 0.1393 0.86675 0.27608 0. 0. 0. 1. +scans_test/scene0800_00/sens/frame-000450.color.jpg scans_test/scene0800_00/sens/frame-000465.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.97593 0.15709 -0.15125 -0.01988 -0.16316 0.98619 -0.02849 -0.08832 0.14469 0.05248 0.98808 0.11459 0. 0. 0. 1. +scans_test/scene0800_00/sens/frame-000495.color.jpg scans_test/scene0800_00/sens/frame-000540.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.97506 0.08654 -0.20438 0.65016 -0.0689 0.99338 0.09194 0.09884 0.21099 -0.07556 0.97456 -0.27154 0. 0. 0. 1. +scans_test/scene0800_00/sens/frame-000555.color.jpg scans_test/scene0800_00/sens/frame-000585.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.91306 0.17942 -0.36623 0.07614 -0.15964 0.98361 0.08386 0.15752 0.37527 -0.0181 0.92674 -0.31446 0. 0. 0. 1. +scans_test/scene0800_00/sens/frame-000645.color.jpg scans_test/scene0800_00/sens/frame-000705.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.89766 0.10497 -0.428 -0.13661 -0.10944 0.99389 0.01424 -0.02537 0.42688 0.03406 0.90367 0.12384 0. 0. 0. 1. +scans_test/scene0800_00/sens/frame-000705.color.jpg scans_test/scene0800_00/sens/frame-000735.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.98537 0.05434 -0.16156 -0.0726 -0.05223 0.99849 0.01727 0.00515 0.16226 -0.00858 0.98671 0.02486 0. 0. 0. 1. +scans_test/scene0801_00/sens/frame-000015.color.jpg scans_test/scene0801_00/sens/frame-000495.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.95096 -0.13501 0.2783 -0.54124 0.14295 0.98969 -0.00836 -0.26112 -0.2743 0.04774 0.96046 -0.35543 0. 0. 0. 1. +scans_test/scene0801_00/sens/frame-000030.color.jpg scans_test/scene0801_00/sens/frame-000060.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99901 -0.01951 0.03985 -0.00511 0.02616 0.98443 -0.17382 -0.06136 -0.03584 0.1747 0.98397 -0.07435 0. 0. 0. 1. +scans_test/scene0801_00/sens/frame-000030.color.jpg scans_test/scene0801_00/sens/frame-000165.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.72091 0.21234 -0.6597 1.19436 -0.36023 0.92802 -0.09495 -0.00523 0.59206 0.30609 0.74551 -0.12727 0. 0. 0. 1. +scans_test/scene0801_00/sens/frame-000090.color.jpg scans_test/scene0801_00/sens/frame-000255.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.83218 0.2918 -0.47151 1.38855 -0.15266 0.93804 0.31107 -0.79058 0.53307 -0.18689 0.82517 0.01993 0. 0. 0. 1. +scans_test/scene0801_00/sens/frame-000105.color.jpg scans_test/scene0801_00/sens/frame-000225.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.88199 0.23883 -0.40626 1.24369 -0.0994 0.93695 0.33502 -0.43576 0.46066 -0.2551 0.85013 0.01734 0. 0. 0. 1. +scans_test/scene0801_00/sens/frame-000165.color.jpg scans_test/scene0801_00/sens/frame-000255.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99948 0.01009 -0.03059 0.16253 -0.00017 0.95128 0.30833 -0.82159 0.03221 -0.30817 0.95079 -0.13015 0. 0. 0. 1. +scans_test/scene0801_00/sens/frame-000165.color.jpg scans_test/scene0801_00/sens/frame-000285.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99981 0.01431 -0.01316 0.02158 -0.00952 0.9506 0.31029 -0.85907 0.01695 -0.3101 0.95055 -0.1125 0. 0. 0. 1. +scans_test/scene0801_00/sens/frame-000195.color.jpg scans_test/scene0801_00/sens/frame-000270.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.98205 -0.10455 0.15697 -0.11831 0.06141 0.96419 0.25799 -0.90578 -0.17833 -0.24372 0.95331 -0.08224 0. 0. 0. 1. +scans_test/scene0801_00/sens/frame-000195.color.jpg scans_test/scene0801_00/sens/frame-000480.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.34685 -0.50785 0.78853 -1.29424 0.39609 0.84139 0.36766 -0.55806 -0.85018 0.18481 0.49299 0.96231 0. 0. 0. 1. +scans_test/scene0801_00/sens/frame-000195.color.jpg scans_test/scene0801_00/sens/frame-000570.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.41214 -0.43427 0.80097 -1.36238 0.25963 0.89863 0.35362 -1.10817 -0.87334 0.06221 0.48312 0.73546 0. 0. 0. 1. +scans_test/scene0801_00/sens/frame-000255.color.jpg scans_test/scene0801_00/sens/frame-000315.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99671 -0.00482 0.08087 -0.24059 0.02054 0.98066 -0.19463 0.47653 -0.07836 0.19565 0.97754 0.24159 0. 0. 0. 1. +scans_test/scene0801_00/sens/frame-000315.color.jpg scans_test/scene0801_00/sens/frame-000465.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.52349 -0.42249 0.73991 -1.29012 0.40361 0.88775 0.22135 -0.19188 -0.75037 0.18276 0.63525 0.9248 0. 0. 0. 1. +scans_test/scene0801_00/sens/frame-000345.color.jpg scans_test/scene0801_00/sens/frame-000525.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.64464 -0.32594 0.69152 -0.91916 0.15349 0.94132 0.3006 -0.68785 -0.74892 -0.08764 0.65684 0.44355 0. 0. 0. 1. +scans_test/scene0801_00/sens/frame-000360.color.jpg scans_test/scene0801_00/sens/frame-000465.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.70348 -0.37931 0.60104 -0.80264 0.3056 0.92494 0.22603 -0.18829 -0.64166 0.02467 0.76659 0.51307 0. 0. 0. 1. +scans_test/scene0801_00/sens/frame-000420.color.jpg scans_test/scene0801_00/sens/frame-000495.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99916 0.04038 -0.00722 -0.04125 -0.0349 0.92938 0.36747 -0.13198 0.02155 -0.36691 0.93001 -0.1048 0. 0. 0. 1. +scans_test/scene0802_00/sens/frame-000015.color.jpg scans_test/scene0802_00/sens/frame-000120.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.80981 -0.22501 0.54183 -1.16328 0.31742 0.94473 -0.08208 0.21959 -0.49341 0.23845 0.83647 -0.58447 0. 0. 0. 1. +scans_test/scene0802_00/sens/frame-000135.color.jpg scans_test/scene0802_00/sens/frame-000255.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.87324 -0.32667 0.36157 -1.80889 0.35651 0.93413 -0.01706 0.16988 -0.33218 0.14381 0.93219 -0.40431 0. 0. 0. 1. +scans_test/scene0802_00/sens/frame-000495.color.jpg scans_test/scene0802_00/sens/frame-000570.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.90234 0.05587 -0.42738 0.124 -0.17948 0.95021 -0.25474 0.35956 0.39187 0.30657 0.86744 -0.8859 0. 0. 0. 1. +scans_test/scene0802_00/sens/frame-000570.color.jpg scans_test/scene0802_00/sens/frame-000660.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.72194 -0.4297 0.54237 -1.26658 0.45046 0.88683 0.10301 -0.15563 -0.52525 0.16995 0.8338 -0.06573 0. 0. 0. 1. +scans_test/scene0802_00/sens/frame-000885.color.jpg scans_test/scene0802_00/sens/frame-000990.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.96206 0.13146 -0.23907 -0.17121 -0.06863 0.9647 0.25426 -0.0448 0.26406 -0.22821 0.93712 -0.08587 0. 0. 0. 1. +scans_test/scene0802_00/sens/frame-000885.color.jpg scans_test/scene0802_00/sens/frame-001125.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.43939 -0.68052 0.58637 -1.76142 0.48643 0.72902 0.48157 -0.92879 -0.7552 0.07363 0.65135 1.35339 0. 0. 0. 1. +scans_test/scene0802_00/sens/frame-000975.color.jpg scans_test/scene0802_00/sens/frame-001260.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.02335 -0.48318 0.87521 -2.38094 0.48495 0.77103 0.41273 -0.92981 -0.87423 0.41479 0.25232 1.70342 0. 0. 0. 1. +scans_test/scene0802_00/sens/frame-001005.color.jpg scans_test/scene0802_00/sens/frame-001110.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.50082 -0.50922 0.69991 -1.63062 0.45456 0.84288 0.28798 -0.58602 -0.73659 0.17393 0.6536 0.72858 0. 0. 0. 1. +scans_test/scene0802_00/sens/frame-001050.color.jpg scans_test/scene0802_00/sens/frame-001230.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.41565 -0.54973 0.72459 -2.16391 0.30592 0.83475 0.45782 -0.95964 -0.85653 0.03137 0.51514 0.84229 0. 0. 0. 1. +scans_test/scene0802_00/sens/frame-001080.color.jpg scans_test/scene0802_00/sens/frame-001215.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.53158 -0.42525 0.73252 -1.62294 0.2265 0.90471 0.36083 -0.96964 -0.81616 -0.02589 0.57724 0.6662 0. 0. 0. 1. +scans_test/scene0802_00/sens/frame-001125.color.jpg scans_test/scene0802_00/sens/frame-001200.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.86119 -0.25348 0.44056 -0.95812 0.15499 0.95645 0.24734 -0.64056 -0.48408 -0.14473 0.86297 0.24448 0. 0. 0. 1. +scans_test/scene0802_00/sens/frame-001125.color.jpg scans_test/scene0802_00/sens/frame-001260.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.96813 -0.10518 0.22731 -1.13349 0.10886 0.99405 -0.0037 -0.03333 -0.22557 0.02833 0.97381 -0.06196 0. 0. 0. 1. +scans_test/scene0802_00/sens/frame-001125.color.jpg scans_test/scene0802_00/sens/frame-001290.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.98257 -0.08581 0.1649 -0.74094 0.11256 0.9806 -0.16046 0.12146 -0.14793 0.17622 0.97317 -0.18507 0. 0. 0. 1. +scans_test/scene0802_00/sens/frame-001170.color.jpg scans_test/scene0802_00/sens/frame-001200.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.99293 0.09637 -0.06929 -0.26373 -0.08286 0.98077 0.1767 -0.43306 0.08498 -0.16971 0.98182 -0.12927 0. 0. 0. 1. +scans_test/scene0802_00/sens/frame-001275.color.jpg scans_test/scene0802_00/sens/frame-001365.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.18827 0.62039 -0.76136 0.99082 -0.6629 0.65227 0.36757 -0.54534 0.72465 0.4355 0.53406 0.75884 0. 0. 0. 1. +scans_test/scene0803_00/sens/frame-000000.color.jpg scans_test/scene0803_00/sens/frame-001770.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.94651 0.05664 -0.31767 0.08538 -0.00641 0.98758 0.15698 0.13019 0.32262 -0.14655 0.93512 -0.16391 0. 0. 0. 1. +scans_test/scene0803_00/sens/frame-000120.color.jpg scans_test/scene0803_00/sens/frame-001770.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.94394 -0.00505 -0.33008 0.19131 -0.02346 0.99633 -0.08235 0.0432 0.32928 0.08547 0.94036 -0.22213 0. 0. 0. 1. +scans_test/scene0803_00/sens/frame-000150.color.jpg scans_test/scene0803_00/sens/frame-001650.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.78423 0.16057 -0.59933 0.50261 -0.23613 0.97049 -0.04898 0.23125 0.57378 0.17993 0.799 -0.64483 0. 0. 0. 1. +scans_test/scene0803_00/sens/frame-000180.color.jpg scans_test/scene0803_00/sens/frame-000330.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.61703 -0.27111 0.73877 -1.56249 0.15916 0.96237 0.22024 0.12081 -0.77068 -0.01831 0.63696 0.2214 0. 0. 0. 1. +scans_test/scene0803_00/sens/frame-000240.color.jpg scans_test/scene0803_00/sens/frame-001710.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.91296 0.16855 -0.37161 0.0588 -0.09214 0.97234 0.21464 -0.094 0.39751 -0.16172 0.90323 0.61724 0. 0. 0. 1. +scans_test/scene0803_00/sens/frame-000630.color.jpg scans_test/scene0803_00/sens/frame-000720.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99442 -0.03299 0.10016 0.04767 0.04168 0.99543 -0.08592 -0.05056 -0.09686 0.08961 0.99126 -0.04739 0. 0. 0. 1. +scans_test/scene0803_00/sens/frame-000630.color.jpg scans_test/scene0803_00/sens/frame-000915.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.78919 -0.10385 0.60531 -0.2165 0.12382 0.99227 0.0088 -0.05514 -0.60154 0.06801 0.79594 -0.27106 0. 0. 0. 1. +scans_test/scene0803_00/sens/frame-000780.color.jpg scans_test/scene0803_00/sens/frame-000960.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.8628 -0.14969 0.48287 -0.33126 0.21314 0.97383 -0.07895 0.02243 -0.45842 0.17104 0.87212 -0.27312 0. 0. 0. 1. +scans_test/scene0803_00/sens/frame-000930.color.jpg scans_test/scene0803_00/sens/frame-001380.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.87504 -0.20451 0.43873 -0.68827 0.26579 0.96051 -0.08237 -0.09032 -0.40456 0.18868 0.89484 0.03194 0. 0. 0. 1. +scans_test/scene0803_00/sens/frame-000990.color.jpg scans_test/scene0803_00/sens/frame-001020.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.97691 0.02873 0.21171 -0.20922 -0.02594 0.99954 -0.01598 -0.07149 -0.21207 0.01012 0.9772 -0.01677 0. 0. 0. 1. +scans_test/scene0803_00/sens/frame-001095.color.jpg scans_test/scene0803_00/sens/frame-001425.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99977 0.01903 0.0094 -0.10114 -0.01628 0.97178 -0.23533 -0.03254 -0.01361 0.23512 0.97187 0.10772 0. 0. 0. 1. +scans_test/scene0803_00/sens/frame-001260.color.jpg scans_test/scene0803_00/sens/frame-001530.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.79412 0.02614 0.6072 -0.51393 -0.02951 0.99955 -0.00444 0.01922 -0.60705 -0.01439 0.79453 0.16504 0. 0. 0. 1. +scans_test/scene0803_00/sens/frame-001425.color.jpg scans_test/scene0803_00/sens/frame-001440.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99447 -0.06052 0.08586 -0.04675 0.05462 0.99609 0.06944 0.06282 -0.08972 -0.06437 0.99389 -0.10441 0. 0. 0. 1. +scans_test/scene0803_00/sens/frame-001620.color.jpg scans_test/scene0803_00/sens/frame-001650.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.9493 -0.14315 0.27987 -0.10111 0.13909 0.98968 0.03445 -0.09645 -0.28192 0.00622 0.95942 0.19956 0. 0. 0. 1. +scans_test/scene0803_00/sens/frame-001620.color.jpg scans_test/scene0803_00/sens/frame-001665.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.92728 -0.15882 0.33902 -0.06429 0.13882 0.98686 0.08263 -0.08809 -0.34769 -0.02956 0.93714 0.29631 0. 0. 0. 1. +scans_test/scene0804_00/sens/frame-000015.color.jpg scans_test/scene0804_00/sens/frame-000960.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.75403 -0.15069 0.63932 -0.32203 0.07995 0.98715 0.13838 -0.03433 -0.65195 -0.05323 0.75639 0.0666 0. 0. 0. 1. +scans_test/scene0804_00/sens/frame-000120.color.jpg scans_test/scene0804_00/sens/frame-000180.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.74117 0.06873 -0.66779 0.59254 0.01415 0.99292 0.1179 0.00503 0.67117 -0.09683 0.73496 0.5038 0. 0. 0. 1. +scans_test/scene0804_00/sens/frame-000165.color.jpg scans_test/scene0804_00/sens/frame-000195.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.91601 0.05727 -0.39705 0.33185 -0.13683 0.97501 -0.17503 -0.19653 0.37711 0.21466 0.90095 0.12695 0. 0. 0. 1. +scans_test/scene0804_00/sens/frame-000180.color.jpg scans_test/scene0804_00/sens/frame-000195.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.97802 0.0611 -0.19936 0.18642 -0.08835 0.98747 -0.13075 -0.11313 0.18887 0.14549 0.97117 -0.00064 0. 0. 0. 1. +scans_test/scene0804_00/sens/frame-000180.color.jpg scans_test/scene0804_00/sens/frame-000210.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.96991 0.13423 -0.2031 0.14509 -0.18671 0.94551 -0.26674 -0.23076 0.15623 0.29664 0.94212 0.00132 0. 0. 0. 1. +scans_test/scene0804_00/sens/frame-000255.color.jpg scans_test/scene0804_00/sens/frame-000585.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.59438 0.3164 -0.73933 0.84647 -0.28577 0.94245 0.17358 -0.04716 0.7517 0.1081 0.65059 0.12078 0. 0. 0. 1. +scans_test/scene0804_00/sens/frame-000270.color.jpg scans_test/scene0804_00/sens/frame-000570.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.65065 0.34288 -0.67756 0.96855 -0.31915 0.9331 0.16573 -0.06846 0.68905 0.10841 0.71656 0.16685 0. 0. 0. 1. +scans_test/scene0804_00/sens/frame-000450.color.jpg scans_test/scene0804_00/sens/frame-000480.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.96973 0.01783 -0.24354 0.15564 -0.04085 0.99512 -0.0898 -0.05884 0.24075 0.09703 0.96572 -0.05211 0. 0. 0. 1. +scans_test/scene0804_00/sens/frame-000510.color.jpg scans_test/scene0804_00/sens/frame-000585.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.92413 -0.11786 0.36344 -0.00565 0.13802 0.98998 -0.0299 -0.13554 -0.35627 0.0778 0.93114 0.20454 0. 0. 0. 1. +scans_test/scene0804_00/sens/frame-000720.color.jpg scans_test/scene0804_00/sens/frame-000840.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.9228 0.1651 -0.34811 -0.07048 -0.10554 0.97729 0.18373 0.00434 0.37054 -0.13281 0.91927 0.27444 0. 0. 0. 1. +scans_test/scene0804_00/sens/frame-000735.color.jpg scans_test/scene0804_00/sens/frame-000765.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.99946 0.00327 0.03276 0.00381 -0.01057 0.9743 0.22502 0.09321 -0.03118 -0.22524 0.9738 0.17633 0. 0. 0. 1. +scans_test/scene0804_00/sens/frame-000795.color.jpg scans_test/scene0804_00/sens/frame-000840.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.9711 0.03128 -0.2366 0.069 -0.08682 0.96975 -0.22814 -0.11453 0.22231 0.24209 0.94444 -0.15003 0. 0. 0. 1. +scans_test/scene0804_00/sens/frame-000840.color.jpg scans_test/scene0804_00/sens/frame-000870.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.97641 0.04856 -0.21042 0.00645 -0.03897 0.99802 0.04945 -0.01324 0.2124 -0.04009 0.97636 -0.1335 0. 0. 0. 1. +scans_test/scene0804_00/sens/frame-000840.color.jpg scans_test/scene0804_00/sens/frame-000885.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.95596 0.04497 -0.29002 0.04429 -0.01323 0.99379 0.1105 0.07327 0.29318 -0.1018 0.95062 -0.23128 0. 0. 0. 1. +scans_test/scene0804_00/sens/frame-000870.color.jpg scans_test/scene0804_00/sens/frame-001020.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.19505 0.20916 -0.95823 1.46858 -0.24982 0.95537 0.15769 -0.03568 0.94844 0.20863 0.2386 0.52119 0. 0. 0. 1. +scans_test/scene0805_00/sens/frame-000030.color.jpg scans_test/scene0805_00/sens/frame-000840.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.6034 -0.4336 0.66925 -1.23567 0.36946 0.89575 0.24724 -0.37101 -0.70669 0.09808 0.70069 0.7988 0. 0. 0. 1. +scans_test/scene0805_00/sens/frame-000045.color.jpg scans_test/scene0805_00/sens/frame-000090.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.97973 0.13197 -0.1507 -0.39738 -0.10591 0.97983 0.16946 -0.02037 0.17002 -0.15007 0.97395 0.36094 0. 0. 0. 1. +scans_test/scene0805_00/sens/frame-000060.color.jpg scans_test/scene0805_00/sens/frame-000105.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.96949 0.13504 -0.2046 -0.3006 -0.10027 0.98003 0.17171 0.07216 0.2237 -0.14595 0.96367 0.08248 0. 0. 0. 1. +scans_test/scene0805_00/sens/frame-000075.color.jpg scans_test/scene0805_00/sens/frame-000105.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.97078 0.117 -0.20949 -0.07454 -0.09368 0.98858 0.11804 0.05445 0.22091 -0.09496 0.97066 -0.0427 0. 0. 0. 1. +scans_test/scene0805_00/sens/frame-000090.color.jpg scans_test/scene0805_00/sens/frame-000930.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.91022 -0.16454 0.38004 -0.03457 0.22157 0.96878 -0.11125 0.14116 -0.34987 0.18547 0.91826 -0.40718 0. 0. 0. 1. +scans_test/scene0805_00/sens/frame-000165.color.jpg scans_test/scene0805_00/sens/frame-000315.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.72598 0.18571 -0.66217 0.48047 -0.13667 0.9826 0.12574 0.02582 0.674 -0.00079 0.73873 0.23911 0. 0. 0. 1. +scans_test/scene0805_00/sens/frame-000165.color.jpg scans_test/scene0805_00/sens/frame-000330.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.80271 0.14286 -0.57901 0.4754 -0.03098 0.97956 0.19875 0.02327 0.59557 -0.1416 0.79073 0.23275 0. 0. 0. 1. +scans_test/scene0805_00/sens/frame-000180.color.jpg scans_test/scene0805_00/sens/frame-000240.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.76959 0.29089 -0.56844 0.39085 -0.38716 0.92048 -0.05312 -0.04199 0.50779 0.26095 0.82101 -0.04881 0. 0. 0. 1. +scans_test/scene0805_00/sens/frame-000210.color.jpg scans_test/scene0805_00/sens/frame-000270.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.94003 0.1837 -0.28741 -0.01039 -0.21407 0.97372 -0.07779 -0.08033 0.26557 0.13465 0.95464 0.11042 0. 0. 0. 1. +scans_test/scene0805_00/sens/frame-000435.color.jpg scans_test/scene0805_00/sens/frame-000450.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.9988 0.04097 -0.02684 -0.16345 -0.04318 0.99521 -0.08769 0.0047 0.02312 0.08874 0.99579 -0.08538 0. 0. 0. 1. +scans_test/scene0805_00/sens/frame-000465.color.jpg scans_test/scene0805_00/sens/frame-000495.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.9974 0.01205 -0.07101 0.02293 -0.00415 0.99389 0.11033 0.14614 0.07191 -0.10974 0.99136 -0.23635 0. 0. 0. 1. +scans_test/scene0805_00/sens/frame-000495.color.jpg scans_test/scene0805_00/sens/frame-000525.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.97071 0.08515 -0.22464 0.30629 -0.08998 0.99588 -0.01132 0.08382 0.22275 0.0312 0.97438 -0.16571 0. 0. 0. 1. +scans_test/scene0805_00/sens/frame-000585.color.jpg scans_test/scene0805_00/sens/frame-000615.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.95402 0.13147 -0.26939 0.19111 -0.09746 0.98591 0.13598 0.00569 0.28347 -0.10347 0.95338 0.01335 0. 0. 0. 1. +scans_test/scene0805_00/sens/frame-000780.color.jpg scans_test/scene0805_00/sens/frame-000870.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.78342 0.13908 -0.60573 0.61854 -0.21367 0.9755 -0.05236 0.05247 0.58361 0.17045 0.79395 0.14503 0. 0. 0. 1. +scans_test/scene0805_00/sens/frame-000795.color.jpg scans_test/scene0805_00/sens/frame-000900.color.jpg 0 0 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 1165.48 0. 654.942 0. 1164.54 477.277 0. 0. 1. 0.57968 0.32986 -0.74509 1.19577 -0.28304 0.93897 0.19549 -0.12296 0.7641 0.09757 0.63767 0.43022 0. 0. 0. 1. +scans_test/scene0806_00/sens/frame-000015.color.jpg scans_test/scene0806_00/sens/frame-000900.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. -0.6188 0.4262 -0.65988 1.90699 -0.44793 0.49863 0.74211 -1.82171 0.64532 0.7548 -0.11764 2.65328 0. 0. 0. 1. +scans_test/scene0806_00/sens/frame-000060.color.jpg scans_test/scene0806_00/sens/frame-000300.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.4545 -0.47632 0.7527 -2.06165 0.53322 0.82238 0.19844 -0.55963 -0.71352 0.31116 0.62775 1.0205 0. 0. 0. 1. +scans_test/scene0806_00/sens/frame-000075.color.jpg scans_test/scene0806_00/sens/frame-000450.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. -0.21643 -0.39736 0.89178 -2.71466 0.52241 0.72452 0.44962 -1.25389 -0.82477 0.56318 0.05077 2.71086 0. 0. 0. 1. +scans_test/scene0806_00/sens/frame-000075.color.jpg scans_test/scene0806_00/sens/frame-001140.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.76203 0.25287 -0.59613 1.23061 -0.27152 0.96054 0.06036 -0.12685 0.58787 0.11587 0.80062 0.19694 0. 0. 0. 1. +scans_test/scene0806_00/sens/frame-000150.color.jpg scans_test/scene0806_00/sens/frame-000960.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. -0.5921 0.40316 -0.69777 1.35029 -0.53083 0.45636 0.71411 -1.45956 0.60634 0.79322 -0.0562 1.98444 0. 0. 0. 1. +scans_test/scene0806_00/sens/frame-000180.color.jpg scans_test/scene0806_00/sens/frame-001020.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. -0.29804 0.5272 -0.79576 1.60568 -0.64812 0.50026 0.57418 -1.25901 0.70079 0.68688 0.19259 1.57951 0. 0. 0. 1. +scans_test/scene0806_00/sens/frame-000195.color.jpg scans_test/scene0806_00/sens/frame-000300.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.87521 -0.30168 0.37815 -1.21189 0.2778 0.95341 0.11766 -0.18136 -0.39602 0.00207 0.91824 0.30264 0. 0. 0. 1. +scans_test/scene0806_00/sens/frame-000225.color.jpg scans_test/scene0806_00/sens/frame-000915.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. -0.99839 0.03154 -0.04717 -0.05998 -0.0344 0.32483 0.94515 -2.08618 0.04514 0.94525 -0.32322 2.8777 0. 0. 0. 1. +scans_test/scene0806_00/sens/frame-000225.color.jpg scans_test/scene0806_00/sens/frame-001095.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.15102 0.52115 -0.84 1.95984 -0.41332 0.80519 0.42525 -1.02578 0.89798 0.28297 0.337 1.24882 0. 0. 0. 1. +scans_test/scene0806_00/sens/frame-000255.color.jpg scans_test/scene0806_00/sens/frame-000630.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. -0.0326 -0.55026 0.83436 -2.60667 0.48749 0.72002 0.4939 -1.83455 -0.87252 0.42284 0.24477 2.67348 0. 0. 0. 1. +scans_test/scene0806_00/sens/frame-000285.color.jpg scans_test/scene0806_00/sens/frame-000450.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.70315 -0.40578 0.58388 -2.00328 0.40201 0.9042 0.14426 -0.51195 -0.58648 0.13329 0.79892 0.73378 0. 0. 0. 1. +scans_test/scene0806_00/sens/frame-000375.color.jpg scans_test/scene0806_00/sens/frame-000735.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. -0.41702 -0.52994 0.73841 -1.56314 0.46172 0.57627 0.67433 -1.82856 -0.78289 0.62215 0.00437 2.7364 0. 0. 0. 1. +scans_test/scene0806_00/sens/frame-000420.color.jpg scans_test/scene0806_00/sens/frame-000765.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. -0.3588 -0.56374 0.74395 -1.45557 0.48114 0.57128 0.66494 -1.7851 -0.79986 0.59652 0.06626 2.61344 0. 0. 0. 1. +scans_test/scene0806_00/sens/frame-000510.color.jpg scans_test/scene0806_00/sens/frame-000630.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.94356 -0.17779 0.27944 -0.8432 0.18171 0.98328 0.01205 -0.27915 -0.27691 0.03941 0.96009 0.25569 0. 0. 0. 1. +scans_test/scene0806_00/sens/frame-000705.color.jpg scans_test/scene0806_00/sens/frame-000795.color.jpg 0 0 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 1165.37 0. 650.862 0. 1166.11 488.595 0. 0. 1. 0.83072 -0.35058 0.43243 -1.25295 0.35106 0.93277 0.08181 -0.13469 -0.43203 0.08385 0.89795 0.04475 0. 0. 0. 1. diff --git a/third_party/SuperGluePretrainedNetwork/assets/teaser.png b/third_party/SuperGluePretrainedNetwork/assets/teaser.png new file mode 100644 index 0000000000000000000000000000000000000000..f7e1cb93af912c0ecd1f05bf85abcefc74ffa7e1 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/teaser.png @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a74be8811bc6ae7b58634324c41ed90169d388b50639a8b1cf4ba28e32a7e3d8 +size 124742 diff --git a/third_party/SuperGluePretrainedNetwork/assets/yfcc_test_pairs_with_gt.txt b/third_party/SuperGluePretrainedNetwork/assets/yfcc_test_pairs_with_gt.txt new file mode 100644 index 0000000000000000000000000000000000000000..ef571a3b8d80feeee0ac05d98b2f56cdfae88f1e --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/yfcc_test_pairs_with_gt.txt @@ -0,0 +1,4000 @@ +buckingham_palace/test/images/39197892_9580433466.jpg buckingham_palace/test/images/95099681_7121588727.jpg 0 0 920.78 0.0 319.5 0.0 920.78 239.5 0.0 0.0 1.0 544.463 0.0 319.5 0.0 544.463 240.0 0.0 0.0 1.0 0.9747380326086698 0.024572632273935094 0.22199539078393024 -24373.2623048354 -0.03993878766801623 0.9970859559972397 0.06499607367125937 -12816.954508357394 -0.2197513618292024 -0.07222037175340919 0.972879004233317 -85661.74428579654 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/73390455_10578819085.jpg buckingham_palace/test/images/23363801_5143002413.jpg 0 0 778.562 0.0 319.5 0.0 778.562 319.5 0.0 0.0 1.0 729.125 0.0 319.5 0.0 729.125 239.5 0.0 0.0 1.0 0.9822759427081103 -0.05174441684778953 -0.18015684195160464 32582.412554416667 0.055726427600088745 0.9982994776638782 0.01710900824010984 1340.836562214937 0.1789651855636322 -0.026845264407531454 0.9834890920264772 15054.03030803812 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/11279513_3229126513.jpg buckingham_palace/test/images/91136231_4677075766.jpg 0 0 539.004 0.0 319.5 0.0 539.004 239.5 0.0 0.0 1.0 492.926 0.0 319.5 0.0 492.926 213.5 0.0 0.0 1.0 0.976522989182697 0.03554364709478319 0.2124605863422481 -33337.29053583006 -0.06768435541258822 0.9869695506953869 0.14597922466066243 -10114.969640492498 -0.2045034953981785 -0.15693232666135815 0.9662042047199857 -32110.047624934596 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/73390455_10578819085.jpg buckingham_palace/test/images/52015143_29202491.jpg 0 0 778.562 0.0 319.5 0.0 778.562 319.5 0.0 0.0 1.0 483.179 0.0 249.5 0.0 483.179 187.0 0.0 0.0 1.0 0.9697609490953956 -0.05167708788058037 -0.23852291336008058 17171.747535575687 0.0730596646814646 0.9939764888564565 0.08168858547693564 -6689.048606066115 0.23286473972293373 -0.09664480425130698 0.9676950939242158 -40354.599856201385 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/30985649_2732223159.jpg buckingham_palace/test/images/09913545_5384620652.jpg 0 0 688.364 0.0 319.5 0.0 688.364 239.5 0.0 0.0 1.0 618.577 0.0 319.5 0.0 618.577 238.5 0.0 0.0 1.0 0.9971872010402233 -0.023251296015370355 0.07125351440575305 6281.948653822557 0.03172749673738798 0.9922378729910271 -0.12023880136221246 -2080.0653665978693 -0.06790472761409387 0.12216128943265198 0.9901846127524946 -20718.425298304373 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/30612743_2756901875.jpg buckingham_palace/test/images/44579495_1325305773.jpg 0 0 565.589 0.0 249.5 0.0 565.589 187.0 0.0 0.0 1.0 1027.15 0.0 213.0 0.0 1027.15 319.5 0.0 0.0 1.0 0.9033907921555531 0.04233957266722258 0.4267229045117212 -23471.56362561911 -0.03293697490630585 0.999025082310739 -0.02939456749201475 3422.17777182412 -0.42755143823004954 0.012499820013832557 0.9039045979344489 23024.473799663152 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/82724591_6779971696.jpg buckingham_palace/test/images/87435867_4350947433.jpg 0 0 530.953 0.0 319.5 0.0 530.953 213.0 0.0 0.0 1.0 448.32 0.0 319.5 0.0 448.32 239.5 0.0 0.0 1.0 0.9372363783643417 0.012193676016994679 0.34848139883742013 -26207.999448282713 0.02470296642677802 0.994555422359103 -0.10123870458388783 -1122.120811693254 -0.3478185367691176 0.10349312113033796 0.9318323021651973 14111.881336322756 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/66460486_3000292784.jpg buckingham_palace/test/images/37484866_5209954283.jpg 0 0 634.978 0.0 319.5 0.0 634.978 239.5 0.0 0.0 1.0 756.578 0.0 319.5 0.0 756.578 213.0 0.0 0.0 1.0 0.6703418767382886 0.07576841748900502 0.738174041268183 -98901.66222691892 0.011217294449597853 0.9936251281442207 -0.11217520682223957 -1154.6784248447352 -0.7419676142502585 0.08347605424068054 0.665218616525565 43038.68074806842 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/85113395_2204253279.jpg buckingham_palace/test/images/41854370_22518199.jpg 0 0 939.785 0.0 319.5 0.0 939.785 213.0 0.0 0.0 1.0 719.884 0.0 319.5 0.0 719.884 239.5 0.0 0.0 1.0 0.8009857864974744 -0.025902621109760403 -0.5981227499842043 127698.95420365824 0.05840248305555429 0.997679220712103 0.03500460730013168 -4528.934555690013 0.5958279280144299 -0.06297004668042522 0.8006396526647283 -15660.794097457387 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/38109366_1994420460.jpg buckingham_palace/test/images/12225450_205688460.jpg 0 0 562.71 0.0 249.5 0.0 562.71 160.0 0.0 0.0 1.0 880.89 0.0 249.5 0.0 880.89 187.0 0.0 0.0 1.0 0.5780265045832834 0.10262944311991587 0.8095384842020346 -72800.94217615653 -0.0539844432927111 0.9946956727069887 -0.08755683057515848 3480.139798669389 -0.8142303358888121 0.006907684336077578 0.5805008561712081 58781.67604111098 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/73390455_10578819085.jpg buckingham_palace/test/images/50497824_8033642711.jpg 0 0 778.562 0.0 319.5 0.0 778.562 319.5 0.0 0.0 1.0 449.291 0.0 319.5 0.0 449.291 213.0 0.0 0.0 1.0 0.8840734982825504 0.009448187400273604 0.46725237440734585 -34542.65496754385 -0.08936170089063095 0.9847659929998923 0.1491657649893876 -1187.382307889673 -0.45872490236348257 -0.173627966600387 0.8714498225175263 -11814.89335731823 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/51055099_4772610657.jpg buckingham_palace/test/images/66271166_7212713294.jpg 0 0 1103.25 0.0 319.5 0.0 1103.25 239.5 0.0 0.0 1.0 1264.51 0.0 213.5 0.0 1264.51 319.5 0.0 0.0 1.0 0.9986744714957836 0.04776656843846749 -0.01917432977265467 5854.704764020753 -0.0447013662256854 0.9895673895744107 0.13696046637056833 15256.263033638426 0.025516422950218942 -0.13592180263114387 0.990390920661799 92405.69326866849 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/15625956_3859238782.jpg buckingham_palace/test/images/59557144_4072456064.jpg 0 0 719.798 0.0 319.5 0.0 719.798 239.5 0.0 0.0 1.0 569.526 0.0 249.5 0.0 569.526 187.0 0.0 0.0 1.0 0.9772835560801847 -0.04107699028384532 -0.20791712744382004 25115.820320458224 0.017682017046698303 0.9934202676466307 -0.11315263188303151 -2361.7125621043297 0.21119705795400917 0.10690581227471893 0.9715796158902541 2728.722803650371 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/30612743_2756901875.jpg buckingham_palace/test/images/97000297_3525745026.jpg 0 0 565.589 0.0 249.5 0.0 565.589 187.0 0.0 0.0 1.0 537.107 0.0 319.5 0.0 537.107 209.0 0.0 0.0 1.0 0.9990765513959433 -0.02393637841691882 -0.035680446172534755 1347.123085883988 0.034154112347373373 0.9462876061647133 0.32151712711583413 3524.2097947815973 0.02606800837333175 -0.3224388565407999 0.9462312839534048 8179.836395807633 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/26420725_8870834351.jpg buckingham_palace/test/images/02324203_9313663960.jpg 0 0 644.06 0.0 319.5 0.0 644.06 213.0 0.0 0.0 1.0 869.083 0.0 319.5 0.0 869.083 213.0 0.0 0.0 1.0 0.658741625705281 0.04019233465007103 0.7512949133320018 -21747.916415467796 -0.1483684356056004 0.9859027244484451 0.07734743202640897 20991.800843882273 -0.7375949280459501 -0.1624204240867196 0.6554184373058023 91092.45605422824 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/61302894_8245166220.jpg buckingham_palace/test/images/82736794_5152319320.jpg 0 0 651.678 0.0 319.5 0.0 651.678 171.5 0.0 0.0 1.0 723.947 0.0 319.5 0.0 723.947 239.5 0.0 0.0 1.0 0.999869862840002 -0.0005752811980679834 -0.016122234208036882 5249.326104483842 0.0021656979257189744 0.9951044956920017 0.09880461733169056 -1973.7345904365461 0.01598646730238365 -0.09882667506857863 0.9949762415043284 -22017.394832362676 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/86576612_2460544550.jpg buckingham_palace/test/images/77141853_3913827430.jpg 0 0 775.263 0.0 319.5 0.0 775.263 180.0 0.0 0.0 1.0 534.162 0.0 319.5 0.0 534.162 213.0 0.0 0.0 1.0 0.9422026553856213 0.014101570054573133 0.3347466234426868 -48038.00251803125 0.026591619927307634 0.9928146658186039 -0.1166701550746183 2610.9431680170915 -0.3339865894522197 0.1188283848980951 0.9350576308488076 -20916.881800566814 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/34591604_85337315.jpg buckingham_palace/test/images/80208883_2309723001.jpg 0 0 588.671 0.0 319.5 0.0 588.671 239.5 0.0 0.0 1.0 608.393 0.0 212.5 0.0 608.393 319.5 0.0 0.0 1.0 0.9998319967164329 0.00799276308111055 -0.016495274485760276 1622.9589311860018 -0.004167779914622283 0.9754807609028516 0.22004525607014816 -14901.397369401026 0.017849592505561805 -0.21993953907090705 0.9753501890093949 -48715.33922413404 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/83690948_250193885.jpg buckingham_palace/test/images/86576612_2460544550.jpg 0 0 540.856 0.0 249.5 0.0 540.856 187.0 0.0 0.0 1.0 775.263 0.0 319.5 0.0 775.263 180.0 0.0 0.0 1.0 0.999010004282599 0.007532251847696928 -0.043843774077792115 15702.781956436977 -0.008719035077062275 0.9995990144393928 -0.026940466943224738 4215.872747153067 0.04362327097555355 0.02729607140042123 0.998675089664049 44333.387547265855 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/34511353_8612252871.jpg buckingham_palace/test/images/24481344_8619843161.jpg 0 0 526.275 0.0 319.5 0.0 526.275 239.5 0.0 0.0 1.0 533.532 0.0 319.5 0.0 533.532 239.5 0.0 0.0 1.0 0.7785672024144453 0.1189227469959767 0.6161903046717591 -68852.42271531794 -0.07151953872076493 0.9922977520571893 -0.10114408951302085 4037.831928842209 -0.6234725871325164 0.0346778244585771 0.7810757847898673 28446.444355296124 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/18653284_7502960042.jpg buckingham_palace/test/images/89647918_4691358540.jpg 0 0 306.853 0.0 319.5 0.0 306.853 213.0 0.0 0.0 1.0 299.319 0.0 319.5 0.0 299.319 213.0 0.0 0.0 1.0 0.9173846264377102 -0.004349444291477178 0.39797805154317006 -23836.377010987802 -0.10407629158504504 0.9625250420250651 0.25042697339654063 11392.443046712055 -0.3841530589565147 -0.2711579351761669 0.8825530020827929 35642.365715770095 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/86758289_301058596.jpg buckingham_palace/test/images/19476535_153176579.jpg 0 0 681.584 0.0 319.5 0.0 681.584 213.0 0.0 0.0 1.0 838.719 0.0 319.5 0.0 838.719 239.5 0.0 0.0 1.0 0.8367498933759574 -0.01746797242283326 -0.5473065739370935 57426.0032245092 0.0022598183293907853 0.9995927100777711 -0.028448324739703306 296.8269128610496 0.5475805960371883 0.022567319265092235 0.8364485680212174 74215.80501989256 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/89730574_3288971741.jpg buckingham_palace/test/images/89826404_8759127701.jpg 0 0 664.171 0.0 319.5 0.0 664.171 239.5 0.0 0.0 1.0 628.119 0.0 319.5 0.0 628.119 239.5 0.0 0.0 1.0 0.9919122072616686 -0.04117570087715222 -0.12006137906321011 648.2896879322743 0.028445679213358704 0.99397215668172 -0.1058782086908382 1105.8136751871007 0.1236972773321031 0.10160666020869535 0.9871043866693426 10197.856792676052 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/56032606_8199293549.jpg buckingham_palace/test/images/82724591_6779971696.jpg 0 0 476.287 0.0 319.5 0.0 476.287 239.5 0.0 0.0 1.0 530.953 0.0 319.5 0.0 530.953 213.0 0.0 0.0 1.0 0.9879572301328619 -0.040094206194057305 -0.14944218299353096 2835.9030805075454 0.011017262952558225 0.9816202244392538 -0.1905265201720316 -255.61263178807485 0.1543344787960155 0.18658560930976906 0.9702405263919174 -2105.920214115871 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/25074269_2738283980.jpg buckingham_palace/test/images/92801024_2417460983.jpg 0 0 504.803 0.0 319.5 0.0 504.803 213.5 0.0 0.0 1.0 532.662 0.0 213.0 0.0 532.662 319.5 0.0 0.0 1.0 0.9462838905926373 -0.1089358578767683 -0.30443353506720394 20681.131639501255 0.11537766696499516 0.9933165633142631 0.0031935890869582944 96.40451438245327 0.3020509764436733 -0.038146872928121064 0.9525282272537804 -6140.517306483569 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/70919478_5339080781.jpg buckingham_palace/test/images/66563458_10330669473.jpg 0 0 458.531 0.0 319.5 0.0 458.531 212.5 0.0 0.0 1.0 720.394 0.0 319.5 0.0 720.394 319.5 0.0 0.0 1.0 0.8556511593809686 -0.009686684856399057 -0.5174623286641234 40322.765952019 0.04341290932533584 0.9976445481309466 0.05311002625219847 4279.150585995803 0.5157290109678867 -0.06790820069102001 0.854056241429681 51271.76854916193 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/63503162_6643082601.jpg buckingham_palace/test/images/80208883_2309723001.jpg 0 0 771.297 0.0 305.5 0.0 771.297 305.5 0.0 0.0 1.0 608.393 0.0 212.5 0.0 608.393 319.5 0.0 0.0 1.0 0.9876294661065911 0.014372547501837175 0.15614566134323749 -23206.555293586374 -0.04788672062752942 0.9758645021738858 0.21306181118270534 -26604.597574032043 -0.14931476707127972 -0.217903426488023 0.9644807914412957 -98069.94895325575 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/87539697_3102605685.jpg buckingham_palace/test/images/35654194_9287834913.jpg 0 0 723.469 0.0 319.5 0.0 723.469 239.5 0.0 0.0 1.0 541.361 0.0 319.5 0.0 541.361 213.0 0.0 0.0 1.0 0.9995584751414169 -0.0013397123097180009 -0.029682653922661683 12901.630252155868 0.0004979334647916434 0.9995979751725769 -0.028348546579133427 -343.65869729517374 0.029708699655655642 0.028321250004402127 0.9991572949055411 -4614.463360488981 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/74825492_11236890775.jpg buckingham_palace/test/images/14101115_7724864500.jpg 0 0 786.182 0.0 319.5 0.0 786.182 319.5 0.0 0.0 1.0 461.446 0.0 239.5 0.0 461.446 319.5 0.0 0.0 1.0 0.9992024609858429 -0.020876215200546836 0.034038589846467876 -23925.96567835633 0.015165826979153273 0.9869791461273839 0.16013170454878273 -2817.416795467103 -0.03693832226663785 -0.15948776990277566 0.9865085968198987 -40419.40006112545 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/31650540_6170454977.jpg buckingham_palace/test/images/59557144_4072456064.jpg 0 0 681.385 0.0 319.5 0.0 681.385 239.5 0.0 0.0 1.0 569.526 0.0 249.5 0.0 569.526 187.0 0.0 0.0 1.0 0.9660159558869695 0.011122706146903576 0.2582430219381626 -18764.15727203682 0.026414483006025655 0.9895955247393006 -0.14143186523366288 -258.7387470338746 -0.25712924388196123 0.14344679440098423 0.955671266240004 45475.805001033994 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/48362261_8842273382.jpg buckingham_palace/test/images/91870054_4238721718.jpg 0 0 711.844 0.0 319.5 0.0 711.844 319.5 0.0 0.0 1.0 801.672 0.0 319.5 0.0 801.672 211.5 0.0 0.0 1.0 0.6155874448420402 -0.10292088519600395 -0.7813190060041539 61570.611556607946 0.003897140102506744 0.9918207324996713 -0.12757917887663886 3306.4525748071774 0.7880589508735178 0.0754912311085662 0.6109534875699161 32338.495795060517 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/19946837_1447873686.jpg buckingham_palace/test/images/14950658_8138839363.jpg 0 0 1048.17 0.0 319.5 0.0 1048.17 239.5 0.0 0.0 1.0 689.337 0.0 319.5 0.0 689.337 239.5 0.0 0.0 1.0 0.7281861422052461 0.03305502617610654 0.6845818486819075 -129395.65771161595 -0.04351472571145602 0.9990508772457789 -0.0019527725665685561 -6377.011871230567 -0.6839966454205005 -0.02836740945058091 0.7289333845658088 -29953.392070525217 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/30985649_2732223159.jpg buckingham_palace/test/images/01823206_282483519.jpg 0 0 688.364 0.0 319.5 0.0 688.364 239.5 0.0 0.0 1.0 523.613 0.0 319.5 0.0 523.613 239.5 0.0 0.0 1.0 0.7829856225256857 -0.08894680568721029 -0.6156476107937934 54611.33616997733 0.21011531350468182 0.969369953057789 0.12717487621212561 -9189.677971136065 0.5854784965725843 -0.22893309037092444 0.7776918221148557 -16366.48185103551 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/80448535_2424346689.jpg buckingham_palace/test/images/70136088_3328686923.jpg 0 3 770.034 0.0 319.5 0.0 770.034 239.5 0.0 0.0 1.0 512.561 0.0 319.5 0.0 512.561 213.5 0.0 0.0 1.0 -0.10979342771597543 0.9902561032125251 0.08566360534510388 -2671.6243935777507 -0.7737396384307414 -0.031051100265417454 -0.6327422864748112 58817.867541531465 -0.623916961743662 -0.13575227151930763 0.769609605985987 -17093.49193817744 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/59557144_4072456064.jpg buckingham_palace/test/images/37738135_1526579232.jpg 0 0 569.526 0.0 249.5 0.0 569.526 187.0 0.0 0.0 1.0 526.293 0.0 319.5 0.0 526.293 213.5 0.0 0.0 1.0 0.9858976334281107 0.013118390698713157 0.16683454146646723 -21984.929172412587 -0.028564656383883173 0.9954844602666671 0.09052485721200258 2751.5346726020116 -0.16489365302073072 -0.09401381384168331 0.9818204958139856 334.81991117236885 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/40580817_2599681870.jpg buckingham_palace/test/images/68461451_7212713620.jpg 0 0 725.526 0.0 319.5 0.0 725.526 235.0 0.0 0.0 1.0 1266.17 0.0 213.5 0.0 1266.17 319.5 0.0 0.0 1.0 0.991744396252874 0.015551767560132828 0.12728391503555278 989.4383121750161 -0.020222973119449206 0.9991654180580661 0.03548941694449398 14941.40379445011 -0.12662576301540002 -0.03777048957328595 0.9912312072660757 92609.50049542959 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/71145896_2328923072.jpg buckingham_palace/test/images/81310018_8608208863.jpg 0 0 1341.47 0.0 319.5 0.0 1341.47 239.5 0.0 0.0 1.0 559.102 0.0 319.5 0.0 559.102 239.5 0.0 0.0 1.0 0.9915092014985512 -0.001368939127741371 -0.13002934034043998 -4105.224845087954 -0.018556501569713113 0.9882213037430465 -0.1519023076779494 209.40574689743943 0.1287057092486525 0.153025425449687 0.9798051130570525 -6249.328633472359 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/84843004_4889485367.jpg buckingham_palace/test/images/87435867_4350947433.jpg 0 0 538.063 0.0 319.5 0.0 538.063 213.0 0.0 0.0 1.0 448.32 0.0 319.5 0.0 448.32 239.5 0.0 0.0 1.0 0.9744095619288116 -0.007577987053668696 -0.2246521304904894 21642.279989795727 -0.03845466966063464 0.9790776895060611 -0.19982020992073046 -2197.9851799865833 0.2214661238270832 0.20334564667995178 0.9537312535370325 -9192.890933292692 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/36638733_5857779927.jpg buckingham_palace/test/images/86680206_8613353750.jpg 0 0 491.356 0.0 319.5 0.0 491.356 212.0 0.0 0.0 1.0 666.834 0.0 319.5 0.0 666.834 239.5 0.0 0.0 1.0 0.9986675823404285 0.03536563794532089 -0.03758100098512806 -9235.195879445393 -0.035224025028521906 0.9993696500658907 0.004423865726870756 -298.4395764854937 0.03771376463724853 -0.003094217170755633 0.9992837924118386 12375.708626642663 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/31471983_2691474123.jpg buckingham_palace/test/images/05573543_2253880492.jpg 0 0 728.105 0.0 319.5 0.0 728.105 239.5 0.0 0.0 1.0 852.137 0.0 319.5 0.0 852.137 213.0 0.0 0.0 1.0 0.7597803085145943 0.05911526139370033 0.6474868868663074 -27166.226408091796 -0.031683914342885415 0.9980412835259732 -0.05394187566020352 9446.668535227367 -0.6494074317140052 0.020469055869351705 0.760165117186021 106813.84265817022 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/51571844_13155210353.jpg buckingham_palace/test/images/37946480_5143153071.jpg 0 0 483.696 0.0 319.5 0.0 483.696 212.5 0.0 0.0 1.0 936.404 0.0 319.5 0.0 936.404 239.5 0.0 0.0 1.0 0.7556413811208685 -0.10872311192304697 -0.6458988992648268 26020.552977868003 0.04832031189465469 0.9926932174970682 -0.11056818436477002 1720.2544525711933 0.6532007735728345 0.052339859276531085 0.7553736085770826 45602.32202449952 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/94200008_8305050186.jpg buckingham_palace/test/images/81888816_2734302.jpg 0 0 746.609 0.0 305.5 0.0 746.609 305.5 0.0 0.0 1.0 669.636 0.0 319.5 0.0 669.636 239.5 0.0 0.0 1.0 0.9865181386125149 0.07841673266221082 0.14364114392151728 -17438.69820771672 -0.06615292412700993 0.9938986993521158 -0.08825625221829009 2199.460317111573 -0.14968551305301636 0.07756411196394714 0.9856865910203402 1282.7651220377118 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/67361631_6199942663.jpg buckingham_palace/test/images/61285342_3151612050.jpg 0 0 507.066 0.0 319.5 0.0 507.066 212.5 0.0 0.0 1.0 536.336 0.0 249.5 0.0 536.336 187.0 0.0 0.0 1.0 0.9795721257554768 -0.03278532892981965 -0.19840255202456444 15057.034501025215 -0.04406141644828952 0.9276526996907271 -0.3708356244174452 1548.5207826540163 0.19620663093653798 0.3720021383856142 0.9072581589674812 18064.73720627566 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/94916212_250193805.jpg buckingham_palace/test/images/32264273_9687016916.jpg 0 0 540.593 0.0 249.5 0.0 540.593 187.0 0.0 0.0 1.0 608.489 0.0 305.5 0.0 608.489 305.5 0.0 0.0 1.0 0.8929583111497472 0.023671835940320733 0.4495165166396071 -13411.635202084664 -0.037081726724002465 0.9990905169989974 0.0210495697305764 10255.354075862113 -0.44860940704777685 -0.03546523686499973 0.8930239732965468 42424.8361320065 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/19322041_4490535181.jpg buckingham_palace/test/images/95871367_5793063419.jpg 0 0 800.164 0.0 319.5 0.0 800.164 239.5 0.0 0.0 1.0 667.829 0.0 319.5 0.0 667.829 239.5 0.0 0.0 1.0 0.9220396266244878 -0.04709168560570156 -0.38422037957530103 64981.54875041703 0.06658776913788836 0.9970722539338206 0.037589751749245615 -5661.593458253312 0.38132531509908163 -0.060243618601013606 0.9224758590242031 -11714.767807095413 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/03513470_2505259840.jpg buckingham_palace/test/images/88827990_5044159062.jpg 0 0 504.806 0.0 319.5 0.0 504.806 213.5 0.0 0.0 1.0 800.954 0.0 319.5 0.0 800.954 239.5 0.0 0.0 1.0 0.9967625416592716 0.01070169020185566 0.07968631859844139 -7801.222193933354 -0.012382020043689355 0.999710654861581 0.02062261224642778 1798.0551509463103 -0.07944256494214218 -0.02154252499249669 0.9966066418062651 14650.376920028028 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/79770781_11614197754.jpg buckingham_palace/test/images/14844450_287573284.jpg 0 0 543.87 0.0 319.5 0.0 543.87 239.5 0.0 0.0 1.0 553.557 0.0 249.5 0.0 553.557 186.5 0.0 0.0 1.0 0.9809277540267682 0.017621276480999842 0.19357229139311347 -22911.382744811006 0.014624630414558052 0.986368309905185 -0.16390142586331183 1414.373860233295 -0.19382172624666688 0.16360638077400674 0.9672983462225049 28533.94040373127 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/51571844_13155210353.jpg buckingham_palace/test/images/78715037_9287831735.jpg 0 0 483.696 0.0 319.5 0.0 483.696 212.5 0.0 0.0 1.0 629.677 0.0 319.5 0.0 629.677 212.5 0.0 0.0 1.0 0.8871940570373315 -0.0495834777111844 -0.4587245185246854 46588.391176643265 0.11256814866666338 0.9874267634561485 0.11098107368499878 -327.1377450355169 0.44745403905138653 -0.15009951881528347 0.8816206765883049 -993.6857361084994 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/89269947_2824630864.jpg buckingham_palace/test/images/81485196_7160898455.jpg 0 0 509.392 0.0 239.5 0.0 509.392 319.5 0.0 0.0 1.0 640.287 0.0 319.5 0.0 640.287 232.0 0.0 0.0 1.0 0.8505840114084362 -0.09110268381801018 -0.5178871890069195 23104.614796119196 0.026995302663489904 0.9911442076863832 -0.1300169727529387 4114.806216676611 0.5251457827788774 0.09660983682259017 0.8455107605812433 81340.78438200799 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/24708453_4252951589.jpg buckingham_palace/test/images/44579495_1325305773.jpg 0 0 716.742 0.0 319.5 0.0 716.742 239.5 0.0 0.0 1.0 1027.15 0.0 213.0 0.0 1027.15 319.5 0.0 0.0 1.0 0.9765618313264544 -0.015167553680524451 -0.2147019676474123 -160.25256423225642 0.010458368749328557 0.9996795475647687 -0.023052650689291555 -826.4317540692517 0.2149828181958389 0.020266906425200563 0.9764075175788678 -6920.372933347736 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/89902711_383052108.jpg buckingham_palace/test/images/59701829_966630682.jpg 0 0 728.351 0.0 319.5 0.0 728.351 239.5 0.0 0.0 1.0 725.011 0.0 319.5 0.0 725.011 239.5 0.0 0.0 1.0 0.9720033190491663 0.16156843278354086 0.17060243047880438 -15588.636717850777 -0.1641718374814415 0.9864310624668223 0.0011690930430128669 -1180.190530793132 -0.16809864822589143 -0.029144476808590995 0.9853392532200176 -37767.30251946064 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/84206804_4252951691.jpg buckingham_palace/test/images/70455295_3643859122.jpg 0 0 713.129 0.0 319.5 0.0 713.129 239.5 0.0 0.0 1.0 1038.31 0.0 212.5 0.0 1038.31 319.5 0.0 0.0 1.0 0.9980872411754316 0.004496292687192213 0.0616574598478312 13690.45766764086 -0.008223952988840473 0.9981441372225732 0.06033778190687912 -4367.678807715716 -0.06127173573559969 -0.06072943833328174 0.9962719055155932 -14181.634784542362 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/20464820_5857778799.jpg buckingham_palace/test/images/22759208_567461360.jpg 0 0 796.666 0.0 319.5 0.0 796.666 212.0 0.0 0.0 1.0 662.89 0.0 319.5 0.0 662.89 239.5 0.0 0.0 1.0 0.9709431364315263 0.013466529356929562 -0.2389311164406796 -6748.170658933087 -0.005475680111469202 0.9994042276128747 0.034076483927048866 2235.0058320618564 0.23924765985026378 -0.03177801782038192 0.9704384137283415 24089.73195184549 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/75966612_8640534113.jpg buckingham_palace/test/images/68304166_169924929.jpg 0 0 858.38 0.0 319.5 0.0 858.38 239.5 0.0 0.0 1.0 734.815 0.0 319.5 0.0 734.815 239.5 0.0 0.0 1.0 0.9965236496455269 0.034520667558191595 -0.07582175946584149 21869.124929295627 -0.028512181868407243 0.9964711077219452 0.078945468270842 -17706.229227371463 0.07827944290975741 -0.07650918236876192 0.9939912845850317 -108708.7669598826 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/28945073_6309209323.jpg buckingham_palace/test/images/16826010_408223455.jpg 0 0 657.152 0.0 319.5 0.0 657.152 239.5 0.0 0.0 1.0 761.316 0.0 319.5 0.0 761.316 239.5 0.0 0.0 1.0 0.4256656293494036 0.008451732895962266 0.9048410579773838 -71016.02778079936 -0.16896315376585702 0.9831118842892896 0.07030274275345086 2664.913480822279 -0.8889658174868545 -0.18281026005183032 0.419904970391767 9670.408788893808 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/76603337_13067710124.jpg buckingham_palace/test/images/35050014_5769045358.jpg 0 0 880.963 0.0 319.5 0.0 880.963 228.0 0.0 0.0 1.0 502.756 0.0 319.5 0.0 502.756 213.5 0.0 0.0 1.0 0.7958499971455338 -0.05698086461646614 -0.602806737778381 113828.73985433401 0.06237064641995152 0.9979810233022088 -0.011990812892936506 -5233.495842875318 0.602272931907629 -0.028054557494923693 0.7977971279060564 -73065.275313399 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/07701593_197476710.jpg buckingham_palace/test/images/16644081_2109119383.jpg 0 0 798.292 0.0 319.5 0.0 798.292 239.5 0.0 0.0 1.0 565.378 0.0 319.5 0.0 565.378 211.5 0.0 0.0 1.0 0.32439374703484547 0.03841880444970403 -0.9451416255510853 101277.02944851671 0.15899915140576037 0.9827437928212747 0.09451934999513766 -1761.0295732497789 0.9324633862715151 -0.18093820253310425 0.3126873840230025 15600.041051375509 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88100674_4580463979.jpg buckingham_palace/test/images/92801024_2417460983.jpg 0 0 396.465 0.0 249.5 0.0 396.465 166.0 0.0 0.0 1.0 532.662 0.0 213.0 0.0 532.662 319.5 0.0 0.0 1.0 0.5688058444146207 0.014087309891738793 0.8223511774538808 -47460.45827174958 -0.14765824960460527 0.9853572856485583 0.08525292336928682 -2376.392546266072 -0.8091087397151723 -0.16991929648900833 0.5625570904336784 2367.6300655211453 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/84211719_64399705.jpg buckingham_palace/test/images/82724591_6779971696.jpg 0 0 1267.76 0.0 249.5 0.0 1267.76 187.0 0.0 0.0 1.0 530.953 0.0 319.5 0.0 530.953 213.0 0.0 0.0 1.0 0.9609050530141487 -0.030837885158767325 -0.2751554177747747 41150.491705338616 0.01320446608506664 0.9977514283767961 -0.06570943043027645 -226.84244900470617 0.2765630509798524 0.05950724334900495 0.9591515869880619 -54428.379116833356 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/62184736_5578846989.jpg buckingham_palace/test/images/52927333_9772228794.jpg 0 0 581.244 0.0 319.5 0.0 581.244 239.5 0.0 0.0 1.0 548.596 0.0 319.5 0.0 548.596 179.0 0.0 0.0 1.0 0.9057951409499898 0.04556341645352786 0.4212589912541576 -50176.376776678844 0.0220194478592874 0.9877963558682109 -0.15418658582851938 2400.738747907417 -0.4231433640592278 0.14893735063631838 0.8937378581206428 -23624.764451133426 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/96640391_498921406.jpg buckingham_palace/test/images/91136231_4677075766.jpg 0 0 717.897 0.0 319.5 0.0 717.897 239.5 0.0 0.0 1.0 492.926 0.0 319.5 0.0 492.926 213.5 0.0 0.0 1.0 0.21801965972386123 0.18346124866157637 0.9585454596488512 -110125.55042070549 -0.25132441959691826 0.9596008600878826 -0.12649990289667512 11100.601798108517 -0.9430288776533642 -0.2133264155188741 0.2553201448254813 32449.94215912105 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/20376856_499480088.jpg buckingham_palace/test/images/96610065_7506893394.jpg 0 0 1908.96 0.0 239.5 0.0 1908.96 319.5 0.0 0.0 1.0 1228.87 0.0 319.5 0.0 1228.87 213.0 0.0 0.0 1.0 0.9464932037653415 -0.02074519711868977 0.32205628704083156 -30775.068052363553 0.03765083137180366 0.9982153424364189 -0.04635240038611792 -3015.7736058940154 -0.3205199371693308 0.05599791889927413 0.945585111428854 41459.35450467392 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/80396877_5553830938.jpg buckingham_palace/test/images/26810426_6779980104.jpg 0 0 628.545 0.0 319.5 0.0 628.545 191.0 0.0 0.0 1.0 535.869 0.0 319.5 0.0 535.869 213.0 0.0 0.0 1.0 0.9999218348258233 0.008966479065765642 -0.008713580878259181 -2106.6606898108876 -0.008259701134834051 0.9969179809500807 0.078014848558319 970.686888701857 0.009386243962416352 -0.07793677894022444 0.9969141171197753 9989.343247544484 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/24126353_3448607158.jpg buckingham_palace/test/images/86424981_8226612445.jpg 0 0 727.932 0.0 319.5 0.0 727.932 213.0 0.0 0.0 1.0 467.776 0.0 319.5 0.0 467.776 239.5 0.0 0.0 1.0 0.7952046089399392 0.06324136620737818 0.6030341279902016 -42531.0893532505 -0.0894289746952706 0.9959019045038545 0.01348536579215108 -636.8687001527569 -0.5997100035897609 -0.06465234880357984 0.7976013950517822 -10928.34159551335 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/87785947_1573426398.jpg buckingham_palace/test/images/14101115_7724864500.jpg 0 0 660.277 0.0 319.5 0.0 660.277 239.5 0.0 0.0 1.0 461.446 0.0 239.5 0.0 461.446 319.5 0.0 0.0 1.0 0.9577911411533324 -0.09654459744036113 -0.27076792763042684 -10965.638315308057 0.020077996971286326 0.962083051849183 -0.2720166821762658 6.364972612160727 0.2867629752353299 0.25509869080346376 0.9234130462499109 -276.43868171137 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/70392907_4845953799.jpg buckingham_palace/test/images/72406227_262180777.jpg 0 0 367.397 0.0 319.5 0.0 367.397 213.0 0.0 0.0 1.0 895.882 0.0 319.5 0.0 895.882 239.5 0.0 0.0 1.0 0.9508011376709122 0.07016687565877068 0.3017512322493244 -4097.83413396238 0.00104519861028275 0.9732815308813043 -0.22961265035970857 6881.9337920819435 -0.30980010355641296 0.2186313591542424 0.9253238485151045 140350.27955708903 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/81485196_7160898455.jpg buckingham_palace/test/images/96795280_10579107723.jpg 0 0 640.287 0.0 319.5 0.0 640.287 232.0 0.0 0.0 1.0 778.565 0.0 319.5 0.0 778.565 319.5 0.0 0.0 1.0 0.9960490542279139 -0.007129975349833673 -0.08851804913795387 -18804.647279840727 0.012173969589188318 0.9983241689067391 0.056574271900835825 -3705.8407272391614 0.087966334674806 -0.0574283660587601 0.9944666443555064 -19145.221800903324 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88192386_10780446203.jpg buckingham_palace/test/images/96795280_10579107723.jpg 0 0 629.618 0.0 319.5 0.0 629.618 213.0 0.0 0.0 1.0 778.565 0.0 319.5 0.0 778.565 319.5 0.0 0.0 1.0 0.9631619334592812 -0.1413235087344013 -0.2287941341336724 -16285.27384612216 0.06887487506220022 0.9520403956978114 -0.2981196681614965 3002.397900547613 0.25995257552127776 0.2713793485852453 0.926702707259077 39909.20260133271 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/74825492_11236890775.jpg buckingham_palace/test/images/44579495_1325305773.jpg 0 0 786.182 0.0 319.5 0.0 786.182 319.5 0.0 0.0 1.0 1027.15 0.0 213.0 0.0 1027.15 319.5 0.0 0.0 1.0 0.9971540241212896 0.033553919667202746 -0.06751286287579422 5812.343908357694 -0.021105167484815435 0.9839315249888517 0.17729446138712435 730.8062854820561 0.072376958240567 -0.1753650153482146 0.981839440696779 2561.088005314089 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/92801024_2417460983.jpg buckingham_palace/test/images/33491680_3513928900.jpg 0 0 532.662 0.0 213.0 0.0 532.662 319.5 0.0 0.0 1.0 656.038 0.0 239.5 0.0 656.038 319.5 0.0 0.0 1.0 0.9454012891773116 0.02606999149053986 -0.3248642146583095 13166.645405409752 -0.03284623089137545 0.9993419022491691 -0.01539115087454388 -79.6164155719216 0.32424917507698847 0.02522137888172843 0.9456354236751058 688.5349149477624 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/64561640_252491027.jpg buckingham_palace/test/images/39881987_8753914632.jpg 0 0 485.125 0.0 319.5 0.0 485.125 179.5 0.0 0.0 1.0 696.104 0.0 319.5 0.0 696.104 211.5 0.0 0.0 1.0 0.7927549090708191 -0.17104413481189334 -0.5850500475092438 35374.60966542798 0.04597967604444567 0.9738673454272431 -0.22241461935165782 7671.892138161053 0.6078038528464306 0.14941986968588175 0.7799026727791671 91234.40448961717 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/72807922_9586802730.jpg buckingham_palace/test/images/71145896_2328923072.jpg 0 0 604.967 0.0 319.5 0.0 604.967 213.0 0.0 0.0 1.0 1341.47 0.0 319.5 0.0 1341.47 239.5 0.0 0.0 1.0 0.9335353732921796 -0.044093894692688165 -0.3557631730000466 48419.99760383289 0.03810229603929824 0.9989895511950743 -0.02383467305413001 1113.4290677154763 0.3564546560907357 0.008695116669356455 0.9342721622189873 -1175.7278138412466 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/86424981_8226612445.jpg buckingham_palace/test/images/88139524_3180271751.jpg 0 0 467.776 0.0 319.5 0.0 467.776 239.5 0.0 0.0 1.0 319.518 0.0 249.5 0.0 319.518 166.5 0.0 0.0 1.0 0.9931945918787892 -0.021328651771482972 -0.11449712344131525 -26418.301670731358 -0.0014258995536714054 0.9807880620783758 -0.19507112573368546 2175.4927423391937 0.11645801592500116 0.19390684850761541 0.9740829865204796 -7772.140661027746 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/16644081_2109119383.jpg buckingham_palace/test/images/84016496_927372757.jpg 0 0 565.378 0.0 319.5 0.0 565.378 211.5 0.0 0.0 1.0 677.742 0.0 249.5 0.0 677.742 187.0 0.0 0.0 1.0 0.9702373114400387 0.0025622814395948727 0.24214250804728613 -27705.759221299355 0.03149783029964638 0.9901136384260559 -0.13668529434116955 2828.4836754515136 -0.2400988258530649 0.1402441361217708 0.9605644882606467 60280.04696394594 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/34791488_2406713663.jpg buckingham_palace/test/images/22458636_3472229736.jpg 0 0 696.679 0.0 319.5 0.0 696.679 239.5 0.0 0.0 1.0 1016.97 0.0 249.5 0.0 1016.97 187.0 0.0 0.0 1.0 0.9008982823419148 0.03570836778063904 0.4325588946534681 -5379.438833318086 -0.0806653548191985 0.9930218112270696 0.08602780340798657 13343.705699903392 -0.4264685045877132 -0.11239481704132537 0.8974920722195638 107302.898541743 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/89269947_2824630864.jpg buckingham_palace/test/images/86680206_8613353750.jpg 0 0 509.392 0.0 239.5 0.0 509.392 319.5 0.0 0.0 1.0 666.834 0.0 319.5 0.0 666.834 239.5 0.0 0.0 1.0 0.999977593459505 -0.006297615145020522 -0.00226993885869386 -1038.3228031186209 0.00596973456610229 0.9923529726532659 -0.12328803646516832 177.66959188780584 0.003029001179808908 0.12327172307431906 0.9923683325470141 33082.34667398971 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/96610065_7506893394.jpg buckingham_palace/test/images/42575336_5691036729.jpg 0 0 1228.87 0.0 319.5 0.0 1228.87 213.0 0.0 0.0 1.0 681.719 0.0 319.5 0.0 681.719 212.5 0.0 0.0 1.0 0.9496653673975154 0.036359179034854826 -0.3111489997825057 41705.85094373372 -0.049493993935844346 0.9981811570711939 -0.034419794193039435 2550.808289955777 0.30933159316503844 0.04808729320645902 0.9497376362459556 -32351.364626110248 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/96795280_10579107723.jpg buckingham_palace/test/images/56337910_5339349187.jpg 0 0 778.565 0.0 319.5 0.0 778.565 319.5 0.0 0.0 1.0 489.79 0.0 319.5 0.0 489.79 239.5 0.0 0.0 1.0 0.9026713759316719 0.043521380633071004 0.4281241367891016 -11308.731720576494 -0.04064610201166596 0.9990477308433878 -0.015859567709577915 -2178.028063463889 -0.4284066776614007 -0.003085599531500041 0.9035807642987161 -20705.118381508844 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/56032606_8199293549.jpg buckingham_palace/test/images/25818240_3063650971.jpg 0 0 476.287 0.0 319.5 0.0 476.287 239.5 0.0 0.0 1.0 574.66 0.0 249.5 0.0 574.66 187.0 0.0 0.0 1.0 0.9698634421083359 0.03309163392762024 0.2413914816760751 -23507.056270131252 -0.013020974792245017 0.9963577109858629 -0.08427197621078852 3406.625785170047 -0.24330096152138447 0.07858915652310032 0.9667618044791373 31609.337968995038 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/82736794_5152319320.jpg buckingham_palace/test/images/44460121_952952106.jpg 0 0 723.947 0.0 319.5 0.0 723.947 239.5 0.0 0.0 1.0 820.061 0.0 319.5 0.0 820.061 213.0 0.0 0.0 1.0 0.7970109176138153 -0.08773212779952068 -0.5975589267646771 28586.44244730939 0.007256662050442697 0.9907130842771543 -0.1357752757240207 132.80989871964903 0.6039213012142143 0.103878093907314 0.7902457867941554 87471.43519901353 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/84206804_4252951691.jpg buckingham_palace/test/images/42575336_5691036729.jpg 0 0 713.129 0.0 319.5 0.0 713.129 239.5 0.0 0.0 1.0 681.719 0.0 319.5 0.0 681.719 212.5 0.0 0.0 1.0 0.9538643217074836 0.013760319398922645 0.2999225056303074 -5299.1296740246835 0.01641613913277127 0.9950645383806596 -0.09786253028232228 -317.7443643835268 -0.29978886928886417 0.0982711456498019 0.948930669639874 -1969.8250538505463 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/52126489_4139263.jpg buckingham_palace/test/images/19492180_885002423.jpg 0 0 715.427 0.0 319.5 0.0 715.427 239.5 0.0 0.0 1.0 683.049 0.0 319.5 0.0 683.049 239.5 0.0 0.0 1.0 0.9964279662736739 -0.029513034505145194 -0.0791219869695409 -6315.307809503152 0.043042441727309394 0.9835969613874243 0.17516953433624635 -6890.775850452972 0.0726543614510598 -0.1779494263652579 0.9813538329361201 -30433.465000902484 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/95204768_2848305924.jpg buckingham_palace/test/images/33761766_8290174554.jpg 0 0 725.132 0.0 319.5 0.0 725.132 239.5 0.0 0.0 1.0 1038.17 0.0 319.5 0.0 1038.17 239.5 0.0 0.0 1.0 0.960908417425132 0.03942969262616959 0.2740443625782765 -11160.302893569133 -0.024564613630255586 0.998045200682201 -0.05746613918144712 1936.6580359842892 -0.2757745330495991 0.04848790297209169 0.9599986094712036 15215.931942112962 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/87292117_4922805851.jpg buckingham_palace/test/images/87850563_3619254383.jpg 0 0 721.2 0.0 319.5 0.0 721.2 239.0 0.0 0.0 1.0 811.45 0.0 249.5 0.0 811.45 154.0 0.0 0.0 1.0 0.4638534659525184 -0.1656323205143357 -0.8702906965634367 99144.22888455853 -0.04877838499772146 0.976101853638441 -0.2117683651554525 -136.27175843673353 0.8845680478520855 0.1406808648133617 0.44468895083475474 112165.23053603235 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/34591604_85337315.jpg buckingham_palace/test/images/08189358_287573307.jpg 0 0 588.671 0.0 319.5 0.0 588.671 239.5 0.0 0.0 1.0 553.684 0.0 249.5 0.0 553.684 186.5 0.0 0.0 1.0 0.9325144020992109 -0.03872446804683272 -0.3590505611359511 22160.446085020045 0.06199740245050352 0.996639913168529 0.0535276150114843 -2446.945104554812 0.35577129165651045 -0.0721754740470557 0.9317818891667412 -1830.4279063955719 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/34511353_8612252871.jpg buckingham_palace/test/images/58780959_4178228.jpg 0 0 526.275 0.0 319.5 0.0 526.275 239.5 0.0 0.0 1.0 561.783 0.0 249.5 0.0 561.783 187.0 0.0 0.0 1.0 0.9970110140322166 -0.03971622210045094 -0.06626959785994678 -551.9475805075708 0.03488139717415334 0.9967521721657268 -0.07258371314616109 -545.781155307895 0.06893711648763946 0.07005518528255336 0.9951582512271085 -2603.4606984901448 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/67743148_64209046.jpg buckingham_palace/test/images/44460121_952952106.jpg 0 0 683.436 0.0 319.5 0.0 683.436 239.5 0.0 0.0 1.0 820.061 0.0 319.5 0.0 820.061 213.0 0.0 0.0 1.0 0.9400967125202198 -0.026007833959348244 -0.33991434756629285 -13787.811645381542 -0.009700188362576528 0.9946412433256178 -0.10293057573627097 2035.2593542566358 0.34076983061064275 0.10006192906601719 0.9348066820991288 70393.98146558562 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/52580713_3540604945.jpg buckingham_palace/test/images/18093615_4509989383.jpg 0 0 547.77 0.0 319.5 0.0 547.77 213.0 0.0 0.0 1.0 533.833 0.0 319.5 0.0 533.833 239.5 0.0 0.0 1.0 0.8932942731126129 -0.011288021045101359 -0.44933052667840584 50232.325324062724 -0.036687771727690555 0.9945176670367714 -0.09792148567803846 -4824.285916479679 0.44797248691171315 0.10395763816393083 0.8879828041339045 19382.459374116224 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/36917951_370694487.jpg buckingham_palace/test/images/14844450_287573284.jpg 0 0 531.303 0.0 319.5 0.0 531.303 213.0 0.0 0.0 1.0 553.557 0.0 249.5 0.0 553.557 186.5 0.0 0.0 1.0 0.9864984234509778 -0.02502653358206153 0.16184725251174675 -26470.642064379335 0.024756154439367305 0.9996867190964058 0.0036873404558970995 584.2820939215095 -0.16188883020798372 0.00036916003229857034 0.9868089330639246 14151.596828044261 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/01991338_3847005741.jpg buckingham_palace/test/images/17665771_6309735280.jpg 0 0 575.005 0.0 249.5 0.0 575.005 187.0 0.0 0.0 1.0 650.857 0.0 319.5 0.0 650.857 239.5 0.0 0.0 1.0 0.9998379620825906 -0.01798351561569149 -0.0008017135597628141 22483.837951979658 0.01799849343169332 0.9994830213970726 0.02664102425148951 -3927.5707508460455 0.0003221998153622066 -0.026651137031641636 0.9996447434374871 -36471.18025573365 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/59669702_84374042.jpg buckingham_palace/test/images/29436220_2235567230.jpg 0 0 525.823 0.0 249.5 0.0 525.823 187.0 0.0 0.0 1.0 737.798 0.0 319.5 0.0 737.798 213.0 0.0 0.0 1.0 0.9290940915812714 -0.0366684626670777 -0.3680211853065055 38124.2773076884 0.0381998753265917 0.9992652305197113 -0.003125475871138556 2836.407668726589 0.3678653809667404 -0.01115450223099835 0.929812152300761 34291.55402802263 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88674170_169924932.jpg buckingham_palace/test/images/54621533_151517675.jpg 0 0 761.397 0.0 319.5 0.0 761.397 201.0 0.0 0.0 1.0 527.723 0.0 249.5 0.0 527.723 187.0 0.0 0.0 1.0 0.9568949380103968 -0.09882596848968854 -0.27310347043227656 10277.663516522443 0.03481332622150685 0.972576959386414 -0.22996106276513997 6751.782601301734 0.28834026761358394 0.21054093669106913 0.9340944299425908 63415.976850229104 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/44566410_157895322.jpg buckingham_palace/test/images/13870492_3491797363.jpg 0 0 781.017 0.0 319.5 0.0 781.017 212.5 0.0 0.0 1.0 780.996 0.0 319.5 0.0 780.996 213.5 0.0 0.0 1.0 0.9880079972914468 0.0012148525108042032 0.15439793205066432 -16399.145374047075 -0.016487747369017362 0.9950815694644956 0.09767714317470579 -6448.03118552603 -0.1535198732244136 -0.09905147270714104 0.9831685787695347 -35257.84835698707 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/86151722_3888442454.jpg buckingham_palace/test/images/95871367_5793063419.jpg 0 0 505.778 0.0 249.5 0.0 505.778 187.0 0.0 0.0 1.0 667.829 0.0 319.5 0.0 667.829 239.5 0.0 0.0 1.0 0.9999677969563814 -0.0006170987984893567 -0.008001514811204011 10829.264550502769 0.0004417830273566761 0.9997602086440341 -0.021893607281439676 15784.590614308214 0.00801310663586556 0.02188936730721264 0.9997282859462024 67408.98113374901 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/63503162_6643082601.jpg buckingham_palace/test/images/72721744_6254882589.jpg 0 0 771.297 0.0 305.5 0.0 771.297 305.5 0.0 0.0 1.0 292.816 0.0 319.5 0.0 292.816 187.0 0.0 0.0 1.0 0.9788642928149555 0.01831395046217573 0.2036892129454721 -29462.466838364264 -0.08790429393020943 0.9369611389701852 0.3381961844378566 -39084.61399276878 -0.18465516878903834 -0.3489533253576505 0.918767677577596 -96792.87648630439 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/48362261_8842273382.jpg buckingham_palace/test/images/93037627_13638822993.jpg 0 0 711.844 0.0 319.5 0.0 711.844 319.5 0.0 0.0 1.0 585.228 0.0 239.5 0.0 585.228 319.5 0.0 0.0 1.0 0.3099640007704286 -0.17256234662323996 -0.9349569801623339 92388.7611764759 0.14896690224906786 0.9800594736498935 -0.13150015263645357 9893.476013262423 0.9390054207834513 -0.09851733165780889 0.3294892336667755 30570.42652089625 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/35412346_425909362.jpg buckingham_palace/test/images/74030407_9757753664.jpg 0 0 659.197 0.0 249.5 0.0 659.197 187.0 0.0 0.0 1.0 1019.01 0.0 319.5 0.0 1019.01 213.0 0.0 0.0 1.0 0.9941928269233425 0.02258185086692179 -0.105217312765518 7990.670818257522 -0.022111946570754208 0.9997396453866286 0.005630564897949435 2693.1986866956613 0.105317067529555 -0.0032713076348781906 0.9944333129141104 84961.13972196139 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/24126353_3448607158.jpg buckingham_palace/test/images/42575336_5691036729.jpg 0 0 727.932 0.0 319.5 0.0 727.932 213.0 0.0 0.0 1.0 681.719 0.0 319.5 0.0 681.719 212.5 0.0 0.0 1.0 0.8620051507910393 0.04600432387646444 0.504807609089232 -67068.54390389436 0.007306661001155835 0.9946419928728628 -0.10312089370692096 2605.9831675224855 -0.5068468533144224 0.09257919959996011 0.8570503830503194 -15997.283409234504 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/17665771_6309735280.jpg buckingham_palace/test/images/54122468_53118210.jpg 0 0 650.857 0.0 319.5 0.0 650.857 239.5 0.0 0.0 1.0 475.674 0.0 239.5 0.0 475.674 159.5 0.0 0.0 1.0 0.9938477556414866 -0.004431303658086837 -0.11066617439068625 -9098.625024478279 0.010836721528317264 0.9982955284138018 0.057346346139278796 -697.4120207536625 0.11022342796745903 -0.058192795919238115 0.992201791184739 -4810.070087158656 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/78326446_53479975.jpg buckingham_palace/test/images/93206568_5039285632.jpg 0 0 517.948 0.0 219.5 0.0 517.948 164.5 0.0 0.0 1.0 801.943 0.0 319.5 0.0 801.943 212.0 0.0 0.0 1.0 0.4657558068172128 0.06281877167249736 0.8826807635502237 -110961.47362717589 -0.042175307082984635 0.9979194032731605 -0.04876584915076499 2368.966915764677 -0.8839076715859543 -0.014514354842633003 0.4674361577959058 76173.10425771927 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/32264273_9687016916.jpg buckingham_palace/test/images/92713380_3913819288.jpg 0 0 608.489 0.0 305.5 0.0 608.489 305.5 0.0 0.0 1.0 534.038 0.0 319.5 0.0 534.038 212.5 0.0 0.0 1.0 0.9980249626937836 0.0228749816776178 -0.05850563266319003 420.1753634169181 -0.022666030925730073 0.9997341324120543 0.004232674378082058 -9797.712683185116 0.05858690026059853 -0.002898224209007015 0.9982781052463731 -38882.55764892167 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/77141853_3913827430.jpg buckingham_palace/test/images/18093615_4509989383.jpg 0 0 534.162 0.0 319.5 0.0 534.162 213.0 0.0 0.0 1.0 533.833 0.0 319.5 0.0 533.833 239.5 0.0 0.0 1.0 0.8957444608930442 0.019059544176787555 -0.4441605504265351 50386.372211590286 -0.04089798993063138 0.9983767826906578 -0.03963778757556027 -4588.864179251032 0.4426841031695891 0.053670602381791374 0.8950699700251998 19504.59334193525 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/25118590_2173288922.jpg buckingham_palace/test/images/87374275_5233148436.jpg 0 0 536.77 0.0 249.5 0.0 536.77 187.0 0.0 0.0 1.0 539.491 0.0 319.5 0.0 539.491 202.5 0.0 0.0 1.0 0.9680879877936341 0.07504348164293151 0.23911111172962896 -627.6333070093278 -0.06442837197142065 0.9965709498596289 -0.0519165366813827 2312.1059037638215 -0.2421871854058022 0.03485423588007772 0.9696032948925202 22072.388976951104 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/42754968_4815256883.jpg buckingham_palace/test/images/80761129_4227276038.jpg 0 0 608.915 0.0 319.5 0.0 608.915 212.0 0.0 0.0 1.0 564.577 0.0 319.5 0.0 564.577 239.5 0.0 0.0 1.0 0.9870670058578864 0.029059998900665816 0.15765228323954172 -20289.12663701737 -0.05243447086855471 0.9878642332401096 0.14620151486788746 -25132.662854978582 -0.1514904360396459 -0.1525771055854178 0.976611936564209 -75599.09476980208 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/50104251_6186277165.jpg buckingham_palace/test/images/61423741_5088383508.jpg 0 0 756.898 0.0 319.5 0.0 756.898 213.0 0.0 0.0 1.0 509.187 0.0 319.5 0.0 509.187 213.0 0.0 0.0 1.0 0.8815164671070598 -0.00029450273068095913 0.472153186463069 -42783.59167525337 -0.06402142680132702 0.9906896583320638 0.12014681762003178 -4486.986191394213 -0.46779266254336466 -0.13613931886872535 0.8732903931273658 -27437.410935646185 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/39971618_5940743803.jpg buckingham_palace/test/images/08189358_287573307.jpg 0 0 474.94 0.0 239.5 0.0 474.94 319.5 0.0 0.0 1.0 553.684 0.0 249.5 0.0 553.684 186.5 0.0 0.0 1.0 0.9463899131213336 -0.030816198841262393 0.3215532525588417 -22106.371677758445 0.0017907532274731713 0.9959243852701173 0.09017434239969271 2642.48441143504 -0.3230215558520403 -0.08476426554459435 0.9425879766587374 34698.80347067656 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/82716269_6976048960.jpg buckingham_palace/test/images/99129354_2398993692.jpg 0 0 554.318 0.0 319.5 0.0 554.318 240.0 0.0 0.0 1.0 491.793 0.0 319.5 0.0 491.793 190.0 0.0 0.0 1.0 0.9944038420958455 0.011835899024597845 -0.10498052352365504 -15246.828381680421 -0.005970748887741054 0.998412453987624 0.05600823046776278 2399.727866714613 0.10547676987252076 -0.05506798722206957 0.9928958494225714 18273.853672089386 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/12225450_205688460.jpg buckingham_palace/test/images/05573543_2253880492.jpg 0 0 880.89 0.0 249.5 0.0 880.89 187.0 0.0 0.0 1.0 852.137 0.0 319.5 0.0 852.137 213.0 0.0 0.0 1.0 0.754438849743839 -0.03992865618476933 -0.6551547331832925 73418.75644651975 0.07128787029959144 0.9972280216586147 0.02131460454698482 6793.200717680203 0.6524875949359813 -0.06278515138250602 0.7551939904557864 90063.57433986856 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/70455295_3643859122.jpg buckingham_palace/test/images/88943277_2580116986.jpg 0 0 1038.31 0.0 212.5 0.0 1038.31 319.5 0.0 0.0 1.0 502.948 0.0 319.5 0.0 502.948 212.5 0.0 0.0 1.0 0.8166569448309061 -0.06991984282690045 -0.5728722807384835 20362.144390981928 0.042359176245164644 0.997218491258922 -0.061326836532714944 -1491.9938522927337 0.5755667942535265 0.025816589053180523 0.8173471533457357 -14169.648642363029 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/19946837_1447873686.jpg buckingham_palace/test/images/03513470_2505259840.jpg 0 0 1048.17 0.0 319.5 0.0 1048.17 239.5 0.0 0.0 1.0 504.806 0.0 319.5 0.0 504.806 213.5 0.0 0.0 1.0 0.9918125712706757 0.005040269161081948 0.12760258287446533 -21494.36304974785 -0.010343963524794489 0.9991082386039385 0.04093568091938244 -10080.034533659547 -0.12728246496689427 -0.04192043941229167 0.9909802474678452 -86587.39646196371 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/11419093_5995987486.jpg buckingham_palace/test/images/12516230_8673895442.jpg 0 0 1719.98 0.0 319.5 0.0 1719.98 281.0 0.0 0.0 1.0 607.086 0.0 319.5 0.0 607.086 211.5 0.0 0.0 1.0 0.7489559527663106 -0.046636586886677 -0.6609765575112855 167173.9542158232 0.0820817352320071 0.9963669024995425 0.02270648243937833 -7572.580265079102 0.6575162123911554 -0.07126025797756091 0.7500629347433192 -74575.0541275524 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/50497824_8033642711.jpg buckingham_palace/test/images/59669702_84374042.jpg 0 0 449.291 0.0 319.5 0.0 449.291 213.0 0.0 0.0 1.0 525.823 0.0 249.5 0.0 525.823 187.0 0.0 0.0 1.0 0.9886815759829807 -0.04033071524677077 -0.14450665977557306 8319.751409113353 0.020747216790303932 0.9906900746351366 -0.13454638239240563 -1540.1069175197101 0.14858766539408802 0.13002541838852588 0.9803137743934965 -4053.898956668863 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/65063014_3656668731.jpg buckingham_palace/test/images/56032606_8199293549.jpg 0 0 689.192 0.0 319.5 0.0 689.192 239.5 0.0 0.0 1.0 476.287 0.0 319.5 0.0 476.287 239.5 0.0 0.0 1.0 0.8962525941716235 -0.04849685840829748 -0.4408847266181498 39363.439646425686 0.07382109120096049 0.9964504700730555 0.04045870963199771 2525.1147435631046 0.4373576727742805 -0.0688078150773034 0.8966514097740286 14766.141270737911 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/36576167_9378677290.jpg buckingham_palace/test/images/38067003_3099337568.jpg 0 0 462.249 0.0 319.5 0.0 462.249 179.5 0.0 0.0 1.0 666.233 0.0 319.5 0.0 666.233 213.0 0.0 0.0 1.0 0.8377097549478552 -0.0738931817933138 -0.5410934892878165 31647.343940291714 0.10584885884918831 0.9939842139727796 0.02813185833251109 2282.856850462237 0.5357596341135907 -0.08084046052179657 0.8404917812787317 14291.42772063924 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/22416399_2932320087.jpg buckingham_palace/test/images/61577420_5186173128.jpg 0 0 536.954 0.0 249.5 0.0 536.954 187.0 0.0 0.0 1.0 1021.11 0.0 319.5 0.0 1021.11 213.0 0.0 0.0 1.0 0.9987370339407871 0.005812981894353983 -0.049905373224282665 8064.949986852365 -0.002421048746098534 0.9976986781788482 0.06776050533421572 3386.729483620712 0.050184415490548966 -0.0675541027745553 0.9964526921235131 88558.13002498455 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/77141853_3913827430.jpg buckingham_palace/test/images/84206804_4252951691.jpg 0 0 534.162 0.0 319.5 0.0 534.162 213.0 0.0 0.0 1.0 713.129 0.0 319.5 0.0 713.129 239.5 0.0 0.0 1.0 0.9628154513401157 0.014299371636657614 -0.26978127183243406 5416.557572467391 0.011897451735116398 0.9953852021481082 0.09521948323100893 257.01605167152275 0.26989786457647175 -0.09488849938410114 0.9582021265796137 1557.0879137770216 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/71145896_2328923072.jpg buckingham_palace/test/images/25818240_3063650971.jpg 0 0 1341.47 0.0 319.5 0.0 1341.47 239.5 0.0 0.0 1.0 574.66 0.0 249.5 0.0 574.66 187.0 0.0 0.0 1.0 0.9884255769607346 -0.024743399541811532 -0.14967512481689454 11194.044190064826 0.027410206973094427 0.9994997050644927 0.015780371658616985 -533.8775131177478 0.1492097830691098 -0.019700349111278145 0.9886092943531144 10626.606780193579 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/48223373_2757729848.jpg buckingham_palace/test/images/72721744_6254882589.jpg 0 0 565.33 0.0 249.5 0.0 565.33 187.0 0.0 0.0 1.0 292.816 0.0 319.5 0.0 292.816 187.0 0.0 0.0 1.0 0.861679252357729 0.005623282509954288 0.5074221563452255 -27796.93430262011 -0.17047107238138862 0.9450352217764687 0.2790126217271179 -7047.638446639467 -0.47796284326018956 -0.32692018643043996 0.8152758503518437 -23486.46245613477 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/83387888_3756983584.jpg buckingham_palace/test/images/13870492_3491797363.jpg 0 0 533.38 0.0 319.5 0.0 533.38 239.5 0.0 0.0 1.0 780.996 0.0 319.5 0.0 780.996 213.5 0.0 0.0 1.0 0.9997763210335414 -0.005031151373400867 -0.020542527023114578 -5663.445115020997 0.0031714295234946377 0.9959746700606807 -0.08957900776574688 11701.593813544407 0.020910522122007693 0.08949382164918515 0.9957678474178653 66100.30783747579 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/72807922_9586802730.jpg buckingham_palace/test/images/22416399_2932320087.jpg 0 0 604.967 0.0 319.5 0.0 604.967 213.0 0.0 0.0 1.0 536.954 0.0 249.5 0.0 536.954 187.0 0.0 0.0 1.0 0.9193090670653883 -0.061691337770277334 -0.38867083509761713 41463.087429789055 0.010172662979113423 0.9910316810917496 -0.13323934854379052 2659.8952750876133 0.39340482475343247 0.11853432379093351 0.9116919753645676 2249.0581937595134 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/33761766_8290174554.jpg buckingham_palace/test/images/50394851_7212712178.jpg 0 0 1038.17 0.0 319.5 0.0 1038.17 239.5 0.0 0.0 1.0 479.773 0.0 319.5 0.0 479.773 213.5 0.0 0.0 1.0 0.9765791386624668 -0.015016752035329468 -0.2146338349086281 48163.84275653931 0.03879029652779832 0.9935036624275937 0.10698497856354987 -17363.919520166197 0.21163293416800777 -0.11280500831641818 0.9708174551758804 -69748.51788139965 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/98572291_1285394227.jpg buckingham_palace/test/images/88637912_5881182593.jpg 0 0 744.579 0.0 319.5 0.0 744.579 239.5 0.0 0.0 1.0 667.4 0.0 319.5 0.0 667.4 239.5 0.0 0.0 1.0 0.991548193315211 -0.027571703259124825 -0.1267753190204309 15552.140608114783 0.03539837688877557 0.9975763099138398 0.05990376292293379 -4175.395115752566 0.12481640616113518 -0.06388510842189768 0.9901209813325548 -88880.28182877235 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/99568304_8816950671.jpg buckingham_palace/test/images/26486700_9583943857.jpg 0 0 612.545 0.0 239.5 0.0 612.545 319.5 0.0 0.0 1.0 534.066 0.0 319.5 0.0 534.066 239.5 0.0 0.0 1.0 0.9879507000731442 -0.04708803317151719 0.1474317854365947 -34050.32644038688 0.015736820903600054 0.9782189296891088 0.20697844831223972 -1060.227652243644 -0.15396677139185586 -0.20216439530721667 0.96717309235588 -9016.6134929457 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/48839627_9410045471.jpg buckingham_palace/test/images/96795280_10579107723.jpg 0 0 464.127 0.0 319.5 0.0 464.127 212.0 0.0 0.0 1.0 778.565 0.0 319.5 0.0 778.565 319.5 0.0 0.0 1.0 0.946188935583018 -0.054116080695361245 -0.31905790695491054 -9456.725557959224 0.04935021856959127 0.9985164731022907 -0.023008886772198596 1279.4900211245988 0.319829726741291 0.006025176639355631 0.9474558792572114 11533.94288212935 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/03295994_6248335133.jpg buckingham_palace/test/images/24126353_3448607158.jpg 0 0 722.705 0.0 319.5 0.0 722.705 239.5 0.0 0.0 1.0 727.932 0.0 319.5 0.0 727.932 213.0 0.0 0.0 1.0 0.9997829895701968 -0.016945373851836715 0.01211726335033865 11020.069338482474 0.01723739458106498 0.9995532762133631 -0.024415573701823744 2726.394524995666 -0.011698119256386674 0.024619145317293287 0.9996284568226885 33751.59527850921 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/59560065_7105115.jpg buckingham_palace/test/images/66563458_10330669473.jpg 0 0 836.374 0.0 249.5 0.0 836.374 178.0 0.0 0.0 1.0 720.394 0.0 319.5 0.0 720.394 319.5 0.0 0.0 1.0 0.9415258507993397 0.020386603529253037 -0.3363234435377958 67191.87943895391 0.011256890290824216 0.9957074585725884 0.09186914261000759 -10244.206729162615 0.33675266101036266 -0.09028312876423042 0.937254822320473 -49355.241344911024 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/77240749_6969127619.jpg buckingham_palace/test/images/50394851_7212712178.jpg 0 0 762.681 0.0 319.5 0.0 762.681 211.5 0.0 0.0 1.0 479.773 0.0 319.5 0.0 479.773 213.5 0.0 0.0 1.0 0.9468763260728471 0.04774139552736155 0.3180345614487316 -45597.849050452496 -0.07387419484976426 0.9947642940688083 0.07061588051624139 -5746.020019718911 -0.31299812532679183 -0.09035905266704072 0.9454456172319107 -28230.438772344845 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/92283672_6106933794.jpg buckingham_palace/test/images/37738135_1526579232.jpg 0 0 534.28 0.0 319.5 0.0 534.28 212.5 0.0 0.0 1.0 526.293 0.0 319.5 0.0 526.293 213.5 0.0 0.0 1.0 0.9234858903199515 0.07623157074179418 0.3759821245780249 -21777.690269324856 -0.006862052225188342 0.9831839266932114 -0.18248911893966865 5783.385955415246 -0.3835710137891357 0.16594611750311172 0.9084795889101847 33749.69673745054 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/64561640_252491027.jpg buckingham_palace/test/images/52015143_29202491.jpg 0 0 485.125 0.0 319.5 0.0 485.125 179.5 0.0 0.0 1.0 483.179 0.0 249.5 0.0 483.179 187.0 0.0 0.0 1.0 0.607032210257853 -0.2344040138829312 -0.7593198627620883 16187.80969790929 0.12396372365295938 0.9717413824214977 -0.20087727822640783 4354.734237777908 0.7849489734546817 0.027810860560715456 0.6189359135704712 27953.205581712355 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/64561640_252491027.jpg buckingham_palace/test/images/33061736_676507748.jpg 0 0 485.125 0.0 319.5 0.0 485.125 179.5 0.0 0.0 1.0 1133.49 0.0 319.5 0.0 1133.49 213.0 0.0 0.0 1.0 0.980983057190707 -0.06206177884959782 -0.18390371695753635 12120.184542023599 0.02908313788922769 0.9838048651856907 -0.17686762939407952 3465.1801515842767 0.19190209116966434 0.16815565064245958 0.9669008556008836 28136.41717977405 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/99045467_2406713065.jpg buckingham_palace/test/images/50394851_7212712178.jpg 0 0 703.265 0.0 319.5 0.0 703.265 239.5 0.0 0.0 1.0 479.773 0.0 319.5 0.0 479.773 213.5 0.0 0.0 1.0 0.8392318346495772 0.012147166492781174 -0.5436380910650955 28794.262592596526 0.10121874127360975 0.9787881683167857 0.17812492239453026 -1800.9483809258547 0.534270244469679 -0.20451446870397222 0.820200669327355 2445.633759113188 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/12105658_501509035.jpg buckingham_palace/test/images/89269947_2824630864.jpg 0 0 734.683 0.0 319.5 0.0 734.683 212.0 0.0 0.0 1.0 509.392 0.0 239.5 0.0 509.392 319.5 0.0 0.0 1.0 0.9482598814040498 0.04924203196810514 0.3136533430512566 -20875.2422197853 -0.05698800593264548 0.9982534544334961 0.015569453793005061 -5104.491199633004 -0.3123388616541302 -0.03263836698187991 0.9494099075222241 -36428.08467876114 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/89205589_356802584.jpg buckingham_palace/test/images/81310018_8608208863.jpg 0 0 684.751 0.0 319.5 0.0 684.751 239.5 0.0 0.0 1.0 559.102 0.0 319.5 0.0 559.102 239.5 0.0 0.0 1.0 0.9925393071747921 -0.003705679391632036 -0.12186874764774541 3551.9451913881067 -0.024354934784738585 0.9733677336832135 -0.22795195146353905 -421.84507571150084 0.11946782355351816 0.22921937737602158 0.9660154844363181 1582.2471034160722 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/23363801_5143002413.jpg buckingham_palace/test/images/24967538_249111453.jpg 0 0 729.125 0.0 319.5 0.0 729.125 239.5 0.0 0.0 1.0 1172.73 0.0 319.5 0.0 1172.73 239.5 0.0 0.0 1.0 0.9458891677604019 0.05462250686168517 0.3198594442214886 -39780.00095759259 -0.03714440538610947 0.9974770826826822 -0.06049597235649316 1569.4843205601817 -0.32235690695570135 0.04534149608240095 0.9455316881368718 17155.607521883947 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/80208883_2309723001.jpg buckingham_palace/test/images/19476535_153176579.jpg 0 0 608.393 0.0 212.5 0.0 608.393 319.5 0.0 0.0 1.0 838.719 0.0 319.5 0.0 838.719 239.5 0.0 0.0 1.0 0.8090187233404538 -0.12329973360164144 -0.5747050382399188 24119.642883345517 0.015591909159114434 0.9819083047747977 -0.18871399890590274 4133.59362205411 0.5875760356356922 0.14371240972180302 0.796304681411956 104405.99759663462 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/53184146_19405394.jpg buckingham_palace/test/images/61423741_5088383508.jpg 0 0 671.452 0.0 319.5 0.0 671.452 239.5 0.0 0.0 1.0 509.187 0.0 319.5 0.0 509.187 213.0 0.0 0.0 1.0 0.989581839369243 -0.002355242747550194 0.1439522004770532 -15059.907668582335 0.008466745153869368 0.9990877263383858 -0.04185724915106292 1312.3063839205881 -0.14372229269353112 0.04263998020162348 0.9886990111612938 5652.126606735744 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/37738135_1526579232.jpg buckingham_palace/test/images/34511353_8612252871.jpg 0 0 526.293 0.0 319.5 0.0 526.293 213.5 0.0 0.0 1.0 526.275 0.0 319.5 0.0 526.275 239.5 0.0 0.0 1.0 0.9467371121106123 -0.01806670565987178 -0.32150028724568386 35758.84249706855 0.06351989918084715 0.9892847035548515 0.13145720870475172 -3015.70730858774 0.31568031766410876 -0.14487708396771792 0.9377401386207685 881.9955932196772 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/86576612_2460544550.jpg buckingham_palace/test/images/01572370_13849919395.jpg 0 0 775.263 0.0 319.5 0.0 775.263 180.0 0.0 0.0 1.0 593.219 0.0 319.5 0.0 593.219 239.5 0.0 0.0 1.0 0.9471937245502223 0.030406649533750704 0.3192169855079912 -43243.08955945395 -0.03011673762414731 0.9995292959046155 -0.0058454036047014355 1122.6594971131328 -0.31924446790438765 -0.004077044585878954 0.9476636256709915 -21085.26790801139 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/66271166_7212713294.jpg buckingham_palace/test/images/22244788_9510402492.jpg 0 0 1264.51 0.0 213.5 0.0 1264.51 319.5 0.0 0.0 1.0 564.184 0.0 319.5 0.0 564.184 213.0 0.0 0.0 1.0 0.993025277995942 -0.01710939040208251 0.11665361555113168 -36054.94380129275 0.021567365761270656 0.9990802470627207 -0.037060877798732614 -11695.38124158877 -0.11591223401868192 0.039318299672826 0.9924809445604668 -75985.99054074971 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/59781164_3740564586.jpg buckingham_palace/test/images/03513470_2505259840.jpg 0 0 1179.26 0.0 319.5 0.0 1179.26 239.5 0.0 0.0 1.0 504.806 0.0 319.5 0.0 504.806 213.5 0.0 0.0 1.0 0.9964599306916503 0.00022861441744140244 -0.08406874723367638 9185.383367878832 0.0018428273422081563 0.9996966240485223 0.024561430198061344 -8869.506917452241 0.08404885789455109 -0.024629405218875414 0.9961572074151681 -81028.5599186011 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/92637616_3766818227.jpg buckingham_palace/test/images/03029079_9842698583.jpg 0 0 1027.91 0.0 319.5 0.0 1027.91 239.5 0.0 0.0 1.0 502.769 0.0 319.5 0.0 502.769 211.5 0.0 0.0 1.0 0.8939224561026449 -0.04573164507494119 -0.44588256202071236 63827.84928327843 0.03249430345215019 0.9987759286658966 -0.03729295591308723 -4486.844956758432 0.447042238181779 0.0188483674708314 0.8943142492016496 -28519.18161729662 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/94916212_250193805.jpg buckingham_palace/test/images/28034388_6035093150.jpg 0 0 540.593 0.0 249.5 0.0 540.593 187.0 0.0 0.0 1.0 518.235 0.0 319.5 0.0 518.235 180.0 0.0 0.0 1.0 0.9142922568961386 0.0280003501449735 0.4040861905231662 -22882.661907290392 0.010376885215591592 0.9956612783851391 -0.09247128731499925 -898.174903844943 -0.40492220145725283 0.08873893799358652 0.9100348408993923 -2983.572450167081 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/10272597_1810665269.jpg buckingham_palace/test/images/24173207_5973657415.jpg 0 0 501.469 0.0 319.5 0.0 501.469 213.5 0.0 0.0 1.0 565.88 0.0 319.5 0.0 565.88 213.0 0.0 0.0 1.0 0.9702938889445424 0.11123626228093066 0.21484008711281946 -8218.033831314226 -0.07862820525285161 0.9848139148431755 -0.1547874622505782 595.1618322427679 -0.22879548600352956 0.1332968382409228 0.9643052309820692 4027.218936750377 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/26810426_6779980104.jpg buckingham_palace/test/images/44119452_427463944.jpg 0 0 535.869 0.0 319.5 0.0 535.869 213.0 0.0 0.0 1.0 842.739 0.0 249.5 0.0 842.739 166.0 0.0 0.0 1.0 0.9786955667756558 0.02125681072411402 0.2042134559021927 7615.611141330931 -0.032641864372638496 0.9980849452001938 0.05254475097480625 -2051.5667179318984 -0.20270544211726502 -0.05809122276700087 0.9775151730656045 -13076.077733967759 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/51262215_3370618807.jpg buckingham_palace/test/images/79770781_11614197754.jpg 0 0 821.974 0.0 319.5 0.0 821.974 213.0 0.0 0.0 1.0 543.87 0.0 319.5 0.0 543.87 239.5 0.0 0.0 1.0 0.9471529210850097 0.040935454523472734 0.3181597596225672 -44754.98806348021 -0.07126640284455679 0.9938902391298422 0.08428103219599592 -15439.810542480958 -0.31276579721211595 -0.10250112743468656 0.9442833658224038 -69654.33906468921 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88100674_4580463979.jpg buckingham_palace/test/images/97483818_594151094.jpg 0 0 396.465 0.0 249.5 0.0 396.465 166.0 0.0 0.0 1.0 655.958 0.0 319.5 0.0 655.958 239.5 0.0 0.0 1.0 0.7997064521687799 0.05864259280134405 0.597520406906039 -30401.49858036051 -0.12699604815459856 0.9892219604437319 0.07288289736950965 4637.468325669791 -0.5868062662521062 -0.13416765364794656 0.7985345619332119 17460.531892875933 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/96610065_7506893394.jpg buckingham_palace/test/images/35050014_5769045358.jpg 0 0 1228.87 0.0 319.5 0.0 1228.87 213.0 0.0 0.0 1.0 502.756 0.0 319.5 0.0 502.756 213.5 0.0 0.0 1.0 0.8321120136758484 0.01623276682552003 -0.5543699973641367 78045.88718969675 0.026358996942545405 0.9972844690732379 0.06876693264566201 -1448.2010379000678 0.5539808660743686 -0.07183442786365343 0.8294245083170583 -18967.898296900807 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/34988822_5659731458.jpg buckingham_palace/test/images/04861657_8587228495.jpg 0 0 627.58 0.0 319.5 0.0 627.58 213.5 0.0 0.0 1.0 671.319 0.0 319.5 0.0 671.319 239.5 0.0 0.0 1.0 0.9812123040805575 0.024861683279894548 0.19132253141074065 -14419.622347294178 -0.0231463609906644 0.9996693976535885 -0.011195595910958572 2638.4112323326754 -0.19153762109260286 0.006556836081665785 0.9814633704865328 23349.06802328369 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/56032606_8199293549.jpg buckingham_palace/test/images/56990017_8603215183.jpg 0 0 476.287 0.0 319.5 0.0 476.287 239.5 0.0 0.0 1.0 531.719 0.0 319.5 0.0 531.719 213.0 0.0 0.0 1.0 0.9990446528791864 -0.020321478794558336 -0.03868874581979059 -4677.53690679359 0.016451922533260586 0.9950668787239172 -0.09783272004601054 4321.629187532734 0.04048599509047087 0.09710275158945701 0.9944505718412007 48833.44990063391 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/60655645_2373884532.jpg buckingham_palace/test/images/42575336_5691036729.jpg 0 0 693.054 0.0 239.5 0.0 693.054 319.5 0.0 0.0 1.0 681.719 0.0 319.5 0.0 681.719 212.5 0.0 0.0 1.0 0.9959304746988931 -0.018741555020875652 -0.08815465774102484 3627.7078645785896 -0.004832991935547774 0.9656257141969669 -0.25989155867505365 873.6733318957795 0.08999517628733586 0.2592599741514247 0.9616054981373671 49278.14471522681 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/81310018_8608208863.jpg buckingham_palace/test/images/34988822_5659731458.jpg 0 0 559.102 0.0 319.5 0.0 559.102 239.5 0.0 0.0 1.0 627.58 0.0 319.5 0.0 627.58 213.5 0.0 0.0 1.0 0.8212806668327177 0.014010876433919357 -0.5703523135995504 54585.18694534152 0.08961247418795265 0.9841216264809806 0.15321301760079875 4274.155969711757 0.5634426951844528 -0.1769415712431157 0.8069845163380133 49850.31304644461 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/86151722_3888442454.jpg buckingham_palace/test/images/44579495_1325305773.jpg 0 0 505.778 0.0 249.5 0.0 505.778 187.0 0.0 0.0 1.0 1027.15 0.0 213.0 0.0 1027.15 319.5 0.0 0.0 1.0 0.9100457179430087 0.10271089565207675 0.40158095468777133 -20483.12820285291 -0.015349634142448856 0.9764997780794201 -0.21497109606301973 4157.043950332194 -0.41422358694947187 0.18946940472063364 0.8902360162841773 30904.36453914405 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/70392907_4845953799.jpg buckingham_palace/test/images/91870054_4238721718.jpg 0 0 367.397 0.0 319.5 0.0 367.397 213.0 0.0 0.0 1.0 801.672 0.0 319.5 0.0 801.672 211.5 0.0 0.0 1.0 0.971795463438767 -0.08219430947828338 -0.22103771788819265 -10389.387303692467 0.024101322980218522 0.9670024919230438 -0.25362434198086536 1866.320441856446 0.2345905016628663 0.2411436835250136 0.9417096263846688 41269.5404858585 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/94785686_3685753287.jpg buckingham_palace/test/images/19946837_1447873686.jpg 0 0 689.603 0.0 319.5 0.0 689.603 239.5 0.0 0.0 1.0 1048.17 0.0 319.5 0.0 1048.17 239.5 0.0 0.0 1.0 0.8691583640981877 0.026297962725780655 -0.49383413741319626 59513.122790916466 0.007639403335518111 0.997751950120091 0.06657841653443315 6806.361213929982 0.4944748503562535 -0.06163978575586275 0.8670035519979904 73359.23647499384 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/73390455_10578819085.jpg buckingham_palace/test/images/76124793_5669979160.jpg 0 0 778.562 0.0 319.5 0.0 778.562 319.5 0.0 0.0 1.0 737.626 0.0 319.5 0.0 737.626 239.5 0.0 0.0 1.0 0.9976388032570557 -0.032958522628150945 0.060254078882672917 -788.901179705852 0.033083720089692174 0.9994519991752665 -0.0010811149753037958 187.16256012359594 -0.06018542764537446 0.003071991330161944 0.9981824869072844 -10714.34524795649 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/73590053_4109923193.jpg buckingham_palace/test/images/83626729_2399731869.jpg 0 0 847.053 0.0 319.5 0.0 847.053 212.5 0.0 0.0 1.0 900.714 0.0 319.5 0.0 900.714 213.0 0.0 0.0 1.0 0.6372200244966089 0.023169501668547976 0.7703335735724962 -116281.14268249563 -0.007782212593420161 0.9996904710025188 -0.023630475109747025 -6140.174488513967 -0.7706426393262262 0.009062912290909268 0.6372030964089199 38769.72266096992 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/47561034_5631016960.jpg buckingham_palace/test/images/04563674_4259679500.jpg 0 0 705.387 0.0 319.5 0.0 705.387 239.5 0.0 0.0 1.0 611.976 0.0 319.5 0.0 611.976 239.5 0.0 0.0 1.0 0.9955484084375545 0.03973694228881344 -0.08546544257761575 6613.570383650935 -0.03364163849625956 0.9968649540909433 0.07161357039380353 -17154.76365857574 0.08804320880533181 -0.06841957850496289 0.9937641343198415 -68234.92924432264 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/38067003_3099337568.jpg buckingham_palace/test/images/71145896_2328923072.jpg 0 0 666.233 0.0 319.5 0.0 666.233 213.0 0.0 0.0 1.0 1341.47 0.0 319.5 0.0 1341.47 239.5 0.0 0.0 1.0 0.8405812894061041 0.10421137723350954 0.531566632469972 -23719.141411590812 -0.034543306104836004 0.9896349576111173 -0.13938942096654863 5494.764047790294 -0.5405828853226106 0.09880607030510462 0.835468434213492 36745.623053988034 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/22759208_567461360.jpg buckingham_palace/test/images/30612743_2756901875.jpg 0 0 662.89 0.0 319.5 0.0 662.89 239.5 0.0 0.0 1.0 565.589 0.0 249.5 0.0 565.589 187.0 0.0 0.0 1.0 0.9325169032975239 -0.009894693028074717 -0.3609907479621561 32962.273706610526 0.022669207154233696 0.9992569933863612 0.031169989019055776 -2412.067173297067 0.3604141119759257 -0.03724991568218358 0.9320483419170248 -11183.591223410458 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/93206568_5039285632.jpg buckingham_palace/test/images/54455475_982034973.jpg 0 0 801.943 0.0 319.5 0.0 801.943 212.0 0.0 0.0 1.0 688.809 0.0 319.5 0.0 688.809 239.5 0.0 0.0 1.0 0.9017403932369443 -0.020948612993364736 -0.43177009949571016 55728.06338284723 0.021666615907050015 0.9997599487085888 -0.0032561807898864384 829.4922327488179 0.4317346649969372 -0.006418767159999534 0.9019778148425426 -21926.22618895084 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/64561640_252491027.jpg buckingham_palace/test/images/64410912_3739779843.jpg 0 0 485.125 0.0 319.5 0.0 485.125 179.5 0.0 0.0 1.0 1908.16 0.0 319.5 0.0 1908.16 239.5 0.0 0.0 1.0 0.9967484746013917 -0.011728888093589776 -0.07971769918836741 15107.625202491436 0.0011256644556155305 0.9912793461963627 -0.13177249593160656 22103.12584129034 0.08056805359031792 0.13125429893378712 0.98806937901752 127401.17194823589 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/02072837_4831566144.jpg buckingham_palace/test/images/15064245_12177287034.jpg 0 0 701.506 0.0 238.5 0.0 701.506 319.5 0.0 0.0 1.0 604.78 0.0 319.5 0.0 604.78 239.5 0.0 0.0 1.0 0.9537374673096274 -0.08244578628468172 -0.2891150908785602 15245.927646360436 0.09746712439381787 0.9945159274104476 0.037924000175846705 -1176.3455480409366 0.28440288871988895 -0.06434875640475247 0.9565428555150806 -1460.8065055851487 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/05573543_2253880492.jpg buckingham_palace/test/images/44566410_157895322.jpg 0 0 852.137 0.0 319.5 0.0 852.137 213.0 0.0 0.0 1.0 781.017 0.0 319.5 0.0 781.017 212.5 0.0 0.0 1.0 0.8700559577550349 -0.03300296139897616 -0.49184696289991103 70456.78632738738 0.031169641709695824 0.9994429694854062 -0.011924939491774108 431.08214335054527 0.49196654745079776 -0.0049553289589059114 0.8706000005193263 22380.89892807808 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/89299405_4981004528.jpg buckingham_palace/test/images/16826010_408223455.jpg 0 0 526.12 0.0 319.5 0.0 526.12 213.0 0.0 0.0 1.0 761.316 0.0 319.5 0.0 761.316 239.5 0.0 0.0 1.0 0.7998876997821209 0.14215132136174588 0.5830717533652074 -44492.34347301301 -0.11810442534407638 0.9898300153326316 -0.07929618818548514 -1704.9235354645443 -0.588413980503024 -0.005435308796382913 0.8085415542610503 -9569.959580913415 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/63307507_3556599632.jpg buckingham_palace/test/images/75966612_8640534113.jpg 0 0 1617.87 0.0 319.5 0.0 1617.87 213.5 0.0 0.0 1.0 858.38 0.0 319.5 0.0 858.38 239.5 0.0 0.0 1.0 0.9508866329921203 -0.028503660059411327 -0.3082241920422957 23073.59288440147 0.04456186633437611 0.9979842508307614 0.04518489971839196 -346.52670971720636 0.3063149543618555 -0.05670076240211818 0.9502400603412344 -2018.9484360226925 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/58780959_4178228.jpg buckingham_palace/test/images/66104636_8655068521.jpg 0 0 561.783 0.0 249.5 0.0 561.783 187.0 0.0 0.0 1.0 493.211 0.0 318.5 0.0 493.211 319.5 0.0 0.0 1.0 0.9991647399381737 0.02827174986247085 -0.029504755955534156 -12200.506484869042 -0.033703485863449435 0.9784298158695092 -0.2038116053079666 -2313.532969067606 0.023106222212512594 0.204635782739168 0.9785654290428385 46354.44786499116 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/44140023_3726848652.jpg buckingham_palace/test/images/51055099_4772610657.jpg 0 0 667.066 0.0 319.5 0.0 667.066 212.0 0.0 0.0 1.0 1103.25 0.0 319.5 0.0 1103.25 239.5 0.0 0.0 1.0 0.9410023241203777 -0.03900190998858308 -0.33614502378778455 48930.219659711256 0.016729788584198838 0.9974831646349805 -0.06890174485245051 3454.959489595621 0.33798630175493166 0.05921306686050507 0.939286469900955 -26675.423476717173 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/96610065_7506893394.jpg buckingham_palace/test/images/98469850_94975884.jpg 0 0 1228.87 0.0 319.5 0.0 1228.87 213.0 0.0 0.0 1.0 691.478 0.0 319.5 0.0 691.478 239.5 0.0 0.0 1.0 0.973800387962608 0.040163925097312855 -0.22382954122423518 37118.87803294701 -0.02218346807178484 0.9963627466767202 0.08227497055077088 -1334.1455868155545 0.22631990223615384 -0.07515408276068275 0.9711494044153136 -33372.30713105713 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/86424981_8226612445.jpg buckingham_palace/test/images/03295994_6248335133.jpg 0 0 467.776 0.0 319.5 0.0 467.776 239.5 0.0 0.0 1.0 722.705 0.0 319.5 0.0 722.705 239.5 0.0 0.0 1.0 0.789067792484233 -0.07240056700032066 -0.6100247345494206 16177.400832006231 0.06458426022588104 0.9973044170234472 -0.0348248921979368 -367.96022150705875 0.6109017042005486 -0.011918795390236403 0.7916167318351166 819.7606184888209 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/19946837_1447873686.jpg buckingham_palace/test/images/80396877_5553830938.jpg 0 0 1048.17 0.0 319.5 0.0 1048.17 239.5 0.0 0.0 1.0 628.545 0.0 319.5 0.0 628.545 191.0 0.0 0.0 1.0 0.9957367187377277 -0.039493549393571366 -0.08335854193614921 -8140.527879232698 0.030995430440085413 0.9944150742792629 -0.10088579353904142 1464.40512168 0.08687732874149065 0.0978719551376481 0.9913997226892276 -93732.05868423833 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/86900704_328544021.jpg buckingham_palace/test/images/09863937_226875692.jpg 0 0 516.297 0.0 249.5 0.0 516.297 187.0 0.0 0.0 1.0 673.473 0.0 319.5 0.0 673.473 239.5 0.0 0.0 1.0 0.9983499742032959 -0.011403107876080015 -0.056278753886745025 -14051.095861250838 0.0146768123356492 0.998202682622479 0.058103318192259466 -2263.9021533047007 0.05551504469909459 -0.058833438927648085 0.9967229837201528 -6520.933258293244 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88595844_3830407687.jpg buckingham_palace/test/images/92766299_2205106180.jpg 0 0 507.93 0.0 319.5 0.0 507.93 213.5 0.0 0.0 1.0 529.386 0.0 319.5 0.0 529.386 213.0 0.0 0.0 1.0 0.9555829057700412 -0.02146744320063109 -0.29393955004815536 38664.35526897057 0.010809042612439621 0.9992254516565564 -0.03783730116635461 2559.5504020220706 0.2945241497702469 0.032979473073089474 0.95507480312169 939.3657463142954 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/15676476_3064491824.jpg buckingham_palace/test/images/95310791_8522255584.jpg 0 0 571.819 0.0 249.5 0.0 571.819 187.0 0.0 0.0 1.0 592.491 0.0 319.5 0.0 592.491 238.5 0.0 0.0 1.0 0.9928804525753394 -0.002340627539384145 -0.11909210031111049 -22245.23000209395 0.0029592559392689136 0.9999830312902096 0.005017961332042476 1986.6711362572155 0.11907833429333664 -0.005334659723529539 0.9928705311910304 -14072.283637249895 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/52580713_3540604945.jpg buckingham_palace/test/images/68461451_7212713620.jpg 0 0 547.77 0.0 319.5 0.0 547.77 213.0 0.0 0.0 1.0 1266.17 0.0 213.5 0.0 1266.17 319.5 0.0 0.0 1.0 0.9917077503529584 0.007013819277524279 0.1283220332952069 697.7291046712671 -0.023145837563651437 0.9919294443359059 0.12466052969138985 13590.106380805944 -0.12641205675627232 -0.12659693439654476 0.98386645847292 88255.7518509994 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/60655645_2373884532.jpg buckingham_palace/test/images/35412346_425909362.jpg 0 0 693.054 0.0 239.5 0.0 693.054 319.5 0.0 0.0 1.0 659.197 0.0 249.5 0.0 659.197 187.0 0.0 0.0 1.0 0.9899705557665157 -0.044402110621793674 -0.13411469452549127 4068.8410476614085 0.017141824277648963 0.9800637361485182 -0.1979424940406736 4912.372142710566 0.14023001310621785 0.19365827030864932 0.9709953747393918 52164.44564134635 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/04747458_676507940.jpg buckingham_palace/test/images/29436220_2235567230.jpg 0 0 533.733 0.0 319.5 0.0 533.733 213.0 0.0 0.0 1.0 737.798 0.0 319.5 0.0 737.798 213.0 0.0 0.0 1.0 0.857908254005524 -0.008356731029055669 -0.513734944067173 43471.41100809201 0.04913502579841903 0.9966196374926861 0.06584107687253983 4708.918076674641 0.5114481175534641 -0.08172798303185404 0.8554188213036715 42774.643542184625 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/40580817_2599681870.jpg buckingham_palace/test/images/07739469_9102054751.jpg 0 0 725.526 0.0 319.5 0.0 725.526 235.0 0.0 0.0 1.0 522.246 0.0 319.5 0.0 522.246 211.5 0.0 0.0 1.0 0.9821375925946202 0.009632795918389423 -0.1879174245652547 20422.78609949411 0.004961309777062189 0.9970158312572948 0.07703776754048601 2004.9073036023706 0.18809873635338314 -0.0765940041068529 0.9791589370051931 21469.153362024106 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/86465693_49695665.jpg buckingham_palace/test/images/40524058_231666382.jpg 0 0 529.185 0.0 249.5 0.0 529.185 187.0 0.0 0.0 1.0 654.703 0.0 319.5 0.0 654.703 239.5 0.0 0.0 1.0 0.6949221812216602 0.05370963655417365 0.7170763118297443 -103986.4087759468 -0.053895230506110614 0.9982921044721895 -0.02254280987766047 2717.698353920415 -0.7170623865291104 -0.022981494505486717 0.696630019978662 42072.63913373207 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/09913545_5384620652.jpg buckingham_palace/test/images/66012681_3064490504.jpg 0 0 618.577 0.0 319.5 0.0 618.577 238.5 0.0 0.0 1.0 573.25 0.0 249.5 0.0 573.25 187.0 0.0 0.0 1.0 0.8837597439007511 -0.012064874274023562 -0.4677853715853361 31670.773385087567 -0.0018158031870993997 0.9995716208371946 -0.02921091706347874 2034.238385303031 0.46793740812128365 0.02666483875172918 0.8833592522043789 35102.56144507201 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/69728580_2542045191.jpg buckingham_palace/test/images/62344235_4979934495.jpg 0 0 871.638 0.0 319.5 0.0 871.638 185.0 0.0 0.0 1.0 543.599 0.0 213.5 0.0 543.599 319.5 0.0 0.0 1.0 0.9914027708780713 -0.004605529131944525 0.13076442557782048 -22523.723730578033 0.019113791780940387 0.9937574321856707 -0.10991282427222415 7424.578952829535 -0.12944191306928907 0.1114672825413663 0.98530190097442 -90116.42561555993 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/40698826_4043332345.jpg buckingham_palace/test/images/61302894_8245166220.jpg 0 0 664.744 0.0 319.5 0.0 664.744 239.5 0.0 0.0 1.0 651.678 0.0 319.5 0.0 651.678 171.5 0.0 0.0 1.0 0.8606160199450016 -0.00030237623706070926 0.5092543321196551 -71878.47816939995 -0.026731262559683628 0.9985943993443348 0.04576751249622574 1429.663692855555 -0.5085523629047355 -0.05300126570883172 0.8593982546045064 9817.5847363393 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/27360182_6693505247.jpg buckingham_palace/test/images/03295994_6248335133.jpg 0 0 668.989 0.0 319.5 0.0 668.989 240.0 0.0 0.0 1.0 722.705 0.0 319.5 0.0 722.705 239.5 0.0 0.0 1.0 0.8189895825173498 -0.08190303482968071 -0.5679330564544952 31689.436358937313 0.025758648076988574 0.9940107275195761 -0.1062034162597835 3089.3206384150503 0.5732299327297055 0.0723503038120166 0.81619414219964 33131.3874678915 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/38217522_12120715573.jpg buckingham_palace/test/images/33761766_8290174554.jpg 0 0 416.694 0.0 319.5 0.0 416.694 239.5 0.0 0.0 1.0 1038.17 0.0 319.5 0.0 1038.17 239.5 0.0 0.0 1.0 0.9874201907327331 -0.0204993748242011 -0.15678374458198785 -3459.4209030509055 0.028682660149893936 0.998331681626184 0.050111460447302705 10853.167621336981 0.15549492576948862 -0.05397804269564437 0.9863608360872246 90458.59106639966 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/34591604_85337315.jpg buckingham_palace/test/images/95310791_8522255584.jpg 0 0 588.671 0.0 319.5 0.0 588.671 239.5 0.0 0.0 1.0 592.491 0.0 319.5 0.0 592.491 238.5 0.0 0.0 1.0 0.9632895544580069 -0.01112494899224694 -0.26823398327209536 795.3032928484727 0.008176983678893197 0.9998932978683204 -0.012104950058954749 -721.9985799524281 0.2683400290862509 0.009467227045686514 0.9632777379354595 -1861.833192164776 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/97292713_2986088736.jpg buckingham_palace/test/images/48484647_7883607208.jpg 0 0 683.491 0.0 319.5 0.0 683.491 221.0 0.0 0.0 1.0 530.224 0.0 319.5 0.0 530.224 182.5 0.0 0.0 1.0 0.9324486574458819 0.057938554816185955 0.35662673076086726 -45465.09564345947 -0.02229579120234161 0.9944046514478395 -0.10325835013964858 1058.6942187875475 -0.36061391947903765 0.08833183483157413 0.9285230681212254 -9143.13372269939 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/78850803_8040467285.jpg buckingham_palace/test/images/05573543_2253880492.jpg 0 0 936.98 0.0 319.5 0.0 936.98 239.5 0.0 0.0 1.0 852.137 0.0 319.5 0.0 852.137 213.0 0.0 0.0 1.0 0.9388242034168772 -0.036958309825161 -0.3424079415164513 61826.65511766735 0.016659995838957217 0.9979349366971925 -0.06203472138904585 2871.4763602471276 0.34399354589484954 0.05253518301136889 0.9375011972945153 39309.58564725901 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/44460121_952952106.jpg buckingham_palace/test/images/13281945_9328537386.jpg 0 0 820.061 0.0 319.5 0.0 820.061 213.0 0.0 0.0 1.0 480.216 0.0 319.5 0.0 480.216 211.5 0.0 0.0 1.0 0.8108726522820691 0.01427542662879753 0.585048505660521 -71253.14856786173 -0.047063719531267846 0.9980551479018983 0.04087698680677982 -3894.06934961839 -0.5833271364208295 -0.060680589491906835 0.8099674795780318 -66508.60118645793 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/39733199_8623371744.jpg buckingham_palace/test/images/76276666_337183275.jpg 0 0 1338.45 0.0 319.5 0.0 1338.45 239.5 0.0 0.0 1.0 545.844 0.0 319.5 0.0 545.844 213.0 0.0 0.0 1.0 0.8044877175751328 -0.09684003586721208 -0.5860217741039923 47705.947038865466 0.18218166769617763 0.9792947965903372 0.08826970786475842 -7878.2289123731625 0.5653400323930663 -0.17777431992368128 0.8054731149762105 -26576.942324316067 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/81394496_5045390386.jpg buckingham_palace/test/images/38067003_3099337568.jpg 0 0 672.414 0.0 319.5 0.0 672.414 239.5 0.0 0.0 1.0 666.233 0.0 319.5 0.0 666.233 213.0 0.0 0.0 1.0 0.6571575477806769 0.002564961533041097 -0.753748882829833 50069.8904987742 0.10042467590034566 0.9907810854277426 0.09092703244324411 -1620.8353306418885 0.747033360610621 -0.13544837293580994 0.6508416830565201 1377.3802554418035 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/65063014_3656668731.jpg buckingham_palace/test/images/61101889_6246395851.jpg 0 0 689.192 0.0 319.5 0.0 689.192 239.5 0.0 0.0 1.0 952.418 0.0 319.5 0.0 952.418 239.5 0.0 0.0 1.0 0.7500144751582777 -0.028023675079961324 -0.6608274817893592 40847.956857655015 0.12387420820337876 0.9873749731142553 0.09872103630741498 4437.2988701521535 0.6497179908198933 -0.1559016872988767 0.7440169328061857 26832.877456428574 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/15885029_599614928.jpg buckingham_palace/test/images/89299405_4981004528.jpg 0 0 433.441 0.0 319.5 0.0 433.441 239.5 0.0 0.0 1.0 526.12 0.0 319.5 0.0 526.12 213.0 0.0 0.0 1.0 0.9975216493638873 0.023959960692956007 0.06615496454493751 -4695.526351109769 -0.03678835343463542 0.979082098327829 0.2001121230349228 -2379.6850188163194 -0.05997646289935979 -0.20204990724464025 0.977537037088884 -4006.338487075268 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/89205589_356802584.jpg buckingham_palace/test/images/00212661_8137933114.jpg 0 0 684.751 0.0 319.5 0.0 684.751 239.5 0.0 0.0 1.0 607.957 0.0 319.5 0.0 607.957 239.5 0.0 0.0 1.0 0.7747572166679934 -0.1571946624630642 -0.6124059873270243 54451.182895904625 0.09811282339905548 0.9867578760727282 -0.12916178960166336 5730.6268418332975 0.6245999752685952 0.03998414812850113 0.7799205977488404 55525.28002895055 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/67955492_328543996.jpg buckingham_palace/test/images/02147392_4434343749.jpg 0 0 519.911 0.0 187.0 0.0 519.911 249.5 0.0 0.0 1.0 1522.3 0.0 319.5 0.0 1522.3 213.0 0.0 0.0 1.0 0.858624252091217 -0.117484458037091 -0.49896071572873274 25246.881986237247 -0.029760430245232398 0.9603146757380048 -0.27732659510733776 10038.138435502171 0.5117408626564982 0.2529686258845979 0.8210530822094522 150175.36066971614 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/32929018_8338714866.jpg buckingham_palace/test/images/62110008_3103434698.jpg 0 0 503.595 0.0 319.5 0.0 503.595 213.0 0.0 0.0 1.0 717.566 0.0 319.5 0.0 717.566 239.5 0.0 0.0 1.0 0.8092103220079967 -0.009546558475126341 0.5874415017488934 -47997.477193151186 -0.048593941014154964 0.9953545109963223 0.08311453745275175 -4270.710069458339 -0.5855060065041408 -0.09580323930093929 0.8049872394560179 -1264.886393505798 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/76017051_5339375111.jpg buckingham_palace/test/images/21910153_76261355.jpg 0 0 482.865 0.0 319.5 0.0 482.865 239.5 0.0 0.0 1.0 729.837 0.0 249.5 0.0 729.837 187.0 0.0 0.0 1.0 0.950623037736062 -0.05029014088334332 -0.3062462111690449 25384.508595979638 0.05771446020257263 0.998216949750665 0.015230309058060025 -639.6334603944852 0.30493422439763546 -0.032153117429136575 0.9518304974261966 61218.03038957834 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/83721004_321291688.jpg buckingham_palace/test/images/74845354_647484279.jpg 0 0 713.043 0.0 319.5 0.0 713.043 239.5 0.0 0.0 1.0 550.969 0.0 249.5 0.0 550.969 187.0 0.0 0.0 1.0 0.9095896136095848 -0.03437293826716087 0.4140836098283153 -53647.48205072477 0.03160020998886468 0.9994087844369351 0.013546524238623285 1467.1159459218954 -0.4143044309951635 0.0007633512755596254 0.9101380421411929 -14392.787720828772 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/87850563_3619254383.jpg buckingham_palace/test/images/77059222_3193034364.jpg 0 0 811.45 0.0 249.5 0.0 811.45 154.0 0.0 0.0 1.0 665.902 0.0 319.5 0.0 665.902 239.5 0.0 0.0 1.0 0.9975297119195022 -0.012268100368063013 -0.06916623129211436 24277.760438922232 0.014675280233884133 0.9993002971085642 0.034402795653731486 -868.482305447511 0.06869577853006754 -0.03533284466462567 0.9970117753066177 -12470.499529674373 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/92713380_3913819288.jpg buckingham_palace/test/images/19492180_885002423.jpg 0 0 534.038 0.0 319.5 0.0 534.038 212.5 0.0 0.0 1.0 683.049 0.0 319.5 0.0 683.049 239.5 0.0 0.0 1.0 0.9495284405867409 -0.0803762622135469 -0.30320850415100753 22405.511359675944 0.09316768850709305 0.9952584598194589 0.027935281921687618 2035.8029597927919 0.29952549530074685 -0.05477458014789375 0.9525146838944082 8027.008823303784 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/14598577_8873221214.jpg buckingham_palace/test/images/19322041_4490535181.jpg 0 0 457.081 0.0 319.5 0.0 457.081 182.0 0.0 0.0 1.0 800.164 0.0 319.5 0.0 800.164 239.5 0.0 0.0 1.0 0.9522966033620623 0.08099452976900955 0.2942296133508247 -28761.01912224298 -0.06648876512772998 0.9960418165507112 -0.05899104842388579 12747.19406188901 -0.2978429507926423 0.03661401138712761 0.9539124649742633 61628.46569245245 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/39971618_5940743803.jpg buckingham_palace/test/images/89269947_2824630864.jpg 0 0 474.94 0.0 239.5 0.0 474.94 319.5 0.0 0.0 1.0 509.392 0.0 239.5 0.0 509.392 319.5 0.0 0.0 1.0 0.7635457352099385 0.017382475890317977 0.6455197593990728 -28770.16156286744 -0.10894022240992829 0.988777241861808 0.10223303730903537 641.8550131039683 -0.6364981839596949 -0.14838266579381088 0.756870296885756 -562.9842648228296 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/87785947_1573426398.jpg buckingham_palace/test/images/50616321_9586801446.jpg 0 0 660.277 0.0 319.5 0.0 660.277 239.5 0.0 0.0 1.0 541.873 0.0 319.5 0.0 541.873 213.0 0.0 0.0 1.0 0.9914614227740536 0.07805660467857141 0.1044577120987353 -13627.989254593333 -0.07510137494244683 0.996664326700578 -0.031937491514482184 2317.075868162432 -0.10660220744714007 0.02381987297482548 0.994016389713399 6433.395518347097 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/70919478_5339080781.jpg buckingham_palace/test/images/22458636_3472229736.jpg 0 0 458.531 0.0 319.5 0.0 458.531 212.5 0.0 0.0 1.0 1016.97 0.0 249.5 0.0 1016.97 187.0 0.0 0.0 1.0 0.9919164241754954 0.018076250022396944 0.12559879233506335 -2395.9012325955155 -0.0244313184011404 0.9984879573726103 0.049243371767721957 15686.140898653533 -0.12451874610708495 -0.051913853324519955 0.9908582308791302 115221.71217039048 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/62496239_2805675448.jpg buckingham_palace/test/images/12276618_145746984.jpg 0 0 752.203 0.0 319.5 0.0 752.203 239.5 0.0 0.0 1.0 1074.1 0.0 319.5 0.0 1074.1 212.0 0.0 0.0 1.0 0.8492934843124049 0.03707424366579003 0.5266175822749413 -71912.14508382007 -0.0315895378624692 0.9993125021158851 -0.019406808406453497 8257.240401062612 -0.5269750265450255 -0.0001535301234160835 0.8498807550629506 87937.31243976612 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88192386_10780446203.jpg buckingham_palace/test/images/54455475_982034973.jpg 0 0 629.618 0.0 319.5 0.0 629.618 213.0 0.0 0.0 1.0 688.809 0.0 319.5 0.0 688.809 239.5 0.0 0.0 1.0 0.9565855522178408 0.055138611974610056 0.2861884252683928 -22452.362258771347 0.04243111510251149 0.9451323484694665 -0.3239204290373613 2281.4505170663247 -0.28834646132603475 0.32200089649891384 0.901760356688322 31262.961822913425 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/97332024_5408047413.jpg buckingham_palace/test/images/17182999_6309727384.jpg 0 0 1533.48 0.0 319.5 0.0 1533.48 212.0 0.0 0.0 1.0 652.054 0.0 319.5 0.0 652.054 239.5 0.0 0.0 1.0 0.9979672080841201 0.026536253313690864 0.05794203007194483 -9805.160350391456 -0.016761061399152254 0.986467669683292 -0.16309691441100174 -758.8338446432203 -0.06148592041728232 0.1617942023982547 0.9849071619501771 -34440.66915821904 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/34591604_85337315.jpg buckingham_palace/test/images/28945073_6309209323.jpg 0 0 588.671 0.0 319.5 0.0 588.671 239.5 0.0 0.0 1.0 657.152 0.0 319.5 0.0 657.152 239.5 0.0 0.0 1.0 0.8917178457665911 0.010136774239493374 -0.45247820870115735 33502.58350402333 -0.015642883799404268 0.9998421149868696 -0.00842883651650348 -3526.429098986383 0.452321327960366 0.014594207981290073 0.8917356252643326 1632.3428423937567 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/54107490_11614068883.jpg buckingham_palace/test/images/77059222_3193034364.jpg 0 0 544.935 0.0 319.5 0.0 544.935 239.5 0.0 0.0 1.0 665.902 0.0 319.5 0.0 665.902 239.5 0.0 0.0 1.0 0.9998022144370213 -0.012767133090039066 -0.015249010442968123 17074.50673166274 0.009628592710591447 0.9816278935461955 -0.190562243937442 3319.8818132187866 0.017401787530080485 0.19037772696594746 0.9815566712452407 81432.08474710355 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/02147392_4434343749.jpg buckingham_palace/test/images/52126489_4139263.jpg 0 0 1522.3 0.0 319.5 0.0 1522.3 213.0 0.0 0.0 1.0 715.427 0.0 319.5 0.0 715.427 239.5 0.0 0.0 1.0 0.887370004614171 -0.026288925064194394 -0.4603079049180186 101667.16634736015 0.021266850058297457 0.999644295376482 -0.016093595305431092 -5449.3019029588195 0.46056725458899533 0.004491674545898459 0.8876134456282923 -67014.97174803131 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/19261012_8226612879.jpg buckingham_palace/test/images/01991338_3847005741.jpg 0 0 498.357 0.0 319.5 0.0 498.357 239.5 0.0 0.0 1.0 575.005 0.0 249.5 0.0 575.005 187.0 0.0 0.0 1.0 0.7897948603627435 0.04404366906078186 -0.6117877358694428 8900.679826960888 0.009881998788102071 0.9963754848965388 0.08448810092042056 -1752.5519667017743 0.6132914679371845 -0.0727739535331945 0.7864969974784406 -9527.74629720081 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/90451561_2191844501.jpg buckingham_palace/test/images/03513470_2505259840.jpg 0 0 727.187 0.0 319.5 0.0 727.187 239.5 0.0 0.0 1.0 504.806 0.0 319.5 0.0 504.806 213.5 0.0 0.0 1.0 0.9981316562735513 0.0059032118034644 0.06081405129590375 -7518.646107854195 -0.010143368380698964 0.9975197494031656 0.06965243447675917 2331.745356031896 -0.06025204413553794 -0.07013915911278971 0.9957159180893113 8713.542695123291 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/40698826_4043332345.jpg buckingham_palace/test/images/31987323_5731928436.jpg 0 0 664.744 0.0 319.5 0.0 664.744 239.5 0.0 0.0 1.0 502.795 0.0 319.5 0.0 502.795 212.5 0.0 0.0 1.0 0.9909122374896125 0.03349388608607736 -0.13027316372984285 -18654.503144517512 -0.0017469029003854668 0.9716245882841495 0.2365218970241728 -1025.8427390656034 0.13449864654927263 -0.23414486762794873 0.9628532053433193 -4233.491735018528 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/54235905_5885592660.jpg buckingham_palace/test/images/22496504_4546656558.jpg 0 0 955.39 0.0 213.0 0.0 955.39 319.5 0.0 0.0 1.0 835.668 0.0 319.5 0.0 835.668 213.0 0.0 0.0 1.0 0.5221372523601986 -0.02869730545070249 -0.8523785276258498 130464.7635021625 0.11492143579162425 0.9926861824087798 0.036975760306911035 -3668.547654086534 0.845083281868322 -0.11726298612329313 0.5216163712846008 -8853.20847686485 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/54107490_11614068883.jpg buckingham_palace/test/images/83387888_3756983584.jpg 0 0 544.935 0.0 319.5 0.0 544.935 239.5 0.0 0.0 1.0 533.38 0.0 319.5 0.0 533.38 239.5 0.0 0.0 1.0 0.9185822021642241 0.08211938019710532 0.3866046368878258 -19509.591234482465 -0.09048393493889925 0.9958919294038496 0.0034528924470771283 5848.019936807421 -0.38473288835905023 -0.03815327435910714 0.9222390862843439 22965.132746119532 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/35090949_260308535.jpg buckingham_palace/test/images/66118214_3789268806.jpg 0 0 724.592 0.0 319.5 0.0 724.592 239.5 0.0 0.0 1.0 872.296 0.0 319.5 0.0 872.296 239.5 0.0 0.0 1.0 0.9980299147529885 0.0032593362107549585 -0.0626551353490521 7404.393775956815 -0.005187170438352918 0.9995173015970782 -0.030630982206571473 43.97112318503264 0.0625250551458074 0.03089563942631845 0.9975650740395097 25935.347253563305 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/84016496_927372757.jpg buckingham_palace/test/images/70919478_5339080781.jpg 0 0 677.742 0.0 249.5 0.0 677.742 187.0 0.0 0.0 1.0 458.531 0.0 319.5 0.0 458.531 212.5 0.0 0.0 1.0 0.9368030205035689 0.01583628472845241 0.34949865931272067 -21509.76856270728 -0.031022391235430047 0.9988000336739365 0.03789596251553905 -2760.570490834086 -0.3484791414380862 -0.04634333629490448 0.9361701678453718 -31121.84857253921 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/39753040_13785121575.jpg buckingham_palace/test/images/40301915_5005868978.jpg 1 0 456.694 0.0 319.5 0.0 456.694 239.5 0.0 0.0 1.0 501.329 0.0 319.5 0.0 501.329 213.0 0.0 0.0 1.0 -0.2916153732320811 0.875157862894173 -0.38608184250132566 -9708.028809885061 -0.9487370678490756 -0.31606637476124494 0.00015111063183029572 18771.95746792207 -0.12189524266292275 0.3663342213877768 0.9224645185893918 34080.6907486548 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/56337910_5339349187.jpg buckingham_palace/test/images/35412346_425909362.jpg 0 0 489.79 0.0 319.5 0.0 489.79 239.5 0.0 0.0 1.0 659.197 0.0 249.5 0.0 659.197 187.0 0.0 0.0 1.0 0.9895053118449781 -0.00658327139462504 0.14434645256575243 -16761.46623585582 0.010966285870801118 0.9995019634665444 -0.02958995776818118 3673.0174978915065 -0.14407976403635653 0.03086236485215593 0.9890846960857094 16061.585468133917 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/70919478_5339080781.jpg buckingham_palace/test/images/82716269_6976048960.jpg 0 0 458.531 0.0 319.5 0.0 458.531 212.5 0.0 0.0 1.0 554.318 0.0 319.5 0.0 554.318 240.0 0.0 0.0 1.0 0.9995210664744681 -0.025313321527216562 0.01780093893595396 12783.163725084723 0.02684798206987287 0.9953932141522608 -0.09204094240286251 -176.82876303798184 -0.01538907185367568 0.09247478019920359 0.9955960985734081 -12212.488922036915 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88674170_169924932.jpg buckingham_palace/test/images/50616321_9586801446.jpg 0 0 761.397 0.0 319.5 0.0 761.397 201.0 0.0 0.0 1.0 541.873 0.0 319.5 0.0 541.873 213.0 0.0 0.0 1.0 0.772735639043253 0.2352338438010109 0.5895291942584495 -52418.40975916798 -0.1827639097652993 0.9719149095987437 -0.14825235845330625 3327.8646660481245 -0.6078461856750575 0.006815220485624107 0.7940255457666432 6006.631936742844 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/16210476_4152300283.jpg buckingham_palace/test/images/34376995_1253071592.jpg 0 0 723.131 0.0 239.5 0.0 723.131 319.5 0.0 0.0 1.0 536.63 0.0 319.5 0.0 536.63 239.5 0.0 0.0 1.0 0.991381635406765 0.02061775572419768 -0.1293729536151403 11959.896880161696 -0.004182350865729688 0.9920156913940623 0.12604513465103007 -8228.44654912828 0.13093876782467398 -0.12441774864084981 0.9835523691719207 -71304.33885303512 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/15064245_12177287034.jpg buckingham_palace/test/images/22244788_9510402492.jpg 0 0 604.78 0.0 319.5 0.0 604.78 239.5 0.0 0.0 1.0 564.184 0.0 319.5 0.0 564.184 213.0 0.0 0.0 1.0 0.9314570142163829 -0.025055838510450946 0.3629876521641464 -37262.960011870164 -0.03521556904916424 0.9867344412185953 0.15847714727862178 2923.915142051346 -0.3621431959372489 -0.1603974671544555 0.9182183608307943 27662.231215800566 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/84030835_2661414475.jpg buckingham_palace/test/images/01991338_3847005741.jpg 0 0 520.103 0.0 249.5 0.0 520.103 140.0 0.0 0.0 1.0 575.005 0.0 249.5 0.0 575.005 187.0 0.0 0.0 1.0 0.928530891094383 -0.025574047391088275 -0.3703732608916438 26218.920988754206 0.013983327816549578 0.9993258255752983 -0.03394644136611622 -1452.9528749167648 0.3709917126118133 0.026341268729630815 0.9282625096033271 12320.96755470697 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/21650204_2962537014.jpg buckingham_palace/test/images/11595280_7996242346.jpg 0 0 685.775 0.0 319.5 0.0 685.775 212.5 0.0 0.0 1.0 715.759 0.0 305.5 0.0 715.759 305.5 0.0 0.0 1.0 0.808607129569984 -0.03954487778176723 -0.5870184942996396 67839.63714695186 0.06964893537208491 0.9971567289017824 0.02876601827560087 1800.9677453749455 0.5842118929037016 -0.06414562063868551 0.8090622989255846 5462.093037771656 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/91176153_7095273843.jpg buckingham_palace/test/images/82724591_6779971696.jpg 0 0 1095.48 0.0 319.5 0.0 1095.48 239.5 0.0 0.0 1.0 530.953 0.0 319.5 0.0 530.953 213.0 0.0 0.0 1.0 0.8956530622969131 -0.019584159263941928 -0.4443220146516336 80000.63257250778 0.0006310366056748143 0.9990849963513855 -0.042764142202955824 -1775.2087189025065 0.44475295815875593 0.03802145146462566 0.8948458947984056 -87298.43410674937 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/58837390_828863639.jpg buckingham_palace/test/images/65062872_13486503543.jpg 0 0 664.357 0.0 319.5 0.0 664.357 239.5 0.0 0.0 1.0 588.768 0.0 319.5 0.0 588.768 239.5 0.0 0.0 1.0 0.9995316440970998 -0.022463373874113873 0.02078194607682851 -10554.160860100908 0.02855561712392291 0.9288081522517946 -0.36945905462077816 -654.9332983288396 -0.011003144060692279 0.3698794575869265 0.9290145949746865 3615.8611756886044 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/91870054_4238721718.jpg buckingham_palace/test/images/40580817_2599681870.jpg 0 0 801.672 0.0 319.5 0.0 801.672 211.5 0.0 0.0 1.0 725.526 0.0 319.5 0.0 725.526 235.0 0.0 0.0 1.0 0.9776547365625796 0.020327340712018114 0.20923196528334423 783.7747016737922 -0.043138397413176086 0.9935314757846448 0.10504420637906929 713.2373549918501 -0.20574327387639169 -0.11172289758488703 0.9722076421268562 4118.844201047931 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/03029079_9842698583.jpg buckingham_palace/test/images/28259006_5155039232.jpg 0 0 502.769 0.0 319.5 0.0 502.769 211.5 0.0 0.0 1.0 550.045 0.0 319.5 0.0 550.045 214.0 0.0 0.0 1.0 0.9846379655502598 -0.021129088059461232 -0.1733252388858041 37417.09572967695 0.021221993164690443 0.9997739202337488 -0.0013173558971395778 -39.95651552486288 0.1733138880850677 -0.0023811884044377105 0.9848637601915399 368.4829626333594 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/81310018_8608208863.jpg buckingham_palace/test/images/53271175_196359090.jpg 0 0 559.102 0.0 319.5 0.0 559.102 239.5 0.0 0.0 1.0 717.691 0.0 319.5 0.0 717.691 239.5 0.0 0.0 1.0 0.981293381264081 0.008206322625822467 -0.19234332885823663 34700.20375299982 0.046808252496824965 0.9589403037989246 0.27971857508613807 -8995.232140090331 0.1867412310806061 -0.28348924145192334 0.9406176495237121 -31997.44068410451 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/15625956_3859238782.jpg buckingham_palace/test/images/70919478_5339080781.jpg 0 0 719.798 0.0 319.5 0.0 719.798 239.5 0.0 0.0 1.0 458.531 0.0 319.5 0.0 458.531 212.5 0.0 0.0 1.0 0.9972474858374287 0.005766091129348976 0.07392025557325767 384.0845939278024 -0.00321695705741566 0.9993975263906439 -0.03455771160758558 -3405.1510570392534 -0.07407498348442897 0.03422479272910728 0.9966652198127671 -18280.746483418276 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/86521638_6062929958.jpg buckingham_palace/test/images/26420725_8870834351.jpg 0 0 948.461 0.0 319.5 0.0 948.461 239.5 0.0 0.0 1.0 644.06 0.0 319.5 0.0 644.06 213.0 0.0 0.0 1.0 0.9757958963076518 -0.0004772823056604559 -0.21868274040432828 26974.384217132345 0.005434765089879785 0.9997416826569723 0.022068785345447782 -8062.48316289081 0.2186157178191082 -0.02272311949989107 0.9755464252215934 -98585.56538817546 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/12276618_145746984.jpg buckingham_palace/test/images/38329625_8740352627.jpg 0 0 1074.1 0.0 319.5 0.0 1074.1 212.0 0.0 0.0 1.0 523.576 0.0 319.5 0.0 523.576 239.5 0.0 0.0 1.0 0.9924484942459424 0.0124362368986232 0.1220300220468832 -24458.624184230866 -0.006837400477196556 0.9989091446707363 -0.04619275536154931 -2775.395780040227 -0.12247136899567958 0.04500956237266513 0.99145090804908 -94712.38346192968 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/48728464_4071692457.jpg buckingham_palace/test/images/72406227_262180777.jpg 0 0 569.812 0.0 249.5 0.0 569.812 187.0 0.0 0.0 1.0 895.882 0.0 319.5 0.0 895.882 239.5 0.0 0.0 1.0 0.7862356781605108 -0.0010955393225864799 0.617925770769495 -41085.6633935509 -0.00863355380423927 0.9998813421964856 0.01275787114153048 5515.649297829013 -0.6178664258043085 -0.015365588857810076 0.7861329267642092 101325.34792932741 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/39733199_8623371744.jpg buckingham_palace/test/images/30612743_2756901875.jpg 0 0 1338.45 0.0 319.5 0.0 1338.45 239.5 0.0 0.0 1.0 565.589 0.0 249.5 0.0 565.589 187.0 0.0 0.0 1.0 0.8771367158792325 -0.04519925244233696 -0.4781089930499621 33848.32333501044 0.030787118267603282 0.9988055386049528 -0.037942712091347 -3839.4037987644324 0.4792528925373028 0.018561347761521466 0.8774805646644857 -17665.306076816512 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/70919478_5339080781.jpg buckingham_palace/test/images/72406227_262180777.jpg 0 0 458.531 0.0 319.5 0.0 458.531 212.5 0.0 0.0 1.0 895.882 0.0 319.5 0.0 895.882 239.5 0.0 0.0 1.0 0.9741464651936284 -0.0018527319891727618 0.22590978671791853 -14784.955262391888 0.007572970874446879 0.9996722008010956 -0.024456922488907695 5651.632433387236 -0.22579042154815593 0.02553543282715128 0.9738411714481146 109029.65943064367 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/04439510_3913043145.jpg buckingham_palace/test/images/81888816_2734302.jpg 0 0 534.779 0.0 319.5 0.0 534.779 213.0 0.0 0.0 1.0 669.636 0.0 319.5 0.0 669.636 239.5 0.0 0.0 1.0 0.9964214687274265 0.02364611876494155 -0.08114873829230129 6897.8055502105635 -0.012226299526802776 0.9902955789367234 0.13843837595934427 -2172.943151809824 0.08363476704671945 -0.13695082112106566 0.9870408797690735 -8701.131377638912 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/30480553_12091359825.jpg buckingham_palace/test/images/89902711_383052108.jpg 0 0 731.871 0.0 319.5 0.0 731.871 239.5 0.0 0.0 1.0 728.351 0.0 319.5 0.0 728.351 239.5 0.0 0.0 1.0 0.9755067345839662 0.014673364040044459 -0.21947961902890956 22167.93148611758 -0.007202531891883771 0.9993683285972063 0.0348003926870454 -1878.8388438464112 0.21985161886070642 -0.03236720847670517 0.9749962202489566 3625.447295458982 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/12103866_2466593345.jpg buckingham_palace/test/images/58961667_2085265349.jpg 0 0 415.566 0.0 249.5 0.0 415.566 166.5 0.0 0.0 1.0 391.75 0.0 249.5 0.0 391.75 166.5 0.0 0.0 1.0 0.807906738652516 0.13586943104138205 0.5734336921984496 -40380.60844437595 -0.04567509606161355 0.9845687392638695 -0.16893248137678238 4952.722987360947 -0.5875376475083256 0.11029005110546324 0.8016455684325441 33375.5675554491 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/17182999_6309727384.jpg buckingham_palace/test/images/37524858_3739802247.jpg 0 0 652.054 0.0 319.5 0.0 652.054 239.5 0.0 0.0 1.0 1477.42 0.0 319.5 0.0 1477.42 239.5 0.0 0.0 1.0 0.7434275100035345 -0.059504752456461134 0.6661641853214867 -58360.53524830457 0.015896397731116226 0.9973249906279691 0.07134541056084179 1876.3789335125862 -0.6686275808767679 -0.04245053007933113 0.7423847456587891 64091.578459147015 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/66200544_112696421.jpg buckingham_palace/test/images/38109366_1994420460.jpg 0 0 674.569 0.0 249.5 0.0 674.569 187.0 0.0 0.0 1.0 562.71 0.0 249.5 0.0 562.71 160.0 0.0 0.0 1.0 0.7301172222791 0.04063148895021613 0.6821128380533089 -78406.08059541685 -0.035157769447086734 0.9991421434936589 -0.021883974556795038 1948.6044731441907 -0.6824168615875174 -0.008003699181342564 0.7309193989903795 7227.643878386798 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/91534757_514721391.jpg buckingham_palace/test/images/36807384_2580130370.jpg 0 0 527.291 0.0 249.5 0.0 527.291 187.0 0.0 0.0 1.0 749.48 0.0 319.5 0.0 749.48 212.5 0.0 0.0 1.0 0.9992540858770489 -0.010407637419234398 -0.03718807525771191 -6564.840906109232 0.010511033516910833 0.9999414138712246 0.002585923359814363 4593.582806430996 0.037158983199623054 -0.0029748795885226253 0.9993049384742397 44079.94669368728 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/37946480_5143153071.jpg buckingham_palace/test/images/04861657_8587228495.jpg 0 0 936.404 0.0 319.5 0.0 936.404 239.5 0.0 0.0 1.0 671.319 0.0 319.5 0.0 671.319 239.5 0.0 0.0 1.0 0.926864464877034 0.055507023395895354 0.3712697592074217 -14101.457694557539 -0.08624630851140135 0.9940387876380667 0.06669679856783485 3114.8388404169996 -0.3653544005706862 -0.09383953870714455 0.9261265048355245 26672.70177333812 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/13281945_9328537386.jpg buckingham_palace/test/images/32929018_8338714866.jpg 0 0 480.216 0.0 319.5 0.0 480.216 211.5 0.0 0.0 1.0 503.595 0.0 319.5 0.0 503.595 213.0 0.0 0.0 1.0 0.9999269364538871 -0.004243605247932207 -0.011318726449738623 710.4428180248287 0.0039606121474995235 0.9996818893973276 -0.02490850381710062 1023.4052163416618 0.011420827700362625 0.02486185482801233 0.9996256563679972 8137.762081453368 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88674170_169924932.jpg buckingham_palace/test/images/03816463_2554479425.jpg 0 0 761.397 0.0 319.5 0.0 761.397 201.0 0.0 0.0 1.0 511.567 0.0 319.5 0.0 511.567 239.5 0.0 0.0 1.0 0.9440489867104418 0.1373520193735897 0.29984318145488126 -33747.774349212064 -0.20873993869667437 0.9527220674080675 0.22079017248647242 -5567.919548909309 -0.25534123968504663 -0.2710259859269858 0.9280871544571709 -12096.895264606796 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/80691584_9772041992.jpg buckingham_palace/test/images/67361631_6199942663.jpg 0 0 550.47 0.0 319.5 0.0 550.47 179.0 0.0 0.0 1.0 507.066 0.0 319.5 0.0 507.066 212.5 0.0 0.0 1.0 0.7653810372776405 0.05038184564630312 0.6416023202927769 -17539.761286092424 -0.17000187719942056 0.9773485167988485 0.1260525226235629 5029.706855774439 -0.6207183173746977 -0.20555180938236178 0.7566090299059094 18587.37282479774 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/84152459_248601304.jpg buckingham_palace/test/images/12944457_8797082397.jpg 0 0 652.486 0.0 319.5 0.0 652.486 239.5 0.0 0.0 1.0 672.2 0.0 319.5 0.0 672.2 239.5 0.0 0.0 1.0 0.9999380584614322 -0.01096062262443469 -0.001934939809480498 7586.720882797526 0.01083178595742663 0.99829861839398 -0.05729346320168908 1507.3480949476466 0.002559619767480588 0.057268955502571696 0.9983555053598345 15508.601725405477 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/91534757_514721391.jpg buckingham_palace/test/images/72807922_9586802730.jpg 0 0 527.291 0.0 249.5 0.0 527.291 187.0 0.0 0.0 1.0 604.967 0.0 319.5 0.0 604.967 213.0 0.0 0.0 1.0 0.818177708896693 0.04111721410668706 0.5734933403001845 -83992.2480034182 -0.05377285713787236 0.9985400466022969 0.005123979577700984 144.8359968463401 -0.5724453829840784 -0.035030701328799874 0.8191941976507305 -8244.034578177034 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/62110008_3103434698.jpg buckingham_palace/test/images/80530823_8244099451.jpg 0 0 717.566 0.0 319.5 0.0 717.566 239.5 0.0 0.0 1.0 620.878 0.0 319.5 0.0 620.878 183.5 0.0 0.0 1.0 0.8327936651337614 -0.05456932898787322 -0.5508873747390564 13491.079312713682 0.09242093815275142 0.9948686681631743 0.04116677420198496 -3787.493915952393 0.5458141455697548 -0.08519695675929498 0.833563673065779 -17554.201655667635 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/12944457_8797082397.jpg buckingham_palace/test/images/44579495_1325305773.jpg 0 0 672.2 0.0 319.5 0.0 672.2 239.5 0.0 0.0 1.0 1027.15 0.0 213.0 0.0 1027.15 319.5 0.0 0.0 1.0 0.97173076465034 0.04031215564910518 0.2326247001910754 -27533.41196232553 -0.028502120281579293 0.9981389508134052 -0.05390977655833061 1954.79992968461 -0.2343649934856308 0.04575549121184323 0.9710713078103189 -8263.98238155255 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88595844_3830407687.jpg buckingham_palace/test/images/78715037_9287831735.jpg 0 0 507.93 0.0 319.5 0.0 507.93 213.5 0.0 0.0 1.0 629.677 0.0 319.5 0.0 629.677 212.5 0.0 0.0 1.0 0.4872353216470434 -0.09200957221463535 -0.8684100298593873 105089.02602846429 0.20103772851078902 0.9795420509393815 0.009011223928670441 8513.783402013658 0.8498150228459862 -0.178973766408237 0.495764881655534 29984.04549247532 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/89269947_2824630864.jpg buckingham_palace/test/images/31650540_6170454977.jpg 0 0 509.392 0.0 239.5 0.0 509.392 319.5 0.0 0.0 1.0 681.385 0.0 319.5 0.0 681.385 239.5 0.0 0.0 1.0 0.8953102093690136 -0.06055351283128322 -0.44130817019788393 30155.738215017962 0.0550909630218279 0.9981634100764015 -0.025195090354614914 1184.1111924460956 0.44202331928637034 -0.0017546704651406704 0.8970018429962215 15728.618642461486 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/44566410_157895322.jpg buckingham_palace/test/images/06301377_3135673857.jpg 0 0 781.017 0.0 319.5 0.0 781.017 212.5 0.0 0.0 1.0 498.489 0.0 249.5 0.0 498.489 187.0 0.0 0.0 1.0 0.9686201287785279 0.014460660443569898 0.24812483838705865 -32492.65801675448 0.012865204436589974 0.9940507140733262 -0.10815574124897492 5451.139196716902 -0.2482126762272083 0.10795400478836457 0.9626714913251981 -88043.41741626411 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/56337910_5339349187.jpg buckingham_palace/test/images/09863937_226875692.jpg 0 0 489.79 0.0 319.5 0.0 489.79 239.5 0.0 0.0 1.0 673.473 0.0 319.5 0.0 673.473 239.5 0.0 0.0 1.0 0.9817523095107119 0.014447745919807768 0.18961451792576473 -36009.08244419833 -0.010548405121786172 0.9997119556990414 -0.021557754562686025 476.96431653466425 -0.18987136150502043 0.01916424457772895 0.9816219220300628 -643.3448934939288 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/85663743_198290385.jpg buckingham_palace/test/images/22244788_9510402492.jpg 0 0 495.764 0.0 319.5 0.0 495.764 212.0 0.0 0.0 1.0 564.184 0.0 319.5 0.0 564.184 213.0 0.0 0.0 1.0 0.9735391041442519 0.0050496322556724624 0.2284646885540312 -23961.10162806494 -0.009758460703489832 0.9997625104313722 0.019485768669950058 391.65894023030785 -0.22831203460769756 -0.021199621459894864 0.9733571754003002 16023.999641776241 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/13870492_3491797363.jpg buckingham_palace/test/images/83387888_3756983584.jpg 0 0 780.996 0.0 319.5 0.0 780.996 213.5 0.0 0.0 1.0 533.38 0.0 319.5 0.0 533.38 239.5 0.0 0.0 1.0 0.9997763210335412 0.003171429523494636 0.020910522122007676 4242.875592071799 -0.005031151373400869 0.9959746700606806 0.08949382164918508 -17598.5538478609 -0.020542527023114567 -0.08957900776574686 0.9957678474178651 -64888.68556020564 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/66200544_112696421.jpg buckingham_palace/test/images/25818240_3063650971.jpg 0 0 674.569 0.0 249.5 0.0 674.569 187.0 0.0 0.0 1.0 574.66 0.0 249.5 0.0 574.66 187.0 0.0 0.0 1.0 0.8320932200105176 0.03086539321520632 0.5537763092749629 -60149.445088501845 -0.039106016707119794 0.9992303615230498 0.0030666052595390244 323.59209801498594 -0.5532554497425499 -0.02420768704742486 0.8326598316347333 2811.9667225853755 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/16644081_2109119383.jpg buckingham_palace/test/images/40580817_2599681870.jpg 0 0 565.378 0.0 319.5 0.0 565.378 211.5 0.0 0.0 1.0 725.526 0.0 319.5 0.0 725.526 235.0 0.0 0.0 1.0 0.8838321458621686 0.04357572661486472 0.46577021586900663 -30444.992049871453 -0.02574793427367365 0.9986742355961167 -0.04457370342646636 8051.226182118722 -0.46709504581114225 0.02740305104360768 0.8837823776089839 44714.03693678393 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/40580817_2599681870.jpg buckingham_palace/test/images/59701829_966630682.jpg 0 0 725.526 0.0 319.5 0.0 725.526 235.0 0.0 0.0 1.0 725.011 0.0 319.5 0.0 725.011 239.5 0.0 0.0 1.0 0.986735635827471 0.14308750094314907 -0.07667302043092157 16079.893157158916 -0.14639970576395156 0.9884386629283917 -0.03944788689603351 -7826.341857342262 0.07014207824397992 0.05014954338952817 0.9962756205776779 -32602.41010618951 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/14261176_44001540.jpg buckingham_palace/test/images/38217522_12120715573.jpg 0 0 649.057 0.0 319.5 0.0 649.057 239.5 0.0 0.0 1.0 416.694 0.0 319.5 0.0 416.694 239.5 0.0 0.0 1.0 0.8304430231547423 -0.06841128147787998 -0.5528872234553504 43067.115290537375 0.025272526159630132 0.9960360702893238 -0.08528450096067695 709.4671116615755 0.5565300393645637 0.0568510619879275 0.8288801312829993 15525.489072294899 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/12944457_8797082397.jpg buckingham_palace/test/images/16644081_2109119383.jpg 0 0 672.2 0.0 319.5 0.0 672.2 239.5 0.0 0.0 1.0 565.378 0.0 319.5 0.0 565.378 211.5 0.0 0.0 1.0 0.9783863085914734 0.021175406237674176 -0.20569840381349477 21364.86981752094 -0.0077531086586757145 0.9978000390018164 0.06584050025706506 -8052.103660377334 0.20664007468755158 -0.06282264192664366 0.9763980720968675 -44646.442123106026 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/82272875_8380227216.jpg buckingham_palace/test/images/72721744_6254882589.jpg 0 0 509.154 0.0 319.5 0.0 509.154 213.0 0.0 0.0 1.0 292.816 0.0 319.5 0.0 292.816 187.0 0.0 0.0 1.0 0.9995383757101879 -0.0037968035298574284 0.03014332041423379 -1266.989764557905 0.006403282970479033 0.9962008182542602 -0.086850029802771 -5521.649318914973 -0.02969904796183666 0.0870029539297254 0.9957652597664084 -18996.31111048885 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/80448535_2424346689.jpg buckingham_palace/test/images/33761766_8290174554.jpg 0 0 770.034 0.0 319.5 0.0 770.034 239.5 0.0 0.0 1.0 1038.17 0.0 319.5 0.0 1038.17 239.5 0.0 0.0 1.0 0.8715472699095831 0.0191572714253953 0.48993709317083356 -60014.077829549606 -0.048387504783251975 0.9977192116663917 0.04706404203470985 9190.289549089392 -0.4879180317368924 -0.0647253707855575 0.8704864276269154 73211.97440927023 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/86900704_328544021.jpg buckingham_palace/test/images/76951988_220277127.jpg 0 0 516.297 0.0 249.5 0.0 516.297 187.0 0.0 0.0 1.0 678.241 0.0 319.5 0.0 678.241 239.5 0.0 0.0 1.0 0.9996399558950989 -0.025548763726039484 0.008198734665514624 -943.1214774567343 0.024651058409908368 0.9951328903998145 0.09540888723689374 -3983.356864236785 -0.01059640964269447 -0.095172428342362 0.9954044027359443 -22711.162502929154 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/77240749_6969127619.jpg buckingham_palace/test/images/97388840_133082926.jpg 0 0 762.681 0.0 319.5 0.0 762.681 211.5 0.0 0.0 1.0 510.082 0.0 249.5 0.0 510.082 187.0 0.0 0.0 1.0 0.9982801597346266 -0.030469357207870973 -0.050083340059819036 692.1000760306779 0.028743183200273942 0.998979747378681 -0.03483236636723937 287.94572958588105 0.05109356221407741 0.03333290564240176 0.9981374481010673 905.7019935767385 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/13870492_3491797363.jpg buckingham_palace/test/images/22840995_489214596.jpg 0 0 780.996 0.0 319.5 0.0 780.996 213.5 0.0 0.0 1.0 583.912 0.0 319.5 0.0 583.912 239.5 0.0 0.0 1.0 0.8931463507182665 0.06885839626380068 0.4444638539438507 -63180.424181637805 -0.0457211949972251 0.9969919926495501 -0.06258225723562 -1285.5040061053933 -0.4474362172719917 0.03557369613432087 0.8936080480930518 -15461.25061090172 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/72721744_6254882589.jpg buckingham_palace/test/images/81973508_8989799070.jpg 0 0 292.816 0.0 319.5 0.0 292.816 187.0 0.0 0.0 1.0 697.977 0.0 319.5 0.0 697.977 239.5 0.0 0.0 1.0 0.8948589423664294 0.10934496751910316 0.43274836954641654 -37017.06031693358 -0.013452168376945241 0.9756955135893101 -0.21871740654929797 127.75731007668855 -0.44614629039452286 0.18989982316984627 0.8745807822764388 26888.666159487922 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/91136231_4677075766.jpg buckingham_palace/test/images/95766633_4569126850.jpg 0 0 492.926 0.0 319.5 0.0 492.926 213.5 0.0 0.0 1.0 990.493 0.0 319.5 0.0 990.493 256.0 0.0 0.0 1.0 0.6576710244755465 -0.18737106659747305 -0.7296306647663671 26070.62618657257 0.021034114876476762 0.9727623710774719 -0.23084829526573938 -1068.6765327532762 0.7530115467751132 0.13647509962575635 0.6436988096971218 188842.69299872237 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/40580817_2599681870.jpg buckingham_palace/test/images/86758289_301058596.jpg 0 0 725.526 0.0 319.5 0.0 725.526 235.0 0.0 0.0 1.0 681.584 0.0 319.5 0.0 681.584 213.0 0.0 0.0 1.0 0.9989685988765581 -0.01704437335980534 -0.042085957223017965 -8001.974631218895 0.014847779275103966 0.9985385214881386 -0.051965032039634734 -258.92695794138 0.042910160908623186 0.05128655224378054 0.9977616988288045 -2755.6845029640945 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/48484647_7883607208.jpg buckingham_palace/test/images/78229868_1364933904.jpg 0 0 530.224 0.0 319.5 0.0 530.224 182.5 0.0 0.0 1.0 870.492 0.0 249.5 0.0 870.492 187.0 0.0 0.0 1.0 0.9967768668459314 0.0020343737414286202 -0.08019812369556026 5421.848660307471 -0.0027153196722491243 0.9999611783272284 -0.008382653368608484 6451.933800321052 0.08017795682034867 0.00857339850356508 0.9967436942756215 79717.0265576392 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/83626729_2399731869.jpg buckingham_palace/test/images/70919478_5339080781.jpg 0 0 900.714 0.0 319.5 0.0 900.714 213.0 0.0 0.0 1.0 458.531 0.0 319.5 0.0 458.531 212.5 0.0 0.0 1.0 0.960881870826327 0.062189949952552274 -0.26988597674239534 39425.88348077193 -0.06381367616401559 0.9979580068579845 0.0027624775968771945 -3774.131748566878 0.26950666977225596 0.014568001679645087 0.9628883259627411 -49822.166298092015 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/92472013_4238693784.jpg buckingham_palace/test/images/90381445_97622371.jpg 0 0 640.379 0.0 319.5 0.0 640.379 210.5 0.0 0.0 1.0 621.695 0.0 319.5 0.0 621.695 239.5 0.0 0.0 1.0 0.9590673094608629 -0.026307929937752397 -0.2819535223151009 907.8536606073121 -0.010059054390579967 0.9918818492684293 -0.12676439766988454 505.464549183563 0.28299949001415026 0.12441177562526629 0.9510168235827897 8401.052904649308 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/44460121_952952106.jpg buckingham_palace/test/images/34511353_8612252871.jpg 0 0 820.061 0.0 319.5 0.0 820.061 213.0 0.0 0.0 1.0 526.275 0.0 319.5 0.0 526.275 239.5 0.0 0.0 1.0 0.965578761012285 0.02691648564421978 0.2587144353965291 -8211.834358749686 -0.07919081089710385 0.9778348748997502 0.19382407719178957 -18129.23045425193 -0.24776293457948767 -0.2076402182390352 0.9463081253049695 -76284.87840733492 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/53946397_6373045583.jpg buckingham_palace/test/images/14844450_287573284.jpg 0 0 518.644 0.0 319.5 0.0 518.644 213.5 0.0 0.0 1.0 553.557 0.0 249.5 0.0 553.557 186.5 0.0 0.0 1.0 0.8706382375462505 0.1342724948326709 0.4732440770403458 -63313.61340240674 -0.024406122467167213 0.9726327654780573 -0.23106242599051904 325.48969731544855 -0.4913180237976989 0.18962173042643826 0.8500883476684097 27369.633984294072 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/77853040_2216395549.jpg buckingham_palace/test/images/75966612_8640534113.jpg 0 0 539.264 0.0 319.5 0.0 539.264 239.5 0.0 0.0 1.0 858.38 0.0 319.5 0.0 858.38 239.5 0.0 0.0 1.0 0.9361651331674598 -0.029064219560458147 0.35035712435013155 -51673.500378295095 0.01262829390873546 0.9987137320605666 0.049106085026289145 3631.948522719534 -0.35133370125068636 -0.04154699188865575 0.9353280054774887 46535.5343569415 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/62184736_5578846989.jpg buckingham_palace/test/images/81547541_3154792166.jpg 0 0 581.244 0.0 319.5 0.0 581.244 239.5 0.0 0.0 1.0 514.553 0.0 249.5 0.0 514.553 187.0 0.0 0.0 1.0 0.9980516161068484 -0.03444921160827986 0.052021374511593686 -9333.994056646501 0.046047587081980756 0.9692914894246871 -0.24156495659097416 190.30664897047245 -0.04210215327551478 0.2434897540933495 0.9689892405703611 4758.47535361848 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/42330398_309946538.jpg buckingham_palace/test/images/99129354_2398993692.jpg 0 0 536.549 0.0 249.5 0.0 536.549 187.0 0.0 0.0 1.0 491.793 0.0 319.5 0.0 491.793 190.0 0.0 0.0 1.0 0.7895386751103922 0.04647958136755898 0.6119381741816923 -84419.94652118525 -0.011972515297656076 0.9981046579202467 -0.06036348826364581 1197.1654930593402 -0.6135840116743378 0.0403328693971106 0.7885987067348144 -4584.4443995019865 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/83721004_321291688.jpg buckingham_palace/test/images/24967538_249111453.jpg 0 0 713.043 0.0 319.5 0.0 713.043 239.5 0.0 0.0 1.0 1172.73 0.0 319.5 0.0 1172.73 239.5 0.0 0.0 1.0 0.9979476853268728 -0.03151291744243831 0.055743639861450575 -16345.703191081833 0.03148758476394423 0.999503254301395 0.001332909094582077 467.14398617631934 -0.05575795330238057 0.0004250590394988713 0.9984442247658816 2200.2403708401325 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/89902711_383052108.jpg buckingham_palace/test/images/36274822_6309726672.jpg 0 0 728.351 0.0 319.5 0.0 728.351 239.5 0.0 0.0 1.0 663.731 0.0 319.5 0.0 663.731 239.5 0.0 0.0 1.0 0.9978223465783999 -0.014145129866437579 0.06442421881433436 6266.282343579853 0.015691137555849183 0.9995993977995745 -0.02355487467449835 284.88549807070945 -0.06406522356925816 0.024514469600411905 0.9976445699292066 -4926.268467385015 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/72406227_262180777.jpg buckingham_palace/test/images/54107490_11614068883.jpg 0 0 895.882 0.0 319.5 0.0 895.882 239.5 0.0 0.0 1.0 544.935 0.0 319.5 0.0 544.935 239.5 0.0 0.0 1.0 0.642115148355301 -0.02321581564180174 -0.7662565902860059 133212.7196829755 0.16649211781152812 0.9799070367649793 0.10982975009126603 -17178.011658650383 0.7483104375586925 -0.1980990287774364 0.6330784025996737 -62626.07416456019 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/83726223_2253829152.jpg buckingham_palace/test/images/14950658_8138839363.jpg 0 0 543.47 0.0 319.5 0.0 543.47 213.0 0.0 0.0 1.0 689.337 0.0 319.5 0.0 689.337 239.5 0.0 0.0 1.0 0.9995610182100989 -0.018735706086536442 -0.022950908309452227 -9295.498105906292 0.01428779092610133 0.983458198823085 -0.18057084537129847 5039.100800124438 0.02595438123404169 0.18016366027890385 0.9832941704340902 49962.51940081009 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/53271175_196359090.jpg buckingham_palace/test/images/93037627_13638822993.jpg 0 0 717.691 0.0 319.5 0.0 717.691 239.5 0.0 0.0 1.0 585.228 0.0 239.5 0.0 585.228 319.5 0.0 0.0 1.0 0.9782937920653074 -0.1065400296269692 -0.17773710499939332 -719.2442851904125 0.09467815604232743 0.9927568124431586 -0.0739591651935315 -398.2871720399339 0.18432933346297747 0.05552597081352035 0.9812948401934612 1002.558399483507 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/31650540_6170454977.jpg buckingham_palace/test/images/55790389_5367781874.jpg 0 0 681.385 0.0 319.5 0.0 681.385 239.5 0.0 0.0 1.0 866.206 0.0 319.5 0.0 866.206 212.0 0.0 0.0 1.0 0.5095447946506074 0.08607538806174321 0.8561279868188463 -33412.44983380556 -0.11656607524399072 0.9927166283703347 -0.030431001614257536 9700.85885185416 -0.8525118488013422 -0.08428952086146277 0.5158670607106663 58957.00092765019 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/18093615_4509989383.jpg buckingham_palace/test/images/61285342_3151612050.jpg 0 0 533.833 0.0 319.5 0.0 533.833 239.5 0.0 0.0 1.0 536.336 0.0 249.5 0.0 536.336 187.0 0.0 0.0 1.0 0.7882987543967256 -0.06069173399585829 0.6122920767420945 -51451.40465390631 0.05940524239984497 0.9979816830364541 0.02244053250576622 1470.7027530374987 -0.6124182320865266 0.018683515416073854 0.7903131248180754 13922.88532350419 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/66104636_8655068521.jpg buckingham_palace/test/images/73590053_4109923193.jpg 0 0 493.211 0.0 318.5 0.0 493.211 319.5 0.0 0.0 1.0 847.053 0.0 319.5 0.0 847.053 212.5 0.0 0.0 1.0 0.9975960064775937 -0.02283144035298088 -0.06542884066957788 30817.30143936923 0.034051921609871603 0.9838214643915141 0.1758857380153711 3204.314813326114 0.06035457310454525 -0.17769088759400378 0.9822338183810528 18974.12387813119 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/04439510_3913043145.jpg buckingham_palace/test/images/11074774_4612638895.jpg 0 0 534.779 0.0 319.5 0.0 534.779 213.0 0.0 0.0 1.0 503.963 0.0 319.5 0.0 503.963 212.5 0.0 0.0 1.0 0.9988201068430579 0.0136731594318254 0.046598700380740744 -294.4069592430669 -0.020985626300048358 0.9868532782094158 0.16025046263934442 -2655.9003872670723 -0.0437949501063408 -0.16103928712733762 0.985975836593728 -10446.86757641387 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/00144688_335879737.jpg buckingham_palace/test/images/06301377_3135673857.jpg 0 0 573.033 0.0 249.5 0.0 573.033 187.0 0.0 0.0 1.0 498.489 0.0 249.5 0.0 498.489 187.0 0.0 0.0 1.0 0.9980581304459828 -0.0020028364780908733 -0.06225718349485142 3601.3981833887437 -0.008769981106130465 0.9850087129595502 -0.1722815220073503 669.2175550819477 0.06166891990352748 0.17249296808801526 0.9830783896913406 3973.4706352572935 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/53184146_19405394.jpg buckingham_palace/test/images/81888816_2734302.jpg 0 0 671.452 0.0 319.5 0.0 671.452 239.5 0.0 0.0 1.0 669.636 0.0 319.5 0.0 669.636 239.5 0.0 0.0 1.0 0.9956715288307002 -0.024010737147731543 -0.08978692097159195 4553.2340118006105 0.021637274056487615 0.99939267293197 -0.027315081206119928 3448.005836530383 0.09038824617913992 0.02525410444888165 0.9955863574603381 8251.955152876952 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/96640391_498921406.jpg buckingham_palace/test/images/32929018_8338714866.jpg 0 0 717.897 0.0 319.5 0.0 717.897 239.5 0.0 0.0 1.0 503.595 0.0 319.5 0.0 503.595 213.0 0.0 0.0 1.0 0.6350550041342294 0.126427608988406 0.7620506554091719 -90501.46197536285 -0.021833449972835574 0.9890592068262236 -0.14589443393962997 3881.13492429696 -0.7721583012481037 0.0760127954870501 0.6308673495560588 29923.599972093067 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/13945740_8521059121.jpg buckingham_palace/test/images/86576612_2460544550.jpg 0 0 538.505 0.0 319.5 0.0 538.505 239.5 0.0 0.0 1.0 775.263 0.0 319.5 0.0 775.263 180.0 0.0 0.0 1.0 0.9382294656029926 -0.08171864054738083 -0.33622542090301727 20437.37161474549 0.03405415164816122 0.9888016846720135 -0.14529811817539737 8036.105784196343 0.3443338273098466 0.12487310429742535 0.930505735174844 82640.23528344269 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/97956510_3971081891.jpg buckingham_palace/test/images/66118214_3789268806.jpg 0 0 689.718 0.0 319.5 0.0 689.718 211.0 0.0 0.0 1.0 872.296 0.0 319.5 0.0 872.296 239.5 0.0 0.0 1.0 0.9811164895135186 -0.012157550180516917 -0.19303530241455372 16658.5862141626 0.007701859608451793 0.9996866917934629 -0.023815952838671942 -1074.1662451599689 0.19326436651188883 0.021879493244825403 0.980902733410458 19972.33402563355 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/05043726_7787106650.jpg buckingham_palace/test/images/61577420_5186173128.jpg 0 0 822.189 0.0 319.5 0.0 822.189 213.0 0.0 0.0 1.0 1021.11 0.0 319.5 0.0 1021.11 213.0 0.0 0.0 1.0 0.9794054598056879 -0.01056205320362991 -0.20162685420085438 29169.076073920172 -0.008808594094737296 0.9954446527072086 -0.09493340859096325 2991.370447907194 0.2017110655687562 0.09475434780920769 0.9748508909563393 36800.57823589227 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/19476535_153176579.jpg buckingham_palace/test/images/62374720_4605102748.jpg 0 0 838.719 0.0 319.5 0.0 838.719 239.5 0.0 0.0 1.0 651.644 0.0 319.5 0.0 651.644 239.5 0.0 0.0 1.0 0.7807302856031064 0.012021052212428473 0.6247525233608887 -83383.6305262147 -0.18153564498343133 0.9610557872921872 0.20836646398267597 -12041.628975617072 -0.5979172440585248 -0.2760928612186492 0.7525076087599105 -35404.56096156861 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/72721744_6254882589.jpg buckingham_palace/test/images/63914563_273289734.jpg 0 0 292.816 0.0 319.5 0.0 292.816 187.0 0.0 0.0 1.0 699.454 0.0 319.5 0.0 699.454 212.5 0.0 0.0 1.0 0.7082904589065114 -0.2126478979655771 -0.673131114503575 25303.923412946537 0.11699200678719261 0.9757239585497597 -0.18513677932785866 2757.861440091796 0.6961591026266258 0.052379654473929796 0.7159740746893584 29918.199137667725 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/51589862_5512805543.jpg buckingham_palace/test/images/25475150_3097984411.jpg 0 0 530.902 0.0 319.5 0.0 530.902 205.5 0.0 0.0 1.0 1222.25 0.0 319.5 0.0 1222.25 239.5 0.0 0.0 1.0 0.9684477008649433 -0.013951897517056859 -0.24882603409828127 8696.581990177081 0.016054777161925195 0.9998504784915505 0.006423767624893106 4179.338157708016 0.24869920550674543 -0.010215929516751885 0.9685268917094779 20345.145523539737 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/06301377_3135673857.jpg buckingham_palace/test/images/25118590_2173288922.jpg 0 0 498.489 0.0 249.5 0.0 498.489 187.0 0.0 0.0 1.0 536.77 0.0 249.5 0.0 536.77 187.0 0.0 0.0 1.0 0.8812571110529545 0.0069923445994289285 -0.4725854540034043 32350.99036262806 0.07705950328245709 0.9843855541951877 0.1582621674491225 -2791.3479715977096 0.4663129176555823 -0.17588686081920943 0.8669579430507008 -2372.3018541994684 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/16644081_2109119383.jpg buckingham_palace/test/images/71145896_2328923072.jpg 0 0 565.378 0.0 319.5 0.0 565.378 211.5 0.0 0.0 1.0 1341.47 0.0 319.5 0.0 1341.47 239.5 0.0 0.0 1.0 0.900735734496898 0.03780888845709378 0.43271887473736675 -20284.231049924878 -0.004574947708046472 0.9969750275592039 -0.07758778432713138 6306.304956660718 -0.4343434199499314 0.06790642367967742 0.8981840074111951 46738.6839184537 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/92891727_3739824491.jpg buckingham_palace/test/images/65805167_10855307395.jpg 0 0 528.312 0.0 319.5 0.0 528.312 239.5 0.0 0.0 1.0 590.213 0.0 319.5 0.0 590.213 239.5 0.0 0.0 1.0 0.7031708761093358 -0.054696256365150804 -0.7089139852840167 54525.679958020104 -0.09881286818866841 0.9798442770374164 -0.17361223988345761 -3275.05169451636 0.7041212509731247 0.19212889500712818 0.6835932647644954 93919.47901399712 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/44119452_427463944.jpg buckingham_palace/test/images/20376856_499480088.jpg 0 0 842.739 0.0 249.5 0.0 842.739 166.0 0.0 0.0 1.0 1908.96 0.0 239.5 0.0 1908.96 319.5 0.0 0.0 1.0 0.9999997686820464 -0.0006448408341251412 0.0002163704052915226 643.2393685029665 0.0006535922651389156 0.9990648049583156 -0.04323295399061064 1293.0379381225237 -0.00018828968264830357 0.04323308540807551 0.9990649953196706 7107.37690366591 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88975383_10138413065.jpg buckingham_palace/test/images/12225450_205688460.jpg 0 0 818.871 0.0 319.5 0.0 818.871 180.0 0.0 0.0 1.0 880.89 0.0 249.5 0.0 880.89 187.0 0.0 0.0 1.0 0.7189835348588838 0.056479900037443985 0.6927284442648395 -123164.27978636065 -0.04242603609773452 0.9984005493739464 -0.037368094289590564 2456.7176450863562 -0.6937310055510408 -0.002522677459037657 0.7202297744717164 -6544.517463842727 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/32775626_3045815026.jpg buckingham_palace/test/images/05108322_3880700444.jpg 0 0 821.763 0.0 249.5 0.0 821.763 140.5 0.0 0.0 1.0 525.813 0.0 319.5 0.0 525.813 213.0 0.0 0.0 1.0 0.5723251807269923 -0.06686376794823327 -0.8172962278400532 169417.90378973895 0.05588895517030499 0.9975332360986594 -0.042471962145721104 4461.579639355659 0.8181199864297333 -0.0213700588277323 0.5746503357607234 -28512.519549324745 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/24967538_249111453.jpg buckingham_palace/test/images/62184736_5578846989.jpg 0 0 1172.73 0.0 319.5 0.0 1172.73 239.5 0.0 0.0 1.0 581.244 0.0 319.5 0.0 581.244 239.5 0.0 0.0 1.0 0.9976833566182017 0.01321382740009714 -0.06673316036633187 14617.532163692067 -0.004644717531387724 0.9918962972176966 0.1269652006058216 -674.6405487837465 0.0678700709156233 -0.126361110834241 0.9896598017210991 773.6799040554251 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/22444681_3699549677.jpg buckingham_palace/test/images/74825492_11236890775.jpg 0 0 665.502 0.0 239.5 0.0 665.502 319.5 0.0 0.0 1.0 786.182 0.0 319.5 0.0 786.182 319.5 0.0 0.0 1.0 0.995472068303933 0.006425608425613203 0.09483708548374054 -2909.7846015160126 0.010301478626639424 0.9845433263662576 -0.17483797655477876 -1687.233856631471 -0.09449465998031058 0.17502328434818368 0.9800191881647932 22538.4478668002 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/25118590_2173288922.jpg buckingham_palace/test/images/32263702_6268986774.jpg 0 0 536.77 0.0 249.5 0.0 536.77 187.0 0.0 0.0 1.0 734.84 0.0 319.5 0.0 734.84 212.5 0.0 0.0 1.0 0.6100890469906336 0.08336967666754082 0.7879345478873293 -54943.33591961836 -0.003293216720236755 0.9947071364623863 -0.10269794250340794 -90.18250850564664 -0.7923260121097211 0.0600600506422483 0.6071344833322817 72214.64144695754 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/76017051_5339375111.jpg buckingham_palace/test/images/82724591_6779971696.jpg 0 0 482.865 0.0 319.5 0.0 482.865 239.5 0.0 0.0 1.0 530.953 0.0 319.5 0.0 530.953 213.0 0.0 0.0 1.0 0.47293053559071485 -0.09594908380945362 -0.8758598528429112 77867.42187977809 0.042429071721664324 0.9953798317656269 -0.08613224940212758 -328.41120911154667 0.8800775433896252 0.0035726503269829877 0.47481654751169294 41635.175471546434 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/19261012_8226612879.jpg buckingham_palace/test/images/86424981_8226612445.jpg 0 0 498.357 0.0 319.5 0.0 498.357 239.5 0.0 0.0 1.0 467.776 0.0 319.5 0.0 467.776 239.5 0.0 0.0 1.0 0.9930400214530705 0.03662499967537351 -0.11193804175196288 64.52529135552322 -0.02059111557220808 0.9897708698209041 0.14117234578154048 -1345.8726926182976 0.11596345006930957 -0.13788486012883994 0.9836362354017226 -5694.868683265685 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/19420154_8889807230.jpg buckingham_palace/test/images/93206568_5039285632.jpg 0 0 742.327 0.0 319.5 0.0 742.327 213.0 0.0 0.0 1.0 801.943 0.0 319.5 0.0 801.943 212.0 0.0 0.0 1.0 0.8386436223016547 0.16999486460759508 0.5174733044127061 -34087.74003692309 0.045737924156145526 0.9247148435174652 -0.3779027658966741 3354.2840957134435 -0.5427567752379019 0.34059389921945926 0.7677309937392384 79887.26081972738 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/56337910_5339349187.jpg buckingham_palace/test/images/44003925_4405523365.jpg 0 0 489.79 0.0 319.5 0.0 489.79 239.5 0.0 0.0 1.0 604.805 0.0 319.5 0.0 604.805 214.0 0.0 0.0 1.0 0.990448260327619 0.02527759517546018 0.13554809772231666 -18409.179101325797 -0.03897105190612983 0.9942899593654426 0.09934150098723414 3514.6293406038417 -0.13226299833030739 -0.10367506878325407 0.9857778549883663 3743.6378986488935 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/77240749_6969127619.jpg buckingham_palace/test/images/44003925_4405523365.jpg 0 0 762.681 0.0 319.5 0.0 762.681 211.5 0.0 0.0 1.0 604.805 0.0 319.5 0.0 604.805 214.0 0.0 0.0 1.0 0.798973569424359 0.09389468489250412 0.5939907604586422 -80525.94035942428 -0.11515584064017721 0.993345160893642 -0.002126898125960353 2166.517485054498 -0.5902375519464623 -0.06670216996561257 0.8044690502400484 -8552.167167882673 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/20914462_2140816472.jpg buckingham_palace/test/images/84152459_248601304.jpg 0 0 661.15 0.0 319.5 0.0 661.15 239.5 0.0 0.0 1.0 652.486 0.0 319.5 0.0 652.486 239.5 0.0 0.0 1.0 0.9960731269399197 0.01815007084663312 -0.08665391345111162 34326.53779205448 -0.004910007852357647 0.9885791153521185 0.15062278882198546 1805.84426387149 0.08839806338953551 -0.1496058408548438 0.984786207646662 15613.729247458687 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/28034388_6035093150.jpg buckingham_palace/test/images/74825492_11236890775.jpg 0 0 518.235 0.0 319.5 0.0 518.235 180.0 0.0 0.0 1.0 786.182 0.0 319.5 0.0 786.182 319.5 0.0 0.0 1.0 0.9417525240978587 0.026716362960968992 0.3352438206819773 -13503.711883522497 0.033184069214302066 0.9845930616456883 -0.17168378056633674 -1103.819070910165 -0.3346655059991878 0.1728083878441884 0.9263564433764143 22417.478891496634 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/75711673_2633557923.jpg buckingham_palace/test/images/44566410_157895322.jpg 0 0 645.555 0.0 319.5 0.0 645.555 178.5 0.0 0.0 1.0 781.017 0.0 319.5 0.0 781.017 212.5 0.0 0.0 1.0 0.9848940028492813 -0.014397519142917406 -0.17255872795674362 111.5217405899848 -0.0057299503121611825 0.9932817493802544 -0.11557912448847071 4713.673209002569 0.1730634878330502 0.11482193950038719 0.9781947410349481 66211.2230519836 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/83690948_250193885.jpg buckingham_palace/test/images/65292787_5063207561.jpg 0 0 540.856 0.0 249.5 0.0 540.856 187.0 0.0 0.0 1.0 693.23 0.0 319.5 0.0 693.23 239.5 0.0 0.0 1.0 0.9726819861807252 0.010828850272181516 -0.2318889599815012 23977.56289499008 -0.057658862843705395 0.9788784496104613 -0.19614391763139108 -6454.605091070578 0.22486709251264483 0.20415610911751286 0.9527618137892114 80508.03681688917 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/36295413_3359483424.jpg buckingham_palace/test/images/04439510_3913043145.jpg 0 0 742.129 0.0 319.5 0.0 742.129 239.5 0.0 0.0 1.0 534.779 0.0 319.5 0.0 534.779 213.0 0.0 0.0 1.0 0.9087887264504372 0.009078925141992726 -0.4171577924417315 59041.35186908819 -0.02456739455288599 0.9991930872161031 -0.03177448008128124 -697.6727465956105 0.4165327043600244 0.03912476936441928 0.9082784587452825 -70012.09353996538 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/39198502_290351893.jpg buckingham_palace/test/images/93206568_5039285632.jpg 0 0 802.492 0.0 319.5 0.0 802.492 239.5 0.0 0.0 1.0 801.943 0.0 319.5 0.0 801.943 212.0 0.0 0.0 1.0 0.9996669409352974 -0.0033480026921095395 0.02558902262765454 -18938.449687817672 0.003580969215329619 0.9999525113006061 -0.00906376318590837 -3492.60603324835 -0.02555746193470408 0.009152377919699008 0.9996314571470184 -54903.765921797174 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/14598577_8873221214.jpg buckingham_palace/test/images/13281945_9328537386.jpg 0 0 457.081 0.0 319.5 0.0 457.081 182.0 0.0 0.0 1.0 480.216 0.0 319.5 0.0 480.216 211.5 0.0 0.0 1.0 0.9122977816356624 0.10776841316322223 0.39509331397396497 -38159.72787731602 -0.041497081454486544 0.9841149560552651 -0.17261444174548 1820.3183534092122 -0.4074196237951833 0.14108055285057905 0.9022779659029507 -2524.7023995979775 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/02051732_4583773096.jpg buckingham_palace/test/images/81973508_8989799070.jpg 0 0 520.086 0.0 319.5 0.0 520.086 212.5 0.0 0.0 1.0 697.977 0.0 319.5 0.0 697.977 239.5 0.0 0.0 1.0 0.902089671437475 0.022966571484189992 0.4309370734574716 -19257.65182442184 -0.025359861450215623 0.9996783687468328 -0.00019101543767686814 149.40528601458664 -0.43080285759620335 -0.010756191423229453 0.9023819602768068 9572.521377845445 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/64410912_3739779843.jpg buckingham_palace/test/images/16644081_2109119383.jpg 0 0 1908.16 0.0 319.5 0.0 1908.16 239.5 0.0 0.0 1.0 565.378 0.0 319.5 0.0 565.378 211.5 0.0 0.0 1.0 0.8076684986206165 -0.05908888085216525 -0.5866686462523437 98675.89021485014 0.06435085002765717 0.9978562452914703 -0.011911416100823208 -19954.21287994617 0.5861148048263556 -0.028132150512315907 0.8097394751837875 -91832.92214145117 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/72406227_262180777.jpg buckingham_palace/test/images/59557144_4072456064.jpg 0 0 895.882 0.0 319.5 0.0 895.882 239.5 0.0 0.0 1.0 569.526 0.0 249.5 0.0 569.526 187.0 0.0 0.0 1.0 0.8707771910131294 -0.02286353510981951 -0.4911459481392123 86037.26378310684 -0.005329170800969337 0.9984206806277293 -0.0559262410093499 -61.54494325493374 0.4916489434035813 0.05131669569588286 0.8692801120427169 -67448.28981474692 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88943277_2580116986.jpg buckingham_palace/test/images/36576167_9378677290.jpg 0 0 502.948 0.0 319.5 0.0 502.948 212.5 0.0 0.0 1.0 462.249 0.0 319.5 0.0 462.249 179.5 0.0 0.0 1.0 0.6964912570395916 0.05517832757140796 0.7154406202011682 -18772.543210588774 -0.1038210359028569 0.9942969934432361 0.024386088940198433 1120.0365619314261 -0.7100148740494577 -0.09126248405650576 0.6982478339618167 7512.206761450252 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/96795280_10579107723.jpg buckingham_palace/test/images/86424981_8226612445.jpg 0 0 778.565 0.0 319.5 0.0 778.565 319.5 0.0 0.0 1.0 467.776 0.0 319.5 0.0 467.776 239.5 0.0 0.0 1.0 0.7250214144924327 0.0694746686027265 0.6852132653049948 -8401.48660655973 -0.10073445247022624 0.9948969463120088 0.005712819318304336 -211.27167124431094 -0.6813196889954932 -0.07316649944873121 0.7283200839915807 -2873.6094705402265 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/79123276_3884527240.jpg buckingham_palace/test/images/07739469_9102054751.jpg 0 0 1531.74 0.0 319.5 0.0 1531.74 212.0 0.0 0.0 1.0 522.246 0.0 319.5 0.0 522.246 211.5 0.0 0.0 1.0 0.9992796654572053 0.03641108233397025 -0.010695012248912663 14901.029183519884 -0.035688019873187204 0.9974742602041269 0.06141225828579077 -17164.39081726054 0.012904086223617167 -0.06098633710511332 0.9980551844688924 -72051.75902816276 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/52927333_9772228794.jpg buckingham_palace/test/images/82272875_8380227216.jpg 0 0 548.596 0.0 319.5 0.0 548.596 179.0 0.0 0.0 1.0 509.154 0.0 319.5 0.0 509.154 213.0 0.0 0.0 1.0 0.9990831733359741 0.022037838465423586 -0.036703493467135695 -2287.414024365697 -0.003789654188172201 0.899490359136728 0.4369241723013433 -14371.746233576176 0.04264330285114234 -0.4363844950222817 0.8987491981782759 -24025.064694413624 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/04747458_676507940.jpg buckingham_palace/test/images/16644081_2109119383.jpg 0 0 533.733 0.0 319.5 0.0 533.733 213.0 0.0 0.0 1.0 565.378 0.0 319.5 0.0 565.378 211.5 0.0 0.0 1.0 0.8612641916521173 0.02876314888761128 -0.5073427573582715 41706.507304367515 0.034954140626840366 0.9926786881876132 0.11561673785035802 -3457.2356227373493 0.5069538442805853 -0.11731028635285333 0.8539532168011006 -11042.028567950669 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/92766299_2205106180.jpg buckingham_palace/test/images/30612743_2756901875.jpg 0 0 529.386 0.0 319.5 0.0 529.386 213.0 0.0 0.0 1.0 565.589 0.0 249.5 0.0 565.589 187.0 0.0 0.0 1.0 0.8670219787698209 -0.02077816627326606 -0.4978364752972454 38631.41669211795 0.01798557879680157 0.9997841083448102 -0.010404597854629652 -3646.733699336951 0.49794518502080964 6.713786584465867e-05 0.8672085033064993 -14381.072037428792 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88595844_3830407687.jpg buckingham_palace/test/images/56990017_8603215183.jpg 0 0 507.93 0.0 319.5 0.0 507.93 213.5 0.0 0.0 1.0 531.719 0.0 319.5 0.0 531.719 213.0 0.0 0.0 1.0 0.6888401442463228 -0.0621084453759282 -0.7222477391364341 79427.33868650842 0.04997885920144697 0.9980211580400808 -0.03815601836221987 5363.608498217594 0.7231883359869868 -0.009813720870366367 0.690581147711876 61775.32774845433 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/09913545_5384620652.jpg buckingham_palace/test/images/50497824_8033642711.jpg 0 0 618.577 0.0 319.5 0.0 618.577 238.5 0.0 0.0 1.0 449.291 0.0 319.5 0.0 449.291 213.0 0.0 0.0 1.0 0.9490534387765007 -0.0023188946931825788 -0.31510663762272717 11558.908971732497 0.05738116040064874 0.9845259148565029 0.1655781549813886 4853.276896263516 0.3098466923779788 -0.175223701888094 0.9345007659274862 10381.341236667447 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/12276618_145746984.jpg buckingham_palace/test/images/31516490_8149048396.jpg 0 0 1074.1 0.0 319.5 0.0 1074.1 212.0 0.0 0.0 1.0 739.67 0.0 319.5 0.0 739.67 239.5 0.0 0.0 1.0 0.965849005884854 -0.0436989170889931 -0.2553940141751341 35878.28289129952 0.08129447385543168 0.9870121339660317 0.13855777107181125 -15385.131743431917 0.24602216638304733 -0.15458800745552423 0.956857168860182 -64472.97459184963 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/94916212_250193805.jpg buckingham_palace/test/images/66274507_2161991821.jpg 0 0 540.593 0.0 249.5 0.0 540.593 187.0 0.0 0.0 1.0 713.479 0.0 319.5 0.0 713.479 239.5 0.0 0.0 1.0 0.9998477316171603 -0.004248473514463938 0.01692524897353336 22616.074958087294 0.005168823242786298 0.9984889008475647 -0.054710128408795286 3974.6498656697877 -0.01666723871263669 0.05478928140630188 0.9983588221659971 43018.16052919652 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/96236969_1904716577.jpg buckingham_palace/test/images/88943277_2580116986.jpg 0 0 505.334 0.0 249.5 0.0 505.334 187.0 0.0 0.0 1.0 502.948 0.0 319.5 0.0 502.948 212.5 0.0 0.0 1.0 0.8780432720880021 0.014858784217485694 -0.47835052929057453 -9714.151195699094 0.010410379398843707 0.9986884070369875 0.05013072561510363 414.88961435100873 0.4784680097370844 -0.04899675684678399 0.8767369511300014 1146.8037862715046 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/39733199_8623371744.jpg buckingham_palace/test/images/84152459_248601304.jpg 0 0 1338.45 0.0 319.5 0.0 1338.45 239.5 0.0 0.0 1.0 652.486 0.0 319.5 0.0 652.486 239.5 0.0 0.0 1.0 0.9576287321546566 -0.01992555370018862 -0.28731547758797465 18429.267757374775 0.036777194817376235 0.9978971029721797 0.05337424304939646 -4015.622751254285 0.2856477713780205 -0.061679365994408465 0.956347743510329 -8134.990695637631 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/65805167_10855307395.jpg buckingham_palace/test/images/07739469_9102054751.jpg 0 0 590.213 0.0 319.5 0.0 590.213 239.5 0.0 0.0 1.0 522.246 0.0 319.5 0.0 522.246 211.5 0.0 0.0 1.0 0.9903208465563245 0.005533542592576161 0.13868670009175685 -36668.03976259075 -0.03426411336594865 0.9780261987327081 0.20564708878973836 -631.921759485153 -0.13450126918066682 -0.20840857587639058 0.9687493350139471 -15129.793187452695 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/72807922_9586802730.jpg buckingham_palace/test/images/81310018_8608208863.jpg 0 0 604.967 0.0 319.5 0.0 604.967 213.0 0.0 0.0 1.0 559.102 0.0 319.5 0.0 559.102 239.5 0.0 0.0 1.0 0.8792071890269192 -0.04621767848724375 -0.47419262431909787 44055.003211087074 -0.033815934795052786 0.9867201768461527 -0.1588703092419518 589.8100784032381 0.47523804700099515 0.15571518487272337 0.8659685790389473 -998.9996668228282 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/83387888_3756983584.jpg buckingham_palace/test/images/36807384_2580130370.jpg 0 0 533.38 0.0 319.5 0.0 533.38 239.5 0.0 0.0 1.0 749.48 0.0 319.5 0.0 749.48 212.5 0.0 0.0 1.0 0.9809567512956803 -0.034546761796688634 -0.19112920587076185 375.96580425588036 0.0014403263017718762 0.9853210896440386 -0.17070523062527687 9587.790601286299 0.1942209503312391 0.167179160041099 0.9666071336899925 102562.34074317673 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/46081654_9210533871.jpg buckingham_palace/test/images/32263702_6268986774.jpg 0 0 915.01 0.0 319.5 0.0 915.01 213.0 0.0 0.0 1.0 734.84 0.0 319.5 0.0 734.84 212.5 0.0 0.0 1.0 0.5431684073426096 0.07797087579123031 0.8359955883814468 -128065.72090468497 0.01310050552828099 0.9947705713681778 -0.10129110076770126 -2512.0280709951926 -0.8395215649522034 0.06597009070918174 0.539306489032003 57426.23823386938 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/30985649_2732223159.jpg buckingham_palace/test/images/97483818_594151094.jpg 0 0 688.364 0.0 319.5 0.0 688.364 239.5 0.0 0.0 1.0 655.958 0.0 319.5 0.0 655.958 239.5 0.0 0.0 1.0 0.9463518264267361 -0.0805265737652713 -0.31294359162061014 30973.436192043362 0.09064639714317779 0.9957222844124222 0.01789868736720702 -3397.0882548657178 0.3101635879721251 -0.0453056645700518 0.9496030462536037 -13918.768191983832 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/65805167_10855307395.jpg buckingham_palace/test/images/16644081_2109119383.jpg 0 0 590.213 0.0 319.5 0.0 590.213 239.5 0.0 0.0 1.0 565.378 0.0 319.5 0.0 565.378 211.5 0.0 0.0 1.0 0.9871749862219688 0.009535395297663786 -0.1593569038798536 4180.119758692439 0.018191003619660622 0.9849939715208833 0.1716273971568254 -11751.82612888776 0.15860212471768811 -0.1723251354388978 0.9721879518544759 -76659.65015010332 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/03096691_8059356963.jpg buckingham_palace/test/images/17182999_6309727384.jpg 0 0 490.55 0.0 319.5 0.0 490.55 213.0 0.0 0.0 1.0 652.054 0.0 319.5 0.0 652.054 239.5 0.0 0.0 1.0 0.9959243453853008 -0.00659079358627722 -0.08995142972050484 1749.2596230862691 -0.019564511028773934 0.957792950519921 -0.286792422916906 1638.8690148811884 0.0880450349370413 0.2873834117938048 0.9537603716074009 41542.4093582309 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/70392907_4845953799.jpg buckingham_palace/test/images/64761148_2638801531.jpg 0 0 367.397 0.0 319.5 0.0 367.397 213.0 0.0 0.0 1.0 566.477 0.0 249.5 0.0 566.477 186.5 0.0 0.0 1.0 0.8093490339975556 -0.17720729447226669 -0.5599568875842522 28841.008866041808 0.04706415400281569 0.9698993496086481 -0.23891466475861398 4461.876527211632 0.5854392424284717 0.16701145593803146 0.7933272130780816 103070.63619843246 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/16826010_408223455.jpg buckingham_palace/test/images/86521638_6062929958.jpg 0 0 761.316 0.0 319.5 0.0 761.316 239.5 0.0 0.0 1.0 948.461 0.0 319.5 0.0 948.461 239.5 0.0 0.0 1.0 0.5453375271061044 -0.16958265135512596 -0.820882881956473 47286.45388695689 0.047819160509263575 0.9840199916157165 -0.1715167163538147 7098.827372211776 0.8368514261312984 0.054280571662165024 0.5447323288754218 138641.7909964609 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/24708453_4252951589.jpg buckingham_palace/test/images/73390455_10578819085.jpg 0 0 716.742 0.0 319.5 0.0 716.742 239.5 0.0 0.0 1.0 778.562 0.0 319.5 0.0 778.562 319.5 0.0 0.0 1.0 0.8116662079421747 -0.029625518366735413 -0.5833697759965568 24648.378669202564 0.036859038679565456 0.9993203317756013 0.0005345722781642296 -1903.3356393144006 0.5829574411158923 -0.02193634339183509 0.8122065123391996 15110.935850359383 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/92801024_2417460983.jpg buckingham_palace/test/images/48484647_7883607208.jpg 0 0 532.662 0.0 213.0 0.0 532.662 319.5 0.0 0.0 1.0 530.224 0.0 319.5 0.0 530.224 182.5 0.0 0.0 1.0 0.965813859228014 0.0047630341913704405 -0.2591927908495557 10725.02622661428 -0.04201861262978405 0.9894863143684633 -0.13838811318239286 7620.168297733475 0.25580857201383594 0.14454807913911014 0.9558597320221391 49378.52054689749 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/92766299_2205106180.jpg buckingham_palace/test/images/34376995_1253071592.jpg 0 0 529.386 0.0 319.5 0.0 529.386 213.0 0.0 0.0 1.0 536.63 0.0 319.5 0.0 536.63 239.5 0.0 0.0 1.0 0.9061253109295478 -0.01116366389293498 -0.4228620265539526 29373.53235317777 0.041949332185024064 0.9970955207117107 0.06356709924066846 -5578.897272263636 0.4209241908254509 -0.07533853718468438 0.903961796976405 -19714.67248233825 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/19420154_8889807230.jpg buckingham_palace/test/images/53184146_19405394.jpg 0 0 742.327 0.0 319.5 0.0 742.327 213.0 0.0 0.0 1.0 671.452 0.0 319.5 0.0 671.452 239.5 0.0 0.0 1.0 0.979943384628284 0.05284914686345335 0.19214039293981902 -9939.89611935434 -0.0054530503909581115 0.9709424193197562 -0.23925108695036748 5064.557115639334 -0.1992014738015173 0.2334047686772996 0.9517567897283421 24806.79417036869 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/84211719_64399705.jpg buckingham_palace/test/images/99045467_2406713065.jpg 0 0 1267.76 0.0 249.5 0.0 1267.76 187.0 0.0 0.0 1.0 703.265 0.0 319.5 0.0 703.265 239.5 0.0 0.0 1.0 0.8601643474253463 0.012620951573314415 0.5098607721718861 -46910.17693805506 0.014598376335350289 0.9986748930990095 -0.049349217846418894 832.8384768718906 -0.5098079862327576 0.04989157719561364 0.8588402923118097 -34668.96644332507 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/19322041_4490535181.jpg buckingham_palace/test/images/24481344_8619843161.jpg 0 0 800.164 0.0 319.5 0.0 800.164 239.5 0.0 0.0 1.0 533.532 0.0 319.5 0.0 533.532 239.5 0.0 0.0 1.0 0.9102846524079741 0.07207553272213178 0.40766036007111967 -72914.50936080577 -0.05818590450360339 0.9972274997588862 -0.04638657393835419 -8008.91643170363 -0.4098734586522913 0.01850489955286879 0.911954668053707 -44869.07649180165 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/56366869_8166763434.jpg buckingham_palace/test/images/12944457_8797082397.jpg 0 0 517.399 0.0 319.5 0.0 517.399 164.5 0.0 0.0 1.0 672.2 0.0 319.5 0.0 672.2 239.5 0.0 0.0 1.0 0.9540546846567353 -0.09563360189719282 -0.2839610411178034 21000.979651513633 0.02722568654775811 0.9714457539550766 -0.23569452499932214 4274.207997935048 0.29839306405568616 0.21713443142629887 0.9294160629194209 43780.63252108754 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/32264273_9687016916.jpg buckingham_palace/test/images/19476535_153176579.jpg 0 0 608.489 0.0 305.5 0.0 608.489 305.5 0.0 0.0 1.0 838.719 0.0 319.5 0.0 838.719 239.5 0.0 0.0 1.0 0.9358747354395055 -0.01390134617055052 -0.3520585635099393 32965.30146790239 -0.03185245827632911 0.9917914755612719 -0.12383493007124337 -1791.5347077518625 0.3508901544184308 0.12710791312361927 0.9277497927531798 35578.001119039865 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/36807384_2580130370.jpg buckingham_palace/test/images/94785686_3685753287.jpg 0 0 749.48 0.0 319.5 0.0 749.48 212.5 0.0 0.0 1.0 689.603 0.0 319.5 0.0 689.603 239.5 0.0 0.0 1.0 0.736796097914072 0.026039491772503625 0.6756133916426074 -113503.40554311004 0.017964118128534802 0.998151357350049 -0.05806167651832546 -3382.23630158063 -0.6758763204599357 0.05491641547373913 0.7349662487169422 -15531.765513544997 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/99420280_3920306353.jpg buckingham_palace/test/images/05043726_7787106650.jpg 0 0 872.142 0.0 319.5 0.0 872.142 213.0 0.0 0.0 1.0 822.189 0.0 319.5 0.0 822.189 213.0 0.0 0.0 1.0 0.8358720878372777 0.07523289832048485 0.54374430000217 -84724.81731771819 -0.06724602649630515 0.9971366342139204 -0.03459052802419047 769.8367400935085 -0.5447897068548639 -0.007651386726186867 0.8385377937732785 20293.460931211383 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/30480553_12091359825.jpg buckingham_palace/test/images/48284683_6191802350.jpg 0 0 731.871 0.0 319.5 0.0 731.871 239.5 0.0 0.0 1.0 447.039 0.0 319.5 0.0 447.039 213.0 0.0 0.0 1.0 0.9993197561241612 0.019139691524518727 0.031522963507460235 -9029.376024235524 -0.018301439075473252 0.9994767726738352 -0.026669049725500757 95.38391718629725 -0.03201690721654959 0.026073992671640442 0.9991471686185404 -7941.554478701475 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/03513470_2505259840.jpg buckingham_palace/test/images/70455295_3643859122.jpg 0 0 504.806 0.0 319.5 0.0 504.806 213.5 0.0 0.0 1.0 1038.31 0.0 212.5 0.0 1038.31 319.5 0.0 0.0 1.0 0.969015475538326 -0.032469323816479566 -0.24485659308691787 20009.691793786806 0.036171087233409296 0.9992890194905537 0.010635223268032807 -4188.243907412649 0.24433718631347331 -0.019162425120751392 0.9695009751660422 -11883.438657950874 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/42572558_3847795752.jpg buckingham_palace/test/images/47468990_5940765373.jpg 0 0 571.76 0.0 249.5 0.0 571.76 187.0 0.0 0.0 1.0 1182.75 0.0 319.5 0.0 1182.75 239.5 0.0 0.0 1.0 0.9575999311077711 0.04198034071759137 0.2850263548088617 -6533.901914423806 -0.06401333840058678 0.9956003336337708 0.06842710117443718 9227.3650728296 -0.2808997409205002 -0.08377127587401093 0.9560741126550996 25957.379969610876 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/75711673_2633557923.jpg buckingham_palace/test/images/80448535_2424346689.jpg 0 0 645.555 0.0 319.5 0.0 645.555 178.5 0.0 0.0 1.0 770.034 0.0 319.5 0.0 770.034 239.5 0.0 0.0 1.0 0.8695333858214207 -0.07346972697830637 -0.4883788387713676 49409.75804976282 0.008453141675964235 0.9909421774043797 -0.1340229287729251 -1337.6021111053558 0.49380181787610156 0.1124090755179474 0.8622783566827233 -4239.099635711114 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/42575336_5691036729.jpg buckingham_palace/test/images/88595844_3830407687.jpg 0 0 681.719 0.0 319.5 0.0 681.719 212.5 0.0 0.0 1.0 507.93 0.0 319.5 0.0 507.93 213.5 0.0 0.0 1.0 0.9527181443656305 -0.0249113396907552 0.30283256520942586 -36511.02599382575 -0.012907769726678758 0.9924159712298225 0.12224536608252737 -1087.0915575291112 -0.3035811701624334 -0.12037427134890538 0.9451711527125802 12524.55160131714 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/95099681_7121588727.jpg buckingham_palace/test/images/59557144_4072456064.jpg 0 0 544.463 0.0 319.5 0.0 544.463 240.0 0.0 0.0 1.0 569.526 0.0 249.5 0.0 569.526 187.0 0.0 0.0 1.0 0.9808241655717457 -0.03565887388719486 -0.19160480407230426 20601.32284617656 0.004207929127772332 0.9867648943677747 -0.16210285801246702 -1758.2883515076437 0.1948492996213859 0.15818814101079617 0.9679929041478579 5066.132788379067 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/10538802_8199902487.jpg buckingham_palace/test/images/93206568_5039285632.jpg 0 0 594.899 0.0 319.5 0.0 594.899 239.5 0.0 0.0 1.0 801.943 0.0 319.5 0.0 801.943 212.0 0.0 0.0 1.0 0.9715880958463763 0.05706826984174041 0.22969498163191052 -27371.757879902478 -0.007692527209893691 0.9775964141082638 -0.2103475128157909 3729.8626469605856 -0.23655315900392979 0.20260420454653594 0.9502600377082723 84441.55822527173 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/82716269_6976048960.jpg buckingham_palace/test/images/15676476_3064491824.jpg 0 0 554.318 0.0 319.5 0.0 554.318 240.0 0.0 0.0 1.0 571.819 0.0 249.5 0.0 571.819 187.0 0.0 0.0 1.0 0.9663054396156983 0.013187306531531913 -0.25706009475520636 5541.842083698184 -0.00698405104164572 0.9996623125533911 0.025029660234478585 397.684735940408 0.2573033625900757 -0.022390976013768757 0.9660712312210683 35553.23902999672 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/00144688_335879737.jpg buckingham_palace/test/images/91534757_514721391.jpg 0 0 573.033 0.0 249.5 0.0 573.033 187.0 0.0 0.0 1.0 527.291 0.0 249.5 0.0 527.291 187.0 0.0 0.0 1.0 0.9567947402329432 -0.016946417538154658 -0.2902699502104847 26346.19706331675 0.0030823739735560906 0.9988351971193655 -0.048153379592771633 2096.750001721561 0.2907478702127702 0.04517817977897002 0.9557324981597085 52895.561881299036 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/09913545_5384620652.jpg buckingham_palace/test/images/64761148_2638801531.jpg 0 0 618.577 0.0 319.5 0.0 618.577 238.5 0.0 0.0 1.0 566.477 0.0 249.5 0.0 566.477 186.5 0.0 0.0 1.0 0.5767233093282517 -0.0572608004216159 -0.8149303192375073 55379.90010701122 0.02542476619559059 0.998315389760915 -0.05215327248037091 4805.844538391167 0.8165438174044117 0.00935859506486592 0.5772075977991303 85449.93496911449 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/76017051_5339375111.jpg buckingham_palace/test/images/40698826_4043332345.jpg 0 0 482.865 0.0 319.5 0.0 482.865 239.5 0.0 0.0 1.0 664.744 0.0 319.5 0.0 664.744 239.5 0.0 0.0 1.0 0.5784301037003877 -0.10255548096995344 -0.8092595309640661 75321.25403835345 0.04342749149980745 0.9945301428096632 -0.09499393678033016 -49.09386168897163 0.8145751457755098 0.019803241300674273 0.5797199009166362 86707.28409932 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/48839627_9410045471.jpg buckingham_palace/test/images/21622015_377333223.jpg 0 0 464.127 0.0 319.5 0.0 464.127 212.0 0.0 0.0 1.0 671.989 0.0 319.5 0.0 671.989 239.5 0.0 0.0 1.0 0.47049790314168644 -0.09374857741605455 -0.8774069337381268 43312.710762773226 0.028404722226762418 0.9954340240669506 -0.09112779754332935 383.3951639297793 0.8819438161779334 0.017952937429389745 0.4710125233400485 24821.199658831403 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/83726223_2253829152.jpg buckingham_palace/test/images/40640722_7130151431.jpg 0 0 543.47 0.0 319.5 0.0 543.47 213.0 0.0 0.0 1.0 718.085 0.0 319.5 0.0 718.085 239.5 0.0 0.0 1.0 0.9480949542403361 -0.08952088117994128 -0.3051261535443686 21455.021022866167 0.025144419969117846 0.9776554036577089 -0.2087047432218514 10809.601098293831 0.3169916653295972 0.19019969382638113 0.9291611058260667 120680.85598361386 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/61302894_8245166220.jpg buckingham_palace/test/images/92283672_6106933794.jpg 0 0 651.678 0.0 319.5 0.0 651.678 171.5 0.0 0.0 1.0 534.28 0.0 319.5 0.0 534.28 212.5 0.0 0.0 1.0 0.8918295443948413 0.01891461347047748 -0.45197599620085166 53843.142361860606 0.07960644261177681 0.9769716258898274 0.1979627654405874 -13767.716889734344 0.44531211306137597 -0.21252924411348564 0.8697864349122507 -39646.60764895736 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/73390455_10578819085.jpg buckingham_palace/test/images/95766633_4569126850.jpg 0 0 778.562 0.0 319.5 0.0 778.562 319.5 0.0 0.0 1.0 990.493 0.0 319.5 0.0 990.493 256.0 0.0 0.0 1.0 0.996477524226996 0.00037283831289695315 0.08385943418619567 -7570.073184753208 0.0035462186157502436 0.9989082758242042 -0.046579832797519476 -2208.267828289667 -0.08378524956080131 0.046713140351597016 0.9953883234569945 118146.06368196534 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/25074269_2738283980.jpg buckingham_palace/test/images/14095478_7122131871.jpg 0 0 504.803 0.0 319.5 0.0 504.803 213.5 0.0 0.0 1.0 536.208 0.0 319.5 0.0 536.208 240.0 0.0 0.0 1.0 0.16261795844036953 -0.1904146474244085 -0.9681413438330814 22076.936830209528 0.05935689088195649 0.9813128517281662 -0.18303509646502616 4505.264044546783 0.9849021063524607 -0.02770106639413229 0.17088151398882814 50659.03190674819 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/53184146_19405394.jpg buckingham_palace/test/images/70392907_4845953799.jpg 0 0 671.452 0.0 319.5 0.0 671.452 239.5 0.0 0.0 1.0 367.397 0.0 319.5 0.0 367.397 213.0 0.0 0.0 1.0 0.9998799357423067 -0.010714132508271851 0.011194706988391355 -863.8466194088032 0.009821465965913552 0.9969857633818127 0.07696055106523357 -8248.839400761644 -0.011985529034679615 -0.07684136242011336 0.9969712895139857 -32587.929700439738 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/11993356_3855314871.jpg buckingham_palace/test/images/74825492_11236890775.jpg 0 0 726.941 0.0 319.5 0.0 726.941 239.5 0.0 0.0 1.0 786.182 0.0 319.5 0.0 786.182 319.5 0.0 0.0 1.0 0.7221478262111385 0.08254207649868514 0.6867964201317684 -85312.768032671 0.10666876621581517 0.9676918593290629 -0.22846058675897812 273.7825464453552 -0.6834649160070493 0.23824204287981163 0.6900119111956917 4964.632525502572 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/32421210_526180836.jpg buckingham_palace/test/images/99568304_8816950671.jpg 0 0 1455.77 0.0 319.5 0.0 1455.77 213.0 0.0 0.0 1.0 612.545 0.0 239.5 0.0 612.545 319.5 0.0 0.0 1.0 0.8652150454896101 -0.058910616994148006 -0.4979281717916559 80876.55389188067 -0.060455400934824356 0.9735718732330289 -0.22023385785873406 93.48625473713128 0.4977429753961592 0.2206520946080056 0.8387875676170209 -8038.088123035981 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/72406227_262180777.jpg buckingham_palace/test/images/35412346_425909362.jpg 0 0 895.882 0.0 319.5 0.0 895.882 239.5 0.0 0.0 1.0 659.197 0.0 249.5 0.0 659.197 187.0 0.0 0.0 1.0 0.9336004263038244 -0.02634938727481791 -0.35734570627833023 55075.958405106896 0.025497393288659135 0.9996497024178861 -0.0070961532759032005 -1374.0186531212794 0.3574075082322705 -0.002486412289491772 0.9339452290220912 -77668.90094033629 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/77853040_2216395549.jpg buckingham_palace/test/images/97292713_2986088736.jpg 0 0 539.264 0.0 319.5 0.0 539.264 239.5 0.0 0.0 1.0 683.491 0.0 319.5 0.0 683.491 221.0 0.0 0.0 1.0 0.9591616862378668 -0.005415345794311669 0.28280653048198845 -27363.168862786315 -0.04336115790795638 0.9851841274839592 0.1659278305123982 -3522.5382240190393 -0.2795150615587879 -0.17141443633369363 0.9447160533081826 -20837.43831394588 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/38217522_12120715573.jpg buckingham_palace/test/images/39733199_8623371744.jpg 0 0 416.694 0.0 319.5 0.0 416.694 239.5 0.0 0.0 1.0 1338.45 0.0 319.5 0.0 1338.45 239.5 0.0 0.0 1.0 0.9998976823099731 -0.009663674151163724 -0.01054695752547422 6319.585195142163 0.010045185675377138 0.999274367326046 0.03674007416810256 4637.871111891755 0.010184260203432813 -0.036842261155235964 0.999269197282233 23975.481412157154 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/58837390_828863639.jpg buckingham_palace/test/images/76124793_5669979160.jpg 0 0 664.357 0.0 319.5 0.0 664.357 239.5 0.0 0.0 1.0 737.626 0.0 319.5 0.0 737.626 239.5 0.0 0.0 1.0 0.9108016609478935 -0.14536580112933759 -0.3864053807552172 17703.521807398418 0.04487503826527478 0.9652729610585364 -0.2573603341425696 691.5167715163495 0.4103980572020884 0.21706426355185873 0.8856955120883478 12972.76498778356 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/19322041_4490535181.jpg buckingham_palace/test/images/01991338_3847005741.jpg 0 0 800.164 0.0 319.5 0.0 800.164 239.5 0.0 0.0 1.0 575.005 0.0 249.5 0.0 575.005 187.0 0.0 0.0 1.0 0.9494871849894382 -0.040795192368889684 -0.3111427932966111 40772.75421315542 0.009354318526236936 0.9947526833057541 -0.10188030124077899 -6315.167048494233 0.3136663550107695 0.09382351163534361 0.9448865362564282 -55055.7052049378 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/70365201_2960998111.jpg buckingham_palace/test/images/26420725_8870834351.jpg 0 0 738.141 0.0 239.5 0.0 738.141 319.5 0.0 0.0 1.0 644.06 0.0 319.5 0.0 644.06 213.0 0.0 0.0 1.0 0.6936779486955472 -0.001978380138590923 -0.7202825761501973 34136.61771378205 0.015039573561297065 0.999817999974824 0.011737893909761122 732.9720817115885 0.7201282626870243 -0.018975060958260494 0.6935814532850474 27849.117415837376 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/86576612_2460544550.jpg buckingham_palace/test/images/69109641_8040457417.jpg 0 0 775.263 0.0 319.5 0.0 775.263 180.0 0.0 0.0 1.0 914.363 0.0 319.5 0.0 914.363 239.5 0.0 0.0 1.0 0.9899289043596032 -0.007131703638496737 0.14138565385713076 -26366.830687433136 0.01613835476807391 0.9979045145421485 -0.0626588649895516 3390.3040684108664 -0.1406425178200942 0.06430955340858559 0.9879696166996296 57108.33234870313 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/70455295_3643859122.jpg buckingham_palace/test/images/50394851_7212712178.jpg 0 0 1038.31 0.0 212.5 0.0 1038.31 319.5 0.0 0.0 1.0 479.773 0.0 319.5 0.0 479.773 213.5 0.0 0.0 1.0 0.991251063320845 -0.01687250779238609 -0.13090702023226322 12723.03451123782 0.027716933206921878 0.9962906222911059 0.08146635838432986 602.2391457502947 0.12904689488281898 -0.08438195550943882 0.9880417928941597 4982.561544042763 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/47561034_5631016960.jpg buckingham_palace/test/images/04439510_3913043145.jpg 0 0 705.387 0.0 319.5 0.0 705.387 239.5 0.0 0.0 1.0 534.779 0.0 319.5 0.0 534.779 213.0 0.0 0.0 1.0 0.8454225810487259 0.09067544116109288 0.5263445865810266 -72828.84449702251 -0.02142838194721313 0.9904482387863619 -0.1362098040969086 866.8746118749075 -0.5336679528508667 0.10387613130664358 0.8392903344163627 -19315.401403479875 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/94200008_8305050186.jpg buckingham_palace/test/images/22496504_4546656558.jpg 0 0 746.609 0.0 305.5 0.0 746.609 305.5 0.0 0.0 1.0 835.668 0.0 319.5 0.0 835.668 213.0 0.0 0.0 1.0 0.9270898859156651 -0.06046203767174351 -0.3699306494918465 21392.075345955207 0.022074298957846437 0.9939988752792447 -0.10713991445355968 954.1758369866383 0.37418854707005444 0.09116237131721144 0.9228609609781011 10116.09654101971 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/89299405_4981004528.jpg buckingham_palace/test/images/54107490_11614068883.jpg 0 0 526.12 0.0 319.5 0.0 526.12 213.0 0.0 0.0 1.0 544.935 0.0 319.5 0.0 544.935 239.5 0.0 0.0 1.0 0.8405130759116036 -0.12731420803591958 -0.5266202252608626 44389.71592888614 0.1295151408737168 0.9910322788438177 -0.03287629197599599 -2258.404999221013 0.5260832610015987 -0.040572339368296725 0.849464706607701 -7227.790811527204 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/65062872_13486503543.jpg buckingham_palace/test/images/82272875_8380227216.jpg 0 0 588.768 0.0 319.5 0.0 588.768 239.5 0.0 0.0 1.0 509.154 0.0 319.5 0.0 509.154 213.0 0.0 0.0 1.0 0.9987995625362606 0.046992699483671546 -0.013824618353191763 2366.948311789123 -0.03385834378689843 0.8662686219537803 0.4984298217144584 -13068.800415288993 0.0353983959153839 -0.4973634092025024 0.8668198156209177 -23345.25391532488 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/66580194_6996358425.jpg buckingham_palace/test/images/47350644_7520151518.jpg 0 0 729.144 0.0 319.5 0.0 729.144 239.5 0.0 0.0 1.0 656.633 0.0 319.5 0.0 656.633 239.5 0.0 0.0 1.0 0.7144492315031268 0.011454301002623674 0.6995935209770979 -79302.21721884284 -0.039002855447169936 0.9989633075569955 0.02347525126074087 3370.983317488848 -0.6985993650666732 -0.04405802019302549 0.7141553178301706 9603.342157373936 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/40698826_4043332345.jpg buckingham_palace/test/images/18612281_10598628955.jpg 0 0 664.744 0.0 319.5 0.0 664.744 239.5 0.0 0.0 1.0 456.298 0.0 319.5 0.0 456.298 239.5 0.0 0.0 1.0 0.5111886283875806 0.0007172807403212809 0.859468249393521 -110798.5688074271 -0.12138374474570447 0.9900365523056844 0.07136954259474512 3933.5326216003227 -0.8508537904474149 -0.1408087731890774 0.5061824934490065 27432.523520670253 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/50054515_355625972.jpg buckingham_palace/test/images/37738135_1526579232.jpg 0 0 2158.55 0.0 249.5 0.0 2158.55 187.0 0.0 0.0 1.0 526.293 0.0 319.5 0.0 526.293 213.5 0.0 0.0 1.0 0.9987397130262008 -0.021469346641655597 -0.045365766599076755 15975.492916873793 0.022173038365583136 0.9996406273474432 0.015065607390640437 -11386.536236680264 0.04502601463576203 -0.016052517285179063 0.9988568339330863 -338021.64326230943 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/68304166_169924929.jpg buckingham_palace/test/images/49117697_7908670900.jpg 0 0 734.815 0.0 319.5 0.0 734.815 239.5 0.0 0.0 1.0 709.993 0.0 319.5 0.0 709.993 213.5 0.0 0.0 1.0 0.9646982352311921 -0.0672139113913409 -0.2546362210238375 9872.740851628598 0.07885042426314053 0.996244928636635 0.0357582544219996 221.62820149471918 0.2512765916979661 -0.05457409899634338 0.9663755699433791 2584.214550154633 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/39733199_8623371744.jpg buckingham_palace/test/images/82558397_4279227566.jpg 0 0 1338.45 0.0 319.5 0.0 1338.45 239.5 0.0 0.0 1.0 507.207 0.0 319.5 0.0 507.207 212.5 0.0 0.0 1.0 0.7664768367428597 -0.06087241627779419 -0.6393808002068585 48410.491325022325 0.07001214275617404 0.997485083373972 -0.011036680348246057 -4659.219045747738 0.6384446402025384 -0.03630506001817364 0.7688110197010238 -11551.931230103935 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/91870054_4238721718.jpg buckingham_palace/test/images/37946480_5143153071.jpg 0 0 801.672 0.0 319.5 0.0 801.672 211.5 0.0 0.0 1.0 936.404 0.0 319.5 0.0 936.404 239.5 0.0 0.0 1.0 0.7304509713208578 -0.059956174060996244 -0.6803283293295841 48681.33420891881 0.051434391746946924 0.9981395490609268 -0.03274055506663401 2399.6121664809743 0.6810256102688335 -0.011076903557276899 0.7321758124696185 62987.24268056238 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/86680206_8613353750.jpg buckingham_palace/test/images/12103866_2466593345.jpg 0 0 666.834 0.0 319.5 0.0 666.834 239.5 0.0 0.0 1.0 415.566 0.0 249.5 0.0 415.566 166.5 0.0 0.0 1.0 0.8064248072787749 -0.029044535243899907 -0.5906229297765679 43677.77228372492 0.13906458498957686 0.980096006893356 0.14167871566814774 3396.9725401444102 0.574752182603135 -0.19638796359289679 0.7944127997135795 11925.883604951907 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/31471983_2691474123.jpg buckingham_palace/test/images/93206568_5039285632.jpg 0 0 728.105 0.0 319.5 0.0 728.105 239.5 0.0 0.0 1.0 801.943 0.0 319.5 0.0 801.943 212.0 0.0 0.0 1.0 0.6321848893978121 0.05466944775782042 0.7728864839670384 -48868.118830190724 -0.0038257736314184676 0.997715777087755 -0.06744324729947783 1970.394129071187 -0.7748081240366528 0.03967971310420887 0.6309499911203509 58053.801710427375 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/74845354_647484279.jpg buckingham_palace/test/images/62374720_4605102748.jpg 0 0 550.969 0.0 249.5 0.0 550.969 187.0 0.0 0.0 1.0 651.644 0.0 319.5 0.0 651.644 239.5 0.0 0.0 1.0 0.9998950866364584 0.005135723868438664 -0.01354400460044064 599.8755442744778 -0.0012273785753695978 0.9617124465022926 0.2740577745374282 -9073.39499653711 0.014432922853751166 -0.2740123985934254 0.9616178534922153 -19358.575657433168 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/24173207_5973657415.jpg buckingham_palace/test/images/21650204_2962537014.jpg 0 0 565.88 0.0 319.5 0.0 565.88 213.0 0.0 0.0 1.0 685.775 0.0 319.5 0.0 685.775 212.5 0.0 0.0 1.0 0.9801181277680348 -0.02689710806633806 0.19658331871791695 -41769.931634619745 0.021535626653360628 0.9993368647008085 0.029360647721142774 2678.3942975521527 -0.1972426738946964 -0.02454335811631559 0.980047422917506 33693.00298149896 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/69109641_8040457417.jpg buckingham_palace/test/images/15625956_3859238782.jpg 0 0 914.363 0.0 319.5 0.0 914.363 239.5 0.0 0.0 1.0 719.798 0.0 319.5 0.0 719.798 239.5 0.0 0.0 1.0 0.9698162626692635 0.025239991017844066 0.24252702842289822 -38965.16821042722 -0.040195134647592064 0.9975696054295276 0.056914264238751455 -6248.053161342319 -0.24050107653165315 -0.06494478559973563 0.9684737513275825 -80181.73962190235 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/39881987_8753914632.jpg buckingham_palace/test/images/59100993_6200266298.jpg 0 0 696.104 0.0 319.5 0.0 696.104 211.5 0.0 0.0 1.0 531.448 0.0 319.5 0.0 531.448 213.0 0.0 0.0 1.0 0.9922038113266809 -0.013653462477894325 -0.12387566246512166 -22699.313000588678 0.007033115616928491 0.9985310433949135 -0.05372420926718576 2738.6774280070244 0.12442721596791811 0.0524341333391731 0.990842333364619 37621.728791927664 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/39881987_8753914632.jpg buckingham_palace/test/images/87435867_4350947433.jpg 0 0 696.104 0.0 319.5 0.0 696.104 211.5 0.0 0.0 1.0 448.32 0.0 319.5 0.0 448.32 239.5 0.0 0.0 1.0 0.9805320772689279 0.02679197771123214 0.19452258320565743 -31793.91947484617 0.011202036020426456 0.9814020115268485 -0.19163665140064645 4570.120779458387 -0.19603917933841228 0.19008493286259348 0.9619960282989454 -38579.12684000356 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/80691584_9772041992.jpg buckingham_palace/test/images/97332024_5408047413.jpg 0 0 550.47 0.0 319.5 0.0 550.47 179.0 0.0 0.0 1.0 1533.48 0.0 319.5 0.0 1533.48 212.0 0.0 0.0 1.0 0.9902656084260222 -0.002188481416798449 -0.13917340018023597 14693.860440276076 0.010987618402319788 0.9979852669532266 0.06248743222553959 11838.777925248021 0.13875625034745204 -0.06340833930473756 0.9882945337783319 60171.84056169022 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/65062872_13486503543.jpg buckingham_palace/test/images/24967538_249111453.jpg 0 0 588.768 0.0 319.5 0.0 588.768 239.5 0.0 0.0 1.0 1172.73 0.0 319.5 0.0 1172.73 239.5 0.0 0.0 1.0 0.9385779714095701 0.05326832892718634 -0.34093089727685383 27553.27491270123 -0.020523790631574196 0.994881495243843 0.09894232885618981 86.71012007502878 0.34445633337595466 -0.08586789594883637 0.9348671236290818 43155.6489740203 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/11993356_3855314871.jpg buckingham_palace/test/images/91136231_4677075766.jpg 0 0 726.941 0.0 319.5 0.0 726.941 239.5 0.0 0.0 1.0 492.926 0.0 319.5 0.0 492.926 213.5 0.0 0.0 1.0 0.34152386802854734 0.14449371878788142 0.9286996354030017 -113057.22824147111 -0.240779834511726 0.9685875814031655 -0.062154391993420696 6072.8993365419365 -0.9085078529431241 -0.20238493615487935 0.3655869510229546 14063.446532853523 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/86680206_8613353750.jpg buckingham_palace/test/images/74969573_235362322.jpg 0 0 666.834 0.0 319.5 0.0 666.834 239.5 0.0 0.0 1.0 503.536 0.0 319.5 0.0 503.536 212.5 0.0 0.0 1.0 0.9999886361632313 0.001286488451344374 0.004590478391734763 1863.5242655449592 -0.002042355295992832 0.9856703669538821 0.16867055609632842 -1587.3401374318428 -0.004307705798375318 -0.16867801473951577 0.9856617934232261 -11607.271443614482 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/40580817_2599681870.jpg buckingham_palace/test/images/04738011_5330076641.jpg 0 0 725.526 0.0 319.5 0.0 725.526 235.0 0.0 0.0 1.0 699.97 0.0 319.5 0.0 699.97 213.0 0.0 0.0 1.0 0.9999254955645711 -0.008601076269169866 0.008661686149858851 -142.92836682295547 0.006417308399330865 0.9740192384325548 0.2263743389083094 -13366.909376373691 -0.010383711901560606 -0.22630188830471165 0.9740018654380839 -29754.710303525397 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/31650540_6170454977.jpg buckingham_palace/test/images/81973508_8989799070.jpg 0 0 681.385 0.0 319.5 0.0 681.385 239.5 0.0 0.0 1.0 697.977 0.0 319.5 0.0 697.977 239.5 0.0 0.0 1.0 0.5827795506484893 0.0480852238671527 0.8112063896392772 -69066.49341335191 -0.0744901124754093 0.9972060505354279 -0.005596062806555783 2306.4006885210347 -0.809209007914115 -0.05716558423719515 0.5847331677692605 38213.3012804468 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/12105658_501509035.jpg buckingham_palace/test/images/25222869_4501138522.jpg 0 0 734.683 0.0 319.5 0.0 734.683 212.0 0.0 0.0 1.0 669.156 0.0 319.5 0.0 669.156 179.5 0.0 0.0 1.0 0.6728057489121636 0.08200746004475581 0.7352599545247587 -57264.88507495904 -0.048030491902842365 0.9965825439817627 -0.06720345882771749 4344.034310137215 -0.7382584209328826 0.009899976153784554 0.6744453235020915 60971.6528833739 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/48728464_4071692457.jpg buckingham_palace/test/images/12103866_2466593345.jpg 0 0 569.812 0.0 249.5 0.0 569.812 187.0 0.0 0.0 1.0 415.566 0.0 249.5 0.0 415.566 166.5 0.0 0.0 1.0 0.9600954597896683 -0.027659952363652276 -0.2783013387077145 32507.403562237974 0.08070082272492465 0.98016880811691 0.18098752665914966 -3283.3224388236804 0.2677761850926737 -0.1962244496231716 0.9432878034127749 -14475.029775980245 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/36274822_6309726672.jpg buckingham_palace/test/images/36576167_9378677290.jpg 0 0 663.731 0.0 319.5 0.0 663.731 239.5 0.0 0.0 1.0 462.249 0.0 319.5 0.0 462.249 179.5 0.0 0.0 1.0 0.9894715611079176 0.022668645613122648 0.142941114675685 -37009.909364423176 -0.04188313352192085 0.9902462157357408 0.13288429308022004 -4413.726879000918 -0.1385345909332598 -0.13747205071254126 0.9807699028762263 -26835.11588481019 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/84030835_2661414475.jpg buckingham_palace/test/images/54621533_151517675.jpg 0 0 520.103 0.0 249.5 0.0 520.103 140.0 0.0 0.0 1.0 527.723 0.0 249.5 0.0 527.723 187.0 0.0 0.0 1.0 0.8857449062850423 -0.04028364329144493 -0.46242100846876477 40928.9952754263 0.040061503331965474 0.9991440831251334 -0.010304227618765024 3442.3382641276953 0.46244030635411193 -0.009398363645019479 0.8866006055828695 54150.492232326906 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/92713380_3913819288.jpg buckingham_palace/test/images/59100993_6200266298.jpg 0 0 534.038 0.0 319.5 0.0 534.038 212.5 0.0 0.0 1.0 531.448 0.0 319.5 0.0 531.448 213.0 0.0 0.0 1.0 0.9720912849513701 -0.04819456818875303 -0.22959925374158704 -13709.617766760646 0.014774308243774802 0.9893052061929424 -0.1451100575958046 4462.317909361207 0.23413725363024146 0.13766805220035416 0.9624070105032737 96559.82144406131 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/99568304_8816950671.jpg buckingham_palace/test/images/89730574_3288971741.jpg 0 0 612.545 0.0 239.5 0.0 612.545 319.5 0.0 0.0 1.0 664.171 0.0 319.5 0.0 664.171 239.5 0.0 0.0 1.0 0.9779897454425306 -0.002616248934357152 0.20863655732101993 -60258.39265060951 -0.05190635817179305 0.9654361431692715 0.2554188392499339 -1451.9814887419388 -0.20209351249012245 -0.26062656945130425 0.9440508479448813 -35953.86459536308 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/36576167_9378677290.jpg buckingham_palace/test/images/34376995_1253071592.jpg 0 0 462.249 0.0 319.5 0.0 462.249 179.5 0.0 0.0 1.0 536.63 0.0 319.5 0.0 536.63 239.5 0.0 0.0 1.0 0.9325385823830398 -0.057272572989869805 -0.3564991511212199 16117.496575932422 0.05122021774516151 0.9983383102123927 -0.02640279637467762 1445.9226920127367 0.3574189162050163 0.0063616621557957935 0.933922506203511 10647.333542328444 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/73390455_10578819085.jpg buckingham_palace/test/images/80731258_3052461790.jpg 0 0 778.562 0.0 319.5 0.0 778.562 319.5 0.0 0.0 1.0 576.354 0.0 249.5 0.0 576.354 187.0 0.0 0.0 1.0 0.9913501823747713 -0.02015010407489766 0.12968727466979268 3145.4185060649834 0.011027873901526111 0.99743824235293 0.07067770998772958 2951.9059170952223 -0.13077921051420793 -0.06863618577447586 0.9890327962709892 20853.27544908368 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/91136231_4677075766.jpg buckingham_palace/test/images/42330398_309946538.jpg 0 0 492.926 0.0 319.5 0.0 492.926 213.5 0.0 0.0 1.0 536.549 0.0 249.5 0.0 536.549 187.0 0.0 0.0 1.0 0.4330883418602924 -0.24025951399696405 -0.8687403835891626 57200.363128699086 0.09346597638752573 0.9705947029807239 -0.22183334691539694 8527.227403850593 0.8964923866952965 0.014875768205473549 0.4428093405944232 100394.82072052197 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/97956510_3971081891.jpg buckingham_palace/test/images/28867143_7824022012.jpg 0 0 689.718 0.0 319.5 0.0 689.718 211.0 0.0 0.0 1.0 514.143 0.0 319.5 0.0 514.143 213.0 0.0 0.0 1.0 0.8941349694449353 -0.021534689722050752 -0.4472794580061553 31020.991773245663 0.09903595364526852 0.9836184491400884 0.15062080333346872 -10859.027902656711 0.4367087545507615 -0.17897207505592105 0.8816203605004257 -30475.403087426097 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/31987323_5731928436.jpg buckingham_palace/test/images/87292117_4922805851.jpg 0 0 502.795 0.0 319.5 0.0 502.795 212.5 0.0 0.0 1.0 721.2 0.0 319.5 0.0 721.2 239.0 0.0 0.0 1.0 0.35858145345875286 0.15965948063805707 0.9197435465812164 -111999.11256641892 -0.16821428267363436 0.9801882548449806 -0.1045702642654498 1909.7666701513767 -0.9182174559111819 -0.11721704358299287 0.37833433409308725 29483.31128311521 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/32264273_9687016916.jpg buckingham_palace/test/images/96236969_1904716577.jpg 0 0 608.489 0.0 305.5 0.0 608.489 305.5 0.0 0.0 1.0 505.334 0.0 249.5 0.0 505.334 187.0 0.0 0.0 1.0 0.9975769626105767 0.0012011609420959051 -0.06956120241231423 10252.324060079744 -0.011249776869460552 0.9894777610223856 -0.1442470206365251 -4370.383353964011 0.06865599892975935 0.14468005271811982 0.9870937322040084 -60004.06338865363 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/22840995_489214596.jpg buckingham_palace/test/images/95766633_4569126850.jpg 0 0 583.912 0.0 319.5 0.0 583.912 239.5 0.0 0.0 1.0 990.493 0.0 319.5 0.0 990.493 256.0 0.0 0.0 1.0 0.7736308032118157 -0.04283939409999315 -0.6321868130821668 61633.90603774981 -0.0067485376383713035 0.9970982556758246 -0.0758256273826458 -4765.955238011725 0.6336006925198114 0.06292737751864312 0.7710968211560995 131916.82606978525 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/77853040_2216395549.jpg buckingham_palace/test/images/18653284_7502960042.jpg 0 0 539.264 0.0 319.5 0.0 539.264 239.5 0.0 0.0 1.0 306.853 0.0 319.5 0.0 306.853 213.0 0.0 0.0 1.0 0.9777898916674987 -0.019542662453013348 0.20867441648920124 -20398.027839089686 0.023171534002832953 0.9996195744054095 -0.01495949456042484 -135.07888319672986 -0.20830268304757035 0.019462548902839168 0.9778707488341124 -85064.88783094683 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/30480553_12091359825.jpg buckingham_palace/test/images/16210476_4152300283.jpg 0 0 731.871 0.0 319.5 0.0 731.871 239.5 0.0 0.0 1.0 723.131 0.0 239.5 0.0 723.131 319.5 0.0 0.0 1.0 0.9680721131658299 -0.006497879870605302 -0.25058763191313255 14124.587798953498 0.0056591750266730715 0.9999757148259795 -0.0040673697015042535 -2968.5645441414554 0.2506079756285938 0.0025193879134459557 0.9680853760055874 46054.47504137878 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/52580713_3540604945.jpg buckingham_palace/test/images/14261176_44001540.jpg 0 0 547.77 0.0 319.5 0.0 547.77 213.0 0.0 0.0 1.0 649.057 0.0 319.5 0.0 649.057 239.5 0.0 0.0 1.0 0.8159603519327081 0.022619493058305778 0.5776651820974122 -58067.096043463054 -0.07968005802363957 0.9940979112586728 0.07362357763986531 -3613.876096219564 -0.5725904229265456 -0.10610231554932767 0.8129468040455479 -7841.910611682637 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/89826404_8759127701.jpg buckingham_palace/test/images/87292117_4922805851.jpg 0 0 628.119 0.0 319.5 0.0 628.119 239.5 0.0 0.0 1.0 721.2 0.0 319.5 0.0 721.2 239.0 0.0 0.0 1.0 0.6683419901355173 -0.029421388145547893 0.7432720673759274 -57865.92387706469 -0.14139101055464312 0.9759758869881553 0.16576987106232613 525.6827552771629 -0.7302927949501029 -0.21588295425362425 0.6481257468321213 25099.825751000273 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/61577420_5186173128.jpg buckingham_palace/test/images/73590053_4109923193.jpg 0 0 1021.11 0.0 319.5 0.0 1021.11 213.0 0.0 0.0 1.0 847.053 0.0 319.5 0.0 847.053 212.5 0.0 0.0 1.0 0.9319421269325731 -0.01601710596129846 -0.3622531219534435 71960.04042632757 0.04206489761104131 0.9970544586061602 0.06413229266562566 -3316.262908120543 0.3601588766605157 -0.07500572571611708 0.9298708107433172 -19768.700259775447 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/24481344_8619843161.jpg buckingham_palace/test/images/12276618_145746984.jpg 0 0 533.532 0.0 319.5 0.0 533.532 239.5 0.0 0.0 1.0 1074.1 0.0 319.5 0.0 1074.1 212.0 0.0 0.0 1.0 0.923793605146194 -0.05203443069284568 -0.3793386259181488 45972.10960238093 0.025910237361159674 0.996947202240163 -0.0736541617656451 9007.589206053808 0.3820131341863604 0.05821248979371084 0.9223216745480565 97677.56086448747 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/39197892_9580433466.jpg buckingham_palace/test/images/86900704_328544021.jpg 0 0 920.78 0.0 319.5 0.0 920.78 239.5 0.0 0.0 1.0 516.297 0.0 249.5 0.0 516.297 187.0 0.0 0.0 1.0 0.9607385863281436 0.0417912451197709 0.2742897383635406 -34337.46486633099 -0.01834488323806575 0.9959959355673274 -0.08749606615354749 742.0750307004608 -0.27684803412555065 0.07902903368195419 0.9576583826376265 -92150.41210840843 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/34511353_8612252871.jpg buckingham_palace/test/images/59557144_4072456064.jpg 0 0 526.275 0.0 319.5 0.0 526.275 239.5 0.0 0.0 1.0 569.526 0.0 249.5 0.0 569.526 187.0 0.0 0.0 1.0 0.9869153043587349 0.012689081295878257 0.16073944518497113 -13585.757890742243 0.024660010748187643 0.9732920344756524 -0.22824219481976785 -164.56634983772278 -0.1593426053897858 0.22921955161397595 0.9602438915533298 8632.26556861861 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/56337910_5339349187.jpg buckingham_palace/test/images/36807384_2580130370.jpg 0 0 489.79 0.0 319.5 0.0 489.79 239.5 0.0 0.0 1.0 749.48 0.0 319.5 0.0 749.48 212.5 0.0 0.0 1.0 0.9884342471407735 -0.0013705262601935323 -0.15164386152107243 -2757.032722863538 0.002331715506134884 0.9999783034481847 0.0061608226471044514 9810.40264934409 0.15163212780295113 -0.006443158438277369 0.9884159972032468 99458.13924369031 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/03029079_9842698583.jpg buckingham_palace/test/images/69599759_2579291719.jpg 0 0 502.769 0.0 319.5 0.0 502.769 211.5 0.0 0.0 1.0 502.541 0.0 319.5 0.0 502.541 212.5 0.0 0.0 1.0 0.9887408140043917 -0.0009931004628900024 -0.14963494402512964 19311.374318187107 0.028947655938876764 0.9823577614958262 0.18475730471230103 -17577.32889573465 0.1468115660892475 -0.1870086687305705 0.9713259606754275 -66586.8412342886 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/61097803_407551744.jpg buckingham_palace/test/images/32929018_8338714866.jpg 0 0 668.245 0.0 239.5 0.0 668.245 319.5 0.0 0.0 1.0 503.595 0.0 319.5 0.0 503.595 213.0 0.0 0.0 1.0 0.9198230928047979 -0.0918198422010843 -0.38143753685391846 16671.22129378074 0.031517444837652585 0.9863793613610369 -0.16143855224790238 4545.679798336656 0.39106537639366895 0.13647297189979105 0.9101884416575046 48856.74468719406 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/37738135_1526579232.jpg buckingham_palace/test/images/11786900_13849594023.jpg 0 0 526.293 0.0 319.5 0.0 526.293 213.5 0.0 0.0 1.0 894.994 0.0 319.5 0.0 894.994 239.5 0.0 0.0 1.0 0.9746138987725133 -0.009964344580443164 -0.2236704275413339 20219.623141324133 -0.008226498407248818 0.9967408282832491 -0.08024989692939281 -1504.547478502841 0.2237410848355671 0.08005268933836532 0.9713554930540614 82457.74912147834 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/93037627_13638822993.jpg buckingham_palace/test/images/06301377_3135673857.jpg 0 0 585.228 0.0 239.5 0.0 585.228 319.5 0.0 0.0 1.0 498.489 0.0 249.5 0.0 498.489 187.0 0.0 0.0 1.0 0.8720578755501215 0.12772145848909847 0.47244289679539725 -25635.43124514355 -0.035674067720115075 0.9793670809748095 -0.19891576507451994 1100.4830342073863 -0.4881008323935841 0.15661209961014658 0.858621119978068 44569.8125071128 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/40640722_7130151431.jpg buckingham_palace/test/images/40580817_2599681870.jpg 0 0 718.085 0.0 319.5 0.0 718.085 239.5 0.0 0.0 1.0 725.526 0.0 319.5 0.0 725.526 235.0 0.0 0.0 1.0 0.9349623861284337 -0.01796521150653898 -0.354291670379859 51328.97561921987 0.03775797841940481 0.9980832782712519 0.04903167038752188 -9780.668500235826 0.35273172750789666 -0.05922010478575794 0.9338486534757434 -74366.22929585127 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/77141853_3913827430.jpg buckingham_palace/test/images/86576612_2460544550.jpg 0 0 534.162 0.0 319.5 0.0 534.162 213.0 0.0 0.0 1.0 775.263 0.0 319.5 0.0 775.263 180.0 0.0 0.0 1.0 0.9422026553856212 0.026591619927307637 -0.3339865894522197 38206.14630898798 0.014101570054573128 0.9928146658186039 0.1188283848980951 570.747870429236 0.3347466234426867 -0.11667015507461828 0.9350576308488074 35943.66822532835 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/76276666_337183275.jpg buckingham_palace/test/images/77059222_3193034364.jpg 0 0 545.844 0.0 319.5 0.0 545.844 213.0 0.0 0.0 1.0 665.902 0.0 319.5 0.0 665.902 239.5 0.0 0.0 1.0 0.9969122364493331 0.05200945192210453 0.058830347001793105 16886.383521693228 -0.038261644354336696 0.975982799110213 -0.21446123755190818 3689.155931450205 -0.06857141816304634 0.21154808614533968 0.9749591621495501 88085.71271643402 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/49117697_7908670900.jpg buckingham_palace/test/images/82736794_5152319320.jpg 0 0 709.993 0.0 319.5 0.0 709.993 213.5 0.0 0.0 1.0 723.947 0.0 319.5 0.0 723.947 239.5 0.0 0.0 1.0 0.7882675700893859 0.11662974601344268 0.6041785665597671 -35062.7444215882 -0.08975969444377381 0.993164894679565 -0.07461024882339429 8230.830165915708 -0.608750716795254 0.004581956019899498 0.7933483285923629 39177.87032304045 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/03119315_5739628680.jpg buckingham_palace/test/images/89269947_2824630864.jpg 0 0 535.335 0.0 319.5 0.0 535.335 208.0 0.0 0.0 1.0 509.392 0.0 239.5 0.0 509.392 319.5 0.0 0.0 1.0 0.9526165745462235 -0.007192448810232331 0.30408868867475436 -6973.157358818976 -0.05947910262852882 0.9760161904947644 0.20941497616596727 -10025.469794609733 -0.29830168998905193 -0.21757909957576324 0.9293413996898425 -50889.53688388104 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/24967538_249111453.jpg buckingham_palace/test/images/16210476_4152300283.jpg 0 0 1172.73 0.0 319.5 0.0 1172.73 239.5 0.0 0.0 1.0 723.131 0.0 239.5 0.0 723.131 319.5 0.0 0.0 1.0 0.9990217898433921 -0.02779494006181291 0.03439338199516774 -4714.097997245417 0.02855681821457788 0.9993530604011642 -0.021862497576597032 -1851.4235692146133 -0.03376346474467424 0.022823277016839325 0.9991692181380729 15831.229981333643 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/92636956_2423667989.jpg buckingham_palace/test/images/34591604_85337315.jpg 0 0 656.41 0.0 319.5 0.0 656.41 239.0 0.0 0.0 1.0 588.671 0.0 319.5 0.0 588.671 239.5 0.0 0.0 1.0 0.8387341471889203 0.07508061866447574 0.539340273890458 -83193.13592782235 0.024715755904512828 0.9841795328797244 -0.17544166686028673 2769.3345044696325 -0.5439799277081308 0.16047911939441487 0.8236093069465946 -16403.245708778377 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/64761148_2638801531.jpg buckingham_palace/test/images/22244788_9510402492.jpg 0 0 566.477 0.0 249.5 0.0 566.477 186.5 0.0 0.0 1.0 564.184 0.0 319.5 0.0 564.184 213.0 0.0 0.0 1.0 0.6611490646568613 0.019194482189186134 0.7500089907173424 -109705.23456898563 -0.0929337402349465 0.9940689322017181 0.05648254559843626 -56.934541874220486 -0.7444764833285878 -0.10704452290904454 0.6590115597513249 15167.481325021276 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/87435867_4350947433.jpg buckingham_palace/test/images/89826404_8759127701.jpg 0 0 448.32 0.0 319.5 0.0 448.32 239.5 0.0 0.0 1.0 628.119 0.0 319.5 0.0 628.119 239.5 0.0 0.0 1.0 0.999835378666265 -0.018143837429506232 0.00012934689085375076 -26568.009632845162 0.017989363309741806 0.9922021624999102 0.1233339026310772 2495.2545916702006 -0.0023660885437025905 -0.12331127237131878 0.9923652209399368 6438.578288460392 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/80731258_3052461790.jpg buckingham_palace/test/images/88595844_3830407687.jpg 0 0 576.354 0.0 249.5 0.0 576.354 187.0 0.0 0.0 1.0 507.93 0.0 319.5 0.0 507.93 213.5 0.0 0.0 1.0 0.7922381658933462 0.06859058558414378 0.6063448029555223 -85746.3055534823 -0.04703235815306139 0.9975703029901518 -0.05139501803384279 -847.7013127289247 -0.6083967831838931 0.012199268886335497 0.7935392441777092 4171.929369951102 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/31516490_8149048396.jpg buckingham_palace/test/images/97156938_2710050704.jpg 0 0 739.67 0.0 319.5 0.0 739.67 239.5 0.0 0.0 1.0 730.199 0.0 319.5 0.0 730.199 239.5 0.0 0.0 1.0 0.722508578775939 0.16639619770323943 0.6710392380368505 -70344.45313417356 -0.11069219138449832 0.9859250993152618 -0.12529540018168497 4555.702252852565 -0.6824431055858576 0.016248197749148766 0.7307581020476163 38795.44862170941 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/23363801_5143002413.jpg buckingham_palace/test/images/33761766_8290174554.jpg 0 0 729.125 0.0 319.5 0.0 729.125 239.5 0.0 0.0 1.0 1038.17 0.0 319.5 0.0 1038.17 239.5 0.0 0.0 1.0 0.8765453547648026 0.055002990830485855 0.4781661970904551 -69737.49651030687 -0.06557861588626086 0.997832603923313 0.0054350424159359985 8297.145516576991 -0.4768308779627097 -0.03612153855142742 0.878252553810115 62138.11241739434 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/40698826_4043332345.jpg buckingham_palace/test/images/02147392_4434343749.jpg 0 0 664.744 0.0 319.5 0.0 664.744 239.5 0.0 0.0 1.0 1522.3 0.0 319.5 0.0 1522.3 213.0 0.0 0.0 1.0 0.9258758840913723 0.01222405071542922 0.37763000389551443 -49510.50204248838 -0.03671332867375202 0.997657558918891 0.05771937828574208 6180.816448284854 -0.37603986325350225 -0.06730503484960207 0.9241558599761088 74062.78645619786 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/78489357_130104519.jpg buckingham_palace/test/images/89269947_2824630864.jpg 0 0 652.902 0.0 249.5 0.0 652.902 187.0 0.0 0.0 1.0 509.392 0.0 239.5 0.0 509.392 319.5 0.0 0.0 1.0 0.9871757913288091 0.024705995600077257 0.1577135720087167 -893.376468479164 0.004285500408062272 0.9834940735491683 -0.18088958449815504 -2211.9255500463587 -0.15957942066755412 0.179245700297306 0.9707756627688686 -14432.570802458966 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/02189109_4611484390.jpg buckingham_palace/test/images/12516230_8673895442.jpg 0 0 1008.42 0.0 319.5 0.0 1008.42 213.0 0.0 0.0 1.0 607.086 0.0 319.5 0.0 607.086 211.5 0.0 0.0 1.0 0.5668483449540787 -0.06622140092782972 -0.8211563066079306 128888.66895435224 0.1135888201658373 0.993526372120797 -0.0017110914121773533 -972.1913918852415 0.8159537571187199 -0.09230424670427351 0.5707007905060246 15081.41152323599 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/89269947_2824630864.jpg buckingham_palace/test/images/69728580_2542045191.jpg 0 0 509.392 0.0 239.5 0.0 509.392 319.5 0.0 0.0 1.0 871.638 0.0 319.5 0.0 871.638 185.0 0.0 0.0 1.0 0.9220847902890026 -0.06423741774402182 -0.3816191736263602 14165.796155217711 0.019212873178829956 0.9925097974720383 -0.12064479858753868 3487.2967903476188 0.38651067905285647 0.10391273301955643 0.9164123738222363 125804.5512478581 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/66051487_8289127493.jpg buckingham_palace/test/images/64833926_5954673971.jpg 0 0 729.749 0.0 319.5 0.0 729.749 239.5 0.0 0.0 1.0 809.815 0.0 319.5 0.0 809.815 318.5 0.0 0.0 1.0 0.967593410813702 -0.026171579065594443 -0.25115341884816045 5552.327329498623 0.059413520122975017 0.9902872195963973 0.1257030482153612 10645.327028180911 0.2454241735781197 -0.13655134987706977 0.9597503341339595 54384.92528404106 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/81394496_5045390386.jpg buckingham_palace/test/images/68304166_169924929.jpg 0 0 672.414 0.0 319.5 0.0 672.414 239.5 0.0 0.0 1.0 734.815 0.0 319.5 0.0 734.815 239.5 0.0 0.0 1.0 0.830627412076417 0.025849023877887033 -0.5562283076865064 35313.2342855404 0.01673819592406762 0.9973114243401294 0.07134252362981006 -2666.282008518635 0.5565769803939452 -0.06856931416619903 0.8279615414077728 -7848.720321864623 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/96795280_10579107723.jpg buckingham_palace/test/images/32421210_526180836.jpg 0 0 778.565 0.0 319.5 0.0 778.565 319.5 0.0 0.0 1.0 1455.77 0.0 319.5 0.0 1455.77 213.0 0.0 0.0 1.0 0.6797490373924869 0.06840165935975002 0.730248217499242 -39629.76725245863 -0.07831445014590481 0.9967186735590209 -0.020462958659260053 6959.958419579084 -0.729251735042387 -0.04327931117264594 0.6828753972446873 57882.28509115069 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/34376995_1253071592.jpg buckingham_palace/test/images/52580713_3540604945.jpg 0 0 536.63 0.0 319.5 0.0 536.63 239.5 0.0 0.0 1.0 547.77 0.0 319.5 0.0 547.77 213.0 0.0 0.0 1.0 0.920501595877174 0.05181435305320225 0.3872881160134589 -19369.819724603047 -0.011541954173149252 0.9943419306560699 -0.10559786093015576 3761.2136688867677 -0.3905682978448727 0.09273293782059158 0.9158913729049538 30001.049639603523 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/68304166_169924929.jpg buckingham_palace/test/images/47561034_5631016960.jpg 0 0 734.815 0.0 319.5 0.0 734.815 239.5 0.0 0.0 1.0 705.387 0.0 319.5 0.0 705.387 239.5 0.0 0.0 1.0 0.9766566982727435 -0.06618661527092473 -0.20435514595419904 14438.40914395508 0.07058208188291651 0.997403650305748 0.014287339634880287 12040.409491251165 0.20287893788182304 -0.028377637599838086 0.9787925450513993 68772.25218708784 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/78326446_53479975.jpg buckingham_palace/test/images/34988822_5659731458.jpg 0 0 517.948 0.0 219.5 0.0 517.948 164.5 0.0 0.0 1.0 627.58 0.0 319.5 0.0 627.58 213.5 0.0 0.0 1.0 0.9968805414985027 -0.0025271030863722923 -0.0788847243238058 31.391157970952918 0.005168767255639736 0.9994319872588868 0.033301451752274974 56.320495663975635 0.07875576059380694 -0.03360530603554918 0.9963273626572483 134.6804077334382 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/83726223_2253829152.jpg buckingham_palace/test/images/11786900_13849594023.jpg 0 0 543.47 0.0 319.5 0.0 543.47 213.0 0.0 0.0 1.0 894.994 0.0 319.5 0.0 894.994 239.5 0.0 0.0 1.0 0.607588817054594 -0.2027664700202305 -0.7679333226431405 37517.381618923406 -0.013161935306017026 0.9641606649850087 -0.264992406598125 773.5727825877535 0.794142677891825 0.17111391156536845 0.5831444387281766 137527.46711316553 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/36807384_2580130370.jpg buckingham_palace/test/images/39971618_5940743803.jpg 0 0 749.48 0.0 319.5 0.0 749.48 212.5 0.0 0.0 1.0 474.94 0.0 239.5 0.0 474.94 319.5 0.0 0.0 1.0 0.938443508177309 -0.04146817978153416 -0.3429346468723623 65432.63437840791 0.0160930597186575 0.996938735227419 -0.07651255865572526 -1912.2017642471915 0.3450576696564752 0.06628384621278727 0.9362380340183166 -113670.85695109479 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/15885029_599614928.jpg buckingham_palace/test/images/44119452_427463944.jpg 0 0 433.441 0.0 319.5 0.0 433.441 239.5 0.0 0.0 1.0 842.739 0.0 249.5 0.0 842.739 166.0 0.0 0.0 1.0 0.9990289769489338 0.012615256076332166 0.04221325065065713 -1889.5949848868872 -0.01625185866407903 0.9960804654530894 0.08694586495469397 496.3798557676638 -0.04095095000521282 -0.0875474822989539 0.9953182697191814 3409.8091208368587 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/19946837_1447873686.jpg buckingham_palace/test/images/89902711_383052108.jpg 0 0 1048.17 0.0 319.5 0.0 1048.17 239.5 0.0 0.0 1.0 728.351 0.0 319.5 0.0 728.351 239.5 0.0 0.0 1.0 0.9895727980509572 -0.02173103746634311 -0.14238482843419795 36047.40235635836 0.017222721245200093 0.9993128998379531 -0.032819294483146376 -6193.156156331159 0.14300019311353998 0.03002482686207766 0.9892671300217108 -82306.55557672685 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/49071313_2710217481.jpg buckingham_palace/test/images/06301377_3135673857.jpg 0 0 527.855 0.0 319.5 0.0 527.855 239.5 0.0 0.0 1.0 498.489 0.0 249.5 0.0 498.489 187.0 0.0 0.0 1.0 0.7387230316986315 0.02584449073378789 0.6735134332266087 -76562.41958067322 0.04144116284053447 0.9956324009810198 -0.08365854492635118 3214.702184332459 -0.6727339091055293 0.08971167379712168 0.7344255599610571 1372.87278342406 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/35412346_425909362.jpg buckingham_palace/test/images/39753040_13785121575.jpg 0 1 659.197 0.0 249.5 0.0 659.197 187.0 0.0 0.0 1.0 456.694 0.0 319.5 0.0 456.694 239.5 0.0 0.0 1.0 0.07631912981573331 -0.9105908172925891 -0.4062016172870115 25234.630852422815 0.9929121563113507 0.032181770075726916 0.11441059183457185 -9528.996900875472 -0.09110894727365261 -0.4120542405281222 0.9065927766034092 -43664.51297587281 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/64761148_2638801531.jpg buckingham_palace/test/images/93206568_5039285632.jpg 0 0 566.477 0.0 249.5 0.0 566.477 186.5 0.0 0.0 1.0 801.943 0.0 319.5 0.0 801.943 212.0 0.0 0.0 1.0 0.5466911439324234 0.031896980090288095 0.8367265836621772 -123413.08612042847 -0.037359982029699375 0.999208215946052 -0.013681115767673708 969.4940715369946 -0.8365004631729734 -0.023780745300089227 0.5474499532051978 51591.86193937383 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/01991338_3847005741.jpg buckingham_palace/test/images/03513470_2505259840.jpg 0 0 575.005 0.0 249.5 0.0 575.005 187.0 0.0 0.0 1.0 504.806 0.0 319.5 0.0 504.806 213.5 0.0 0.0 1.0 0.9075824513912469 0.030277865599121934 0.41878078368212657 -30809.59678403349 -0.04699939609222828 0.9984542118753857 0.029668898787589906 3882.7234891349112 -0.4172351263899294 -0.04660941581980968 0.9076025626138984 7591.295009989693 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/44140023_3726848652.jpg buckingham_palace/test/images/04563674_4259679500.jpg 0 0 667.066 0.0 319.5 0.0 667.066 212.0 0.0 0.0 1.0 611.976 0.0 319.5 0.0 611.976 239.5 0.0 0.0 1.0 0.42123812198478316 -0.027181360578156986 -0.90654267314002 106875.32495839459 0.168711403548971 0.9844529042470523 0.048876800550776416 -899.0242869032636 0.8911200294569016 -0.1735328584351227 0.41927489806100543 11756.922572290692 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/92472013_4238693784.jpg buckingham_palace/test/images/92121328_5579434644.jpg 0 0 640.379 0.0 319.5 0.0 640.379 210.5 0.0 0.0 1.0 575.219 0.0 319.5 0.0 575.219 239.5 0.0 0.0 1.0 0.9652057840183137 3.405811072897609e-05 0.26149147851820664 -28880.72539574952 -0.051738922817858544 0.9802549863762231 0.1908487504549053 -12297.058417078231 -0.25632182576448775 -0.1977376052363236 0.9461495447930858 -28645.91157282777 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/62344235_4979934495.jpg buckingham_palace/test/images/13945740_8521059121.jpg 0 0 543.599 0.0 213.5 0.0 543.599 319.5 0.0 0.0 1.0 538.505 0.0 319.5 0.0 538.505 239.5 0.0 0.0 1.0 0.9699564218819738 0.001573167439105717 0.24327364179895647 -15017.107229285099 -0.07915945619512478 0.9476024573373931 0.3094888743445007 -6975.510539610366 -0.23003982295422368 -0.31944813036288466 0.919257619964527 -28148.54277599739 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/83500228_4350950097.jpg buckingham_palace/test/images/10538802_8199902487.jpg 0 0 450.353 0.0 319.5 0.0 450.353 239.5 0.0 0.0 1.0 594.899 0.0 319.5 0.0 594.899 239.5 0.0 0.0 1.0 0.9723349803478001 -0.011510874363841649 0.23330706325232203 -19336.47053034795 -0.06317571106445498 0.948604383834729 0.3100944251369812 -8699.944968815758 -0.22488556094943854 -0.31625499638885424 0.9216340172408688 -32170.817754599673 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/00144688_335879737.jpg buckingham_palace/test/images/46081654_9210533871.jpg 0 0 573.033 0.0 249.5 0.0 573.033 187.0 0.0 0.0 1.0 915.01 0.0 319.5 0.0 915.01 213.0 0.0 0.0 1.0 0.8047621445992998 -0.0662142325749854 -0.589892842832019 60640.09078229168 0.07090148251254562 0.9973671248222099 -0.015224917122979595 7589.823279556203 0.5893478348118864 -0.02957184012509458 0.8073379935777564 74278.68761391508 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/11074774_4612638895.jpg buckingham_palace/test/images/12516230_8673895442.jpg 0 0 503.963 0.0 319.5 0.0 503.963 212.5 0.0 0.0 1.0 607.086 0.0 319.5 0.0 607.086 211.5 0.0 0.0 1.0 0.8737727592797399 -0.09109760750062393 -0.4777262720934785 46299.76494636617 0.0687723037310692 0.99557356552203 -0.06405970553533573 5231.170165444406 0.4814473339631154 0.023119289379533812 0.8761700537443595 56919.61317931335 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/72807922_9586802730.jpg buckingham_palace/test/images/51262215_3370618807.jpg 0 0 604.967 0.0 319.5 0.0 604.967 213.0 0.0 0.0 1.0 821.974 0.0 319.5 0.0 821.974 213.0 0.0 0.0 1.0 0.3762675590703718 -0.09795071293218552 -0.9213188274573038 97817.30313393901 0.1299606799885606 0.9901445488540886 -0.05219189622387503 11910.481475396296 0.9173510482079015 -0.10009710390720288 0.3852890137821936 103374.85274906634 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/13945740_8521059121.jpg buckingham_palace/test/images/12516230_8673895442.jpg 0 0 538.505 0.0 319.5 0.0 538.505 239.5 0.0 0.0 1.0 607.086 0.0 319.5 0.0 607.086 211.5 0.0 0.0 1.0 0.8948362756030984 -0.12061312876246397 -0.4297912435530827 28470.667654064106 0.0781052518363679 0.9902575047075577 -0.11528071827473609 12306.144220311558 0.43950837250313396 0.06958841527503562 0.8955388561972929 91925.14826170928 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/89896693_2049071963.jpg buckingham_palace/test/images/89269947_2824630864.jpg 0 0 722.799 0.0 319.5 0.0 722.799 239.5 0.0 0.0 1.0 509.392 0.0 239.5 0.0 509.392 319.5 0.0 0.0 1.0 0.9999244235700367 -0.003583802101598384 -0.011760251299458133 -1106.1313168867737 0.0032497481916175857 0.999594120459418 -0.02830253486268596 -8413.039607028084 0.011856908737985013 0.028262178002748745 0.9995302211587802 -42887.04001434771 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/31516490_8149048396.jpg buckingham_palace/test/images/12516230_8673895442.jpg 0 0 739.67 0.0 319.5 0.0 739.67 239.5 0.0 0.0 1.0 607.086 0.0 319.5 0.0 607.086 211.5 0.0 0.0 1.0 0.9889070663054206 -0.007302637679199376 -0.14835594256426957 34245.8125376347 -0.006159280030500478 0.9959155704524866 -0.09007907526059582 1917.78512180089 0.14840780801801634 0.08999359984590316 0.9848229660736303 24641.078391704403 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/34511353_8612252871.jpg buckingham_palace/test/images/92766299_2205106180.jpg 0 0 526.275 0.0 319.5 0.0 526.275 239.5 0.0 0.0 1.0 529.386 0.0 319.5 0.0 529.386 213.0 0.0 0.0 1.0 0.9325670357519343 0.05227141015896033 0.35719241804501445 -34514.07343398741 0.0028242386584064524 0.98837461598322 -0.15201198030426047 2988.5504432958983 -0.3609857995889187 0.14277015850665803 0.9215779589026275 13373.393486926685 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/00212661_8137933114.jpg buckingham_palace/test/images/03295994_6248335133.jpg 0 0 607.957 0.0 319.5 0.0 607.957 239.5 0.0 0.0 1.0 722.705 0.0 319.5 0.0 722.705 239.5 0.0 0.0 1.0 0.975282553047017 0.08328896515103702 0.2046628691437734 -32385.42954511708 -0.08796886791342043 0.9960268075421127 0.013859182353151691 -1958.0510442844675 -0.20269538721964833 -0.03152057965101621 0.978734403736959 -24608.350876490782 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/70365201_2960998111.jpg buckingham_palace/test/images/81973508_8989799070.jpg 0 0 738.141 0.0 239.5 0.0 738.141 319.5 0.0 0.0 1.0 697.977 0.0 319.5 0.0 697.977 239.5 0.0 0.0 1.0 0.9709980297103573 -0.017111753002247924 0.2384743470644044 -33101.59140335069 -0.010554171644385761 0.9933954253127177 0.11425470856233966 -1446.3589598483031 -0.23885442378047925 -0.11345799609086343 0.9644044003236095 5281.280889316546 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/63307507_3556599632.jpg buckingham_palace/test/images/89299405_4981004528.jpg 0 0 1617.87 0.0 319.5 0.0 1617.87 213.5 0.0 0.0 1.0 526.12 0.0 319.5 0.0 526.12 213.0 0.0 0.0 1.0 0.9999882633654871 0.004329613476470987 -0.0021742995242745476 -24881.558381180854 -0.003762207777846749 0.9766988135355825 0.21458162416857018 -24438.68922305285 0.0030526912574332355 -0.21457092553589252 0.9767036392840754 -98231.31023693574 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/86680206_8613353750.jpg buckingham_palace/test/images/13281945_9328537386.jpg 0 0 666.834 0.0 319.5 0.0 666.834 239.5 0.0 0.0 1.0 480.216 0.0 319.5 0.0 480.216 211.5 0.0 0.0 1.0 0.9999764658027006 -0.004947030814819917 0.004753391090343957 1502.4511106612226 0.004757744818492364 0.9992263363113199 0.03903962968701897 2995.4350460486976 -0.004942843815320103 -0.039016095498841045 0.9992263570318003 8243.885629524653 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/44119452_427463944.jpg buckingham_palace/test/images/89826404_8759127701.jpg 0 0 842.739 0.0 249.5 0.0 842.739 166.0 0.0 0.0 1.0 628.119 0.0 319.5 0.0 628.119 239.5 0.0 0.0 1.0 0.9694430134983689 -0.03671691818283149 -0.24255331681582187 -4532.698410290266 0.012603697012312919 0.9948847054232411 -0.10022758969731276 745.747775964855 0.2449926333603176 0.09410786807736281 0.964946795820946 5185.514859763878 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/59557144_4072456064.jpg buckingham_palace/test/images/09913545_5384620652.jpg 0 0 569.526 0.0 249.5 0.0 569.526 187.0 0.0 0.0 1.0 618.577 0.0 319.5 0.0 618.577 238.5 0.0 0.0 1.0 0.8636786243711824 -0.021074874552719065 0.5036021082828078 -39140.472279916576 -0.02405240842095937 0.9962640868718102 0.08294185227392666 -1710.0583896178764 -0.5034686836869331 -0.08374794846481709 0.8599450945696949 -7019.009206528759 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/90827153_3154791736.jpg buckingham_palace/test/images/89902711_383052108.jpg 0 0 537.352 0.0 249.5 0.0 537.352 187.0 0.0 0.0 1.0 728.351 0.0 319.5 0.0 728.351 239.5 0.0 0.0 1.0 0.9627004670768018 0.007797628393930288 0.27045703481613864 -5675.140947197706 -0.018513872828927053 0.9991402585361472 0.03709420824327404 862.9063509456532 -0.26993526483766844 -0.04071781874991876 0.9620171578684377 -34366.21546140751 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/63503162_6643082601.jpg buckingham_palace/test/images/12105658_501509035.jpg 0 0 771.297 0.0 305.5 0.0 771.297 305.5 0.0 0.0 1.0 734.683 0.0 319.5 0.0 734.683 212.0 0.0 0.0 1.0 0.9897354179164799 0.004704737556146617 -0.14283440750119886 14479.031050989923 0.010120291903314236 0.9946414684864554 0.10288794321444711 -10832.774930302698 0.14255308559790084 -0.1032773673736669 0.9843842761721067 -62058.988476067614 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/48484647_7883607208.jpg buckingham_palace/test/images/64569789_11614065733.jpg 0 0 530.224 0.0 319.5 0.0 530.224 182.5 0.0 0.0 1.0 549.862 0.0 319.5 0.0 549.862 239.5 0.0 0.0 1.0 0.9983937452664773 0.012586823885787407 0.05524039533932366 1329.1135452506005 -0.010783058488357271 0.9994027644240099 -0.032830475343549645 165.74477395112717 -0.05562063522123119 0.03218208082326135 0.9979331934611014 325.02715233850904 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/46081654_9210533871.jpg buckingham_palace/test/images/99045467_2406713065.jpg 0 0 915.01 0.0 319.5 0.0 915.01 213.0 0.0 0.0 1.0 703.265 0.0 319.5 0.0 703.265 239.5 0.0 0.0 1.0 0.6601976049828363 0.08403627796857895 0.7463759283096651 -95442.975295042 0.008057827049061779 0.9928714702758531 -0.11891726088130915 841.5503931637536 -0.7510487293100059 0.08452305896886164 0.654814216938188 -5173.495963192804 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/42080522_204096736.jpg buckingham_palace/test/images/80396877_5553830938.jpg 0 0 671.754 0.0 319.5 0.0 671.754 239.5 0.0 0.0 1.0 628.545 0.0 319.5 0.0 628.545 191.0 0.0 0.0 1.0 0.7668032384850999 -0.07843444780205314 -0.6370720766496909 54517.326750538676 -0.0018293465443394053 0.9922351085306393 -0.12436294822177145 2587.7530669748085 0.641879620287156 0.09652733704592338 0.7607056107738649 -2638.480619207623 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/40301915_5005868978.jpg buckingham_palace/test/images/18653284_7502960042.jpg 0 0 501.329 0.0 319.5 0.0 501.329 213.0 0.0 0.0 1.0 306.853 0.0 319.5 0.0 306.853 213.0 0.0 0.0 1.0 0.8619207799484233 -0.4961082584402599 -0.1047337815629416 44168.22478005217 0.4490548744185526 0.8428068472088562 -0.2966923289517367 -604.8124560513056 0.23546186284415474 0.2086940684476681 0.9492125667840267 -22369.63921194486 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/65062872_13486503543.jpg buckingham_palace/test/images/30612743_2756901875.jpg 0 0 588.768 0.0 319.5 0.0 588.768 239.5 0.0 0.0 1.0 565.589 0.0 249.5 0.0 565.589 187.0 0.0 0.0 1.0 0.8616584425887039 0.05094576744629039 -0.5049250014555801 36973.859450462325 0.009330268336989713 0.9931898772604223 0.11613274215391177 -1693.4836095082596 0.5074028718960591 -0.10477784349153065 0.8553151051541739 -5411.819722544358 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/81394496_5045390386.jpg buckingham_palace/test/images/92766299_2205106180.jpg 0 0 672.414 0.0 319.5 0.0 672.414 239.5 0.0 0.0 1.0 529.386 0.0 319.5 0.0 529.386 213.0 0.0 0.0 1.0 0.9780940515525421 0.02103956908071159 -0.20709747185910174 7731.474010477648 -0.021391491861578908 0.9997710299511225 0.0005401355453628335 2737.7293148377294 0.20706141695996738 0.0039018205198760843 0.9783201650805124 11763.118567363941 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/24173207_5973657415.jpg buckingham_palace/test/images/48839627_9410045471.jpg 0 0 565.88 0.0 319.5 0.0 565.88 213.0 0.0 0.0 1.0 464.127 0.0 319.5 0.0 464.127 212.0 0.0 0.0 1.0 0.7407632684434953 -0.04723828386873505 -0.6701032194088067 44296.72233169355 0.0873118866373291 0.9958333099434706 0.026318306534840043 891.886898628039 0.6660678753526105 -0.07800361109697689 0.7418012011847184 20976.683714547442 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/11419093_5995987486.jpg buckingham_palace/test/images/42080522_204096736.jpg 0 0 1719.98 0.0 319.5 0.0 1719.98 281.0 0.0 0.0 1.0 671.754 0.0 319.5 0.0 671.754 239.5 0.0 0.0 1.0 0.9697383663048336 0.027083217801883462 0.2426396509845999 -84187.28369372641 -0.03067270614305996 0.9994686501380305 0.011027351863633636 -8040.18653661351 -0.24221206826724007 -0.018136060894213903 0.9700538115387968 -127283.46431595455 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/81973508_8989799070.jpg buckingham_palace/test/images/31516490_8149048396.jpg 0 0 697.977 0.0 319.5 0.0 697.977 239.5 0.0 0.0 1.0 739.67 0.0 319.5 0.0 739.67 239.5 0.0 0.0 1.0 0.6805722524962856 -0.09889744880289383 -0.7259756908825602 47669.20712174969 0.13682192423349418 0.9905731509839476 -0.006677843871875796 20683.827713379935 0.7197924493777187 -0.09478463572759127 0.687687939874484 79148.39758296999 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/48284683_6191802350.jpg buckingham_palace/test/images/88817343_6780061632.jpg 0 0 447.039 0.0 319.5 0.0 447.039 213.0 0.0 0.0 1.0 716.556 0.0 319.5 0.0 716.556 213.0 0.0 0.0 1.0 0.7304499453426215 0.011235920683662642 -0.6828738034478639 48437.65914819888 0.05638235984218045 0.9954595508452798 0.07668971332284977 -1590.8005408477097 0.6806349292003666 -0.0945200334178128 0.7264998667825807 10730.713423377623 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/62496239_2805675448.jpg buckingham_palace/test/images/36807384_2580130370.jpg 0 0 752.203 0.0 319.5 0.0 752.203 239.5 0.0 0.0 1.0 749.48 0.0 319.5 0.0 749.48 212.5 0.0 0.0 1.0 0.9602164581238761 0.026645072987262746 0.27798272182555084 -55448.416743762165 -0.023884298716255137 0.9996260712771808 -0.013313823559791806 7345.31080179146 -0.27823352390190276 0.006144730136630395 0.9604938044926045 70002.19400590527 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/48659678_6312182163.jpg buckingham_palace/test/images/28259006_5155039232.jpg 0 0 642.526 0.0 319.5 0.0 642.526 239.5 0.0 0.0 1.0 550.045 0.0 319.5 0.0 550.045 214.0 0.0 0.0 1.0 0.9958606422122995 -0.025554905784267324 -0.0872268770670105 31601.639827041538 0.015716766218121403 0.9936216028915659 -0.1116650953827564 -3460.8329245679993 0.0895241003984461 0.10983194916577048 0.9899102880515469 -28759.209008605627 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/89299405_4981004528.jpg buckingham_palace/test/images/22496504_4546656558.jpg 0 0 526.12 0.0 319.5 0.0 526.12 213.0 0.0 0.0 1.0 835.668 0.0 319.5 0.0 835.668 213.0 0.0 0.0 1.0 0.7915507991580264 -0.13760301702448968 -0.5954097262037694 41060.26541706967 0.09454475790964155 0.9901630058347479 -0.10314315599255483 3248.877029429683 0.6037454936511716 0.025350179132606423 0.7967739624974248 26948.999182208372 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/66051487_8289127493.jpg buckingham_palace/test/images/76951988_220277127.jpg 0 0 729.749 0.0 319.5 0.0 729.749 239.5 0.0 0.0 1.0 678.241 0.0 319.5 0.0 678.241 239.5 0.0 0.0 1.0 0.9995067815075785 -0.026188147288247712 0.017331320260449173 -86.26370551315995 0.026110647578022995 0.9996480900061531 0.0046829723580516696 -5729.416307195903 -0.017447859565502422 -0.004228130634102737 0.9998388345668132 -33388.30209980365 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/66012681_3064490504.jpg buckingham_palace/test/images/89730574_3288971741.jpg 0 0 573.25 0.0 249.5 0.0 573.25 187.0 0.0 0.0 1.0 664.171 0.0 319.5 0.0 664.171 239.5 0.0 0.0 1.0 0.9995934530027071 0.016556803689221796 0.023212086630063977 -28839.517882077227 -0.018306688150574985 0.9968381298948797 0.077321458578045 -970.7987007656085 -0.021858496816629942 -0.0777149602024945 0.9967359685882928 -22594.7543958346 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/76276666_337183275.jpg buckingham_palace/test/images/84457371_9304536157.jpg 0 0 545.844 0.0 319.5 0.0 545.844 213.0 0.0 0.0 1.0 498.178 0.0 319.5 0.0 498.178 239.5 0.0 0.0 1.0 0.7925769344092358 0.23270951138495102 0.5636205162637669 -26155.812041091354 -0.010893108300873514 0.9295696182173202 -0.36848563754758623 -2553.696638124592 -0.6096746207888297 0.2859136376570433 0.739290368236807 48287.398043463094 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/84457371_9304536157.jpg buckingham_palace/test/images/83415428_2296055089.jpg 0 0 498.178 0.0 319.5 0.0 498.178 239.5 0.0 0.0 1.0 551.523 0.0 319.5 0.0 551.523 239.5 0.0 0.0 1.0 0.9985787995453951 -0.042686383782989355 0.0319100883422321 12457.043314786955 0.03297975301883862 0.9652635243014919 0.2591884730150621 -7078.960930419531 -0.041865462965242836 -0.25776772740704856 0.9652994777363714 -36114.23556432849 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/34591604_85337315.jpg buckingham_palace/test/images/81888816_2734302.jpg 0 0 588.671 0.0 319.5 0.0 588.671 239.5 0.0 0.0 1.0 669.636 0.0 319.5 0.0 669.636 239.5 0.0 0.0 1.0 0.9950885969769309 0.017057337318677254 -0.09750759667882582 7153.959015247463 -0.0020910526340508903 0.988443978909513 0.15157218760845395 -2799.359358330238 0.0989662147672898 -0.15062386199114536 0.983624999953492 -8242.823193636668 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/87785947_1573426398.jpg buckingham_palace/test/images/30612743_2756901875.jpg 0 0 660.277 0.0 319.5 0.0 660.277 239.5 0.0 0.0 1.0 565.589 0.0 249.5 0.0 565.589 187.0 0.0 0.0 1.0 0.6657662856561638 -0.2089251061051991 -0.7163138648124345 25324.25340535103 0.03521999043470146 0.9677289653768234 -0.24951994277909426 2286.0262807538447 0.7453286558004965 0.14089339803423814 0.651639659039404 34969.68761783857 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/82736794_5152319320.jpg buckingham_palace/test/images/37738135_1526579232.jpg 0 0 723.947 0.0 319.5 0.0 723.947 239.5 0.0 0.0 1.0 526.293 0.0 319.5 0.0 526.293 213.5 0.0 0.0 1.0 0.9981668909010303 0.0066988927933204455 -0.060149669527889436 5438.920828496621 -0.010319162145806615 0.9981402052276573 -0.06008032623661951 -185.79172190176223 0.05963533182249649 0.06059088663680107 0.9963796322963387 -3461.5761552949734 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/49769462_3201360263.jpg buckingham_palace/test/images/84030835_2661414475.jpg 0 0 774.939 0.0 319.5 0.0 774.939 213.0 0.0 0.0 1.0 520.103 0.0 249.5 0.0 520.103 140.0 0.0 0.0 1.0 0.9421458385113227 -0.058934957857057484 -0.32998165057800344 54823.59978139982 0.04415463167818582 0.9976644362063724 -0.05211565245092127 -8994.468583908605 0.33228239116324004 0.03453032683610633 0.9425476481597261 -85843.97844327685 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/35412346_425909362.jpg buckingham_palace/test/images/11074774_4612638895.jpg 0 0 659.197 0.0 249.5 0.0 659.197 187.0 0.0 0.0 1.0 503.963 0.0 319.5 0.0 503.963 212.5 0.0 0.0 1.0 0.9968453861892522 0.021322300102117407 0.07645021616422071 -3654.0214297991283 -0.03236733351612696 0.9887126745193209 0.1462860313423917 -3027.825016033086 -0.07246814303027664 -0.14829904505156682 0.986283813860157 -10839.649169630151 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/96795280_10579107723.jpg buckingham_palace/test/images/16210476_4152300283.jpg 0 0 778.565 0.0 319.5 0.0 778.565 319.5 0.0 0.0 1.0 723.131 0.0 239.5 0.0 723.131 319.5 0.0 0.0 1.0 0.942041742540284 0.01870051825364407 0.3349740973996503 -8022.899975123901 0.002997558854304874 0.9979363098564586 -0.06414153187279782 -1634.8108327940975 -0.335482294544109 0.06142810502627672 0.9400416043773279 37049.389481260834 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/83721004_321291688.jpg buckingham_palace/test/images/94916212_250193805.jpg 0 0 713.043 0.0 319.5 0.0 713.043 239.5 0.0 0.0 1.0 540.593 0.0 249.5 0.0 540.593 187.0 0.0 0.0 1.0 0.93165536574859 -0.0406595960574563 -0.3610610429280698 23278.34708097268 0.08499770281954475 0.990535040693946 0.10777626674200179 -7884.191376995563 0.35326147537944375 -0.13109969643705224 0.926293257886967 -48803.428974045506 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/58837390_828863639.jpg buckingham_palace/test/images/72721744_6254882589.jpg 0 0 664.357 0.0 319.5 0.0 664.357 239.5 0.0 0.0 1.0 292.816 0.0 319.5 0.0 292.816 187.0 0.0 0.0 1.0 0.999770555062563 0.008047844811754403 0.019851181924017976 -10085.58056508851 -0.009143418119708554 0.9984039705958841 0.05573068637170117 -15247.979402659466 -0.019370986938788762 -0.055899406904355055 0.9982484766693905 -39922.65348836784 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/65292787_5063207561.jpg buckingham_palace/test/images/48728464_4071692457.jpg 0 0 693.23 0.0 319.5 0.0 693.23 239.5 0.0 0.0 1.0 569.812 0.0 249.5 0.0 569.812 187.0 0.0 0.0 1.0 0.9774963748380296 -0.04856736194963194 0.2052852857166426 -40184.529197353004 0.027751251750676064 0.9942847381294279 0.10309087034827774 -2007.0424121592123 -0.20911887816450422 -0.09507402839970676 0.9732575321666259 -59371.533358899884 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/42080522_204096736.jpg buckingham_palace/test/images/84843004_4889485367.jpg 0 0 671.754 0.0 319.5 0.0 671.754 239.5 0.0 0.0 1.0 538.063 0.0 319.5 0.0 538.063 213.0 0.0 0.0 1.0 0.8664883711083669 -0.05158306269974835 -0.4965250148547231 62993.591912668795 0.0505428979536288 0.9986009812728273 -0.015540130868024589 2041.9476605167245 0.4966319746053592 -0.011630470474580813 0.8678832951244777 -7742.40143595484 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/94455955_3929007141.jpg buckingham_palace/test/images/34376995_1253071592.jpg 0 0 731.249 0.0 319.5 0.0 731.249 239.5 0.0 0.0 1.0 536.63 0.0 319.5 0.0 536.63 239.5 0.0 0.0 1.0 0.9993333770303209 0.017482453446174797 0.03204942081656272 -17333.315274439035 -0.017741207990021032 0.9998121319098028 0.007807075318560074 -7617.968953668378 -0.031906912922274475 -0.008370466383493074 0.9994557940200721 -57271.34189891991 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/97292713_2986088736.jpg buckingham_palace/test/images/66118214_3789268806.jpg 0 0 683.491 0.0 319.5 0.0 683.491 221.0 0.0 0.0 1.0 872.296 0.0 319.5 0.0 872.296 239.5 0.0 0.0 1.0 0.9814855289861129 0.035985115748986475 0.1881255640134591 -25954.781650825953 -0.007542398259845814 0.9886921899811089 -0.14976937503658297 609.7992830153939 -0.19138774417224289 0.14557755635705252 0.9706584911624528 4021.8243317507768 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/35412346_425909362.jpg buckingham_palace/test/images/06301377_3135673857.jpg 0 0 659.197 0.0 249.5 0.0 659.197 187.0 0.0 0.0 1.0 498.489 0.0 249.5 0.0 498.489 187.0 0.0 0.0 1.0 0.9994618607222849 0.019267452667866142 -0.026547207560110392 1377.5118113713245 -0.021545374960292213 0.9958538887035893 -0.08837889551108696 168.8867285751619 0.024734303696859104 0.08890330489712268 0.9957331051034713 -4647.277720958667 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/34511353_8612252871.jpg buckingham_palace/test/images/52927333_9772228794.jpg 0 0 526.275 0.0 319.5 0.0 526.275 239.5 0.0 0.0 1.0 548.596 0.0 319.5 0.0 548.596 179.0 0.0 0.0 1.0 0.9215469090463448 0.07265240522588548 0.38140912737114946 -32726.662774350356 0.009752761582492681 0.9776957155471993 -0.20979983661138804 2256.2686145397142 -0.388144532447184 0.19706018323229021 0.9002839030638132 6977.634238258524 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/79123276_3884527240.jpg buckingham_palace/test/images/56032606_8199293549.jpg 0 0 1531.74 0.0 319.5 0.0 1531.74 212.0 0.0 0.0 1.0 476.287 0.0 319.5 0.0 476.287 239.5 0.0 0.0 1.0 0.967811008406025 -0.029349980305573304 -0.2499608582641994 66766.87135265248 0.041811357396329726 0.9981255907076483 0.044689098974854534 -21277.07821261222 0.24818070513395896 -0.0537018047235884 0.9672240969747602 -96533.57132635699 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/31650540_6170454977.jpg buckingham_palace/test/images/62184736_5578846989.jpg 0 0 681.385 0.0 319.5 0.0 681.385 239.5 0.0 0.0 1.0 581.244 0.0 319.5 0.0 581.244 239.5 0.0 0.0 1.0 0.998023555188724 0.01991121701938856 0.05960307647485072 -9474.395893695983 -0.02164790038096255 0.9993554967104378 0.028634936768395732 11624.951374931417 -0.05899450565566269 -0.029868622858125075 0.9978113617668437 69236.62196680057 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/34591604_85337315.jpg buckingham_palace/test/images/50497824_8033642711.jpg 0 0 588.671 0.0 319.5 0.0 588.671 239.5 0.0 0.0 1.0 449.291 0.0 319.5 0.0 449.291 213.0 0.0 0.0 1.0 0.9999074751642447 0.0032568062028563317 0.013207358707273032 208.6621009803912 -0.006211749805366643 0.9730937114994067 0.2303259490475732 -3642.0800188391513 -0.012101870724027443 -0.2303866789848467 0.9730239066288722 -9302.657025668761 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/04861657_8587228495.jpg buckingham_palace/test/images/74845354_647484279.jpg 0 0 671.319 0.0 319.5 0.0 671.319 239.5 0.0 0.0 1.0 550.969 0.0 249.5 0.0 550.969 187.0 0.0 0.0 1.0 0.7990276535202777 0.06192220547794827 0.5980973577759943 -83897.25520045409 -0.03206308078326171 0.9976558499662839 -0.06045464315284736 1384.9571823540837 -0.6004388126700047 0.029128087764198285 0.7991400294958552 -13000.470383643118 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/81485196_7160898455.jpg buckingham_palace/test/images/65063014_3656668731.jpg 0 0 640.287 0.0 319.5 0.0 640.287 232.0 0.0 0.0 1.0 689.192 0.0 319.5 0.0 689.192 239.5 0.0 0.0 1.0 0.8526657813251419 0.012425335307924475 0.5223089855628287 -61296.6059946804 -0.06945884913654955 0.9935388313277695 0.08975555091734295 -6603.008742050558 -0.5178190162921903 -0.11281046798207753 0.8480196133815852 -32155.694307853795 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/69599759_2579291719.jpg buckingham_palace/test/images/21622015_377333223.jpg 0 0 502.541 0.0 319.5 0.0 502.541 212.5 0.0 0.0 1.0 671.989 0.0 319.5 0.0 671.989 239.5 0.0 0.0 1.0 0.7411932435145817 -0.1837635776643821 -0.6456496908481565 8175.4082713929165 0.030449083331132804 0.9700153020472722 -0.24112894292977938 507.64087695624244 0.6706007971160095 0.15906370207601003 0.7245642204727245 38454.36617623311 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/23363801_5143002413.jpg buckingham_palace/test/images/97000297_3525745026.jpg 0 0 729.125 0.0 319.5 0.0 729.125 239.5 0.0 0.0 1.0 537.107 0.0 319.5 0.0 537.107 209.0 0.0 0.0 1.0 0.9938050629064799 0.003850332149667757 0.11107057163706661 -21645.814815275357 -0.03679174328327846 0.9544455993530983 0.2961080301202284 -13425.834668576354 -0.10487070404848448 -0.29836013945874534 0.9486745293379247 -32456.26902195486 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/30612743_2756901875.jpg buckingham_palace/test/images/81547541_3154792166.jpg 0 0 565.589 0.0 249.5 0.0 565.589 187.0 0.0 0.0 1.0 514.553 0.0 249.5 0.0 514.553 187.0 0.0 0.0 1.0 0.9869999904135802 -0.005998685191246438 0.16060832699324493 -3621.6984193491007 0.02918760722789034 0.9893764401670634 -0.14241609188100737 -4514.424588285435 -0.15804778552040247 0.14525245408710127 0.9766896242275593 59577.910007257284 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/78850803_8040467285.jpg buckingham_palace/test/images/88827990_5044159062.jpg 0 0 936.98 0.0 319.5 0.0 936.98 239.5 0.0 0.0 1.0 800.954 0.0 319.5 0.0 800.954 239.5 0.0 0.0 1.0 0.8995517698729091 -0.04405142449667146 -0.4345872585779873 71554.97979963549 0.05225612353910109 0.9986095863274995 0.006942020418199231 -3878.8718758290925 0.4336771966234592 -0.028954552226455606 0.9006029774735272 -25549.87909818776 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/94455955_3929007141.jpg buckingham_palace/test/images/65062872_13486503543.jpg 0 0 731.249 0.0 319.5 0.0 731.249 239.5 0.0 0.0 1.0 588.768 0.0 319.5 0.0 588.768 239.5 0.0 0.0 1.0 0.886525560950105 0.04626820851437353 0.4603603834638383 -61520.01238999426 0.03983611098488498 0.9836597001395632 -0.17557527896302644 1630.774011946831 -0.4609615103712042 0.17399094000037782 0.8701963219607878 -22211.114813063272 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/97292713_2986088736.jpg buckingham_palace/test/images/61285342_3151612050.jpg 0 0 683.491 0.0 319.5 0.0 683.491 221.0 0.0 0.0 1.0 536.336 0.0 249.5 0.0 536.336 187.0 0.0 0.0 1.0 0.8582658223487496 0.08451232754645341 0.5061990168705442 -45188.06853412163 0.05173694576714654 0.9670747058822842 -0.24917825283395198 1930.4991399359715 -0.5105908994789389 0.2400503691631707 0.8256347580098077 -2388.993739714345 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/97483818_594151094.jpg buckingham_palace/test/images/42575336_5691036729.jpg 0 0 655.958 0.0 319.5 0.0 655.958 239.5 0.0 0.0 1.0 681.719 0.0 319.5 0.0 681.719 212.5 0.0 0.0 1.0 0.9979065191334326 0.016531279622719275 0.06252436217212783 -5673.490198397544 -0.0008843239651471678 0.9701764708923418 -0.24239808847844824 1607.9938741116134 -0.06466681561759952 0.24183534092625175 0.9681600440200797 18004.682474405152 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/99420280_3920306353.jpg buckingham_palace/test/images/40640722_7130151431.jpg 0 0 872.142 0.0 319.5 0.0 872.142 213.0 0.0 0.0 1.0 718.085 0.0 319.5 0.0 718.085 239.5 0.0 0.0 1.0 0.647841584178462 0.12668926434923003 0.75116650092226 -108996.28851830098 -0.06334762861513037 0.9916180136748689 -0.11260902674451553 5838.660570041769 -0.7591365883409785 0.02536819375041144 0.6504368493465458 73417.72677440797 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/12516230_8673895442.jpg buckingham_palace/test/images/88595844_3830407687.jpg 0 0 607.086 0.0 319.5 0.0 607.086 211.5 0.0 0.0 1.0 507.93 0.0 319.5 0.0 507.93 213.5 0.0 0.0 1.0 0.703743693795869 0.079445848626517 0.7059979961576087 -106922.39489767893 -0.05279777373233032 0.9968284379887848 -0.05954376798413906 709.3383355773021 -0.7084893849109215 0.004628428767074184 0.7057062909707494 13097.79569537824 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/40640722_7130151431.jpg buckingham_palace/test/images/05108322_3880700444.jpg 0 0 718.085 0.0 319.5 0.0 718.085 239.5 0.0 0.0 1.0 525.813 0.0 319.5 0.0 525.813 213.0 0.0 0.0 1.0 0.6812157308528027 -0.09237686028822371 -0.7262311227990521 127006.7651118756 0.07628991856915392 0.9955634583285591 -0.055074937726620074 2685.5011098060913 0.7280968179874114 -0.017886199265612822 0.685240912024696 -4660.345635675236 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/24967538_249111453.jpg buckingham_palace/test/images/84211719_64399705.jpg 0 0 1172.73 0.0 319.5 0.0 1172.73 239.5 0.0 0.0 1.0 1267.76 0.0 249.5 0.0 1267.76 187.0 0.0 0.0 1.0 0.9999872370719913 -0.0027825337380049556 -0.004217013056891798 -721.6336194356481 0.002895374541678324 0.9996314322159203 0.026992897810560895 827.496422280072 0.004140350152889517 -0.027004763134396228 0.9996267304692622 11523.839760258277 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/39881987_8753914632.jpg buckingham_palace/test/images/81547541_3154792166.jpg 0 0 696.104 0.0 319.5 0.0 696.104 211.5 0.0 0.0 1.0 514.553 0.0 249.5 0.0 514.553 187.0 0.0 0.0 1.0 0.9943497194083382 -0.004368848307315375 0.10606388959974432 -19992.060486105256 0.02211358646143252 0.985757803535537 -0.1667109536371455 176.99573140138637 -0.10382497197867112 0.16811444296449193 0.9802846062549215 3190.364853669882 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/15885029_599614928.jpg buckingham_palace/test/images/86576612_2460544550.jpg 0 0 433.441 0.0 319.5 0.0 433.441 239.5 0.0 0.0 1.0 775.263 0.0 319.5 0.0 775.263 180.0 0.0 0.0 1.0 0.9488327947872432 0.020524066143720255 -0.3151112347174524 32674.216426208794 0.0022986161728224073 0.9974102450433671 0.07188546060380108 2159.491162227688 0.3157705557836563 -0.06893160226963241 0.946328373403557 44499.28279230401 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/24708453_4252951589.jpg buckingham_palace/test/images/76017051_5339375111.jpg 0 0 716.742 0.0 319.5 0.0 716.742 239.5 0.0 0.0 1.0 482.865 0.0 319.5 0.0 482.865 239.5 0.0 0.0 1.0 0.9507952074738252 0.047583987074748785 0.30614414516510996 -55535.3880075518 -0.04804690948431216 0.9988268915933068 -0.006027861897798035 338.676465687613 -0.3060718345973901 -0.00897801782815972 0.951966085142777 1933.871487511914 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/80208883_2309723001.jpg buckingham_palace/test/images/94200008_8305050186.jpg 0 0 608.393 0.0 212.5 0.0 608.393 319.5 0.0 0.0 1.0 746.609 0.0 305.5 0.0 746.609 305.5 0.0 0.0 1.0 0.9708078809465897 -0.08517867599435443 -0.22422455585381554 12249.593619973115 0.08776765175413705 0.9961397107112393 0.0015862060689789755 11000.0145917442 0.22322387326976598 -0.021219564085473805 0.9745362140538781 41380.82774992338 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/28945073_6309209323.jpg buckingham_palace/test/images/92891727_3739824491.jpg 0 0 657.152 0.0 319.5 0.0 657.152 239.5 0.0 0.0 1.0 528.312 0.0 319.5 0.0 528.312 239.5 0.0 0.0 1.0 0.6134614026544701 -0.07528907909143476 0.786127637233785 -60551.46683850181 -0.09327930620215434 0.9815688133056889 0.16679818877945415 -6585.729261806912 -0.7841964540136959 -0.17565369143637544 0.5951316679501434 -10980.168230425974 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/42754968_4815256883.jpg buckingham_palace/test/images/38067003_3099337568.jpg 0 0 608.915 0.0 319.5 0.0 608.915 212.0 0.0 0.0 1.0 666.233 0.0 319.5 0.0 666.233 213.0 0.0 0.0 1.0 0.571460653681125 -0.1091962979783276 -0.8133319677734113 105258.25625518832 0.1596830425163091 0.986959361809955 -0.020311180872139643 -4446.708566973356 0.8049435056120869 -0.11826828249160652 0.58144523914932 -8240.135463392395 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/86151722_3888442454.jpg buckingham_palace/test/images/39733199_8623371744.jpg 0 0 505.778 0.0 249.5 0.0 505.778 187.0 0.0 0.0 1.0 1338.45 0.0 319.5 0.0 1338.45 239.5 0.0 0.0 1.0 0.8843453095760268 0.10168939392142064 0.455623353873323 -17669.684117222867 -0.026923486697993014 0.9854724538891025 -0.16768771120691395 6837.481771082434 -0.4660563263114279 0.1360268715720703 0.8742357753577755 39183.708504246126 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/81547541_3154792166.jpg buckingham_palace/test/images/58780959_4178228.jpg 0 0 514.553 0.0 249.5 0.0 514.553 187.0 0.0 0.0 1.0 561.783 0.0 249.5 0.0 561.783 187.0 0.0 0.0 1.0 0.9967165042882311 0.012076315133773337 -0.0800648030799949 7494.574838136396 0.006413302832846034 0.9739345235492941 0.22673864554941642 -6545.501600856907 0.08071604317744253 -0.22650763000746682 0.9706591646516185 -41287.68460851049 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/12103866_2466593345.jpg buckingham_palace/test/images/91534757_514721391.jpg 0 0 415.566 0.0 249.5 0.0 415.566 166.5 0.0 0.0 1.0 527.291 0.0 249.5 0.0 527.291 187.0 0.0 0.0 1.0 0.9475502972247593 0.09444791291258521 0.3053326480671977 -19425.586563117606 -0.05094623485057476 0.987758349156315 -0.14743786768175066 6011.210222974302 -0.3155200712852045 0.12414924654804821 0.9407624828816948 65470.95574420515 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/33491680_3513928900.jpg buckingham_palace/test/images/24967538_249111453.jpg 0 0 656.038 0.0 239.5 0.0 656.038 319.5 0.0 0.0 1.0 1172.73 0.0 319.5 0.0 1172.73 239.5 0.0 0.0 1.0 0.9633924020522877 -0.0746766959139629 -0.25748489422740267 9747.447502722836 0.028175992454364307 0.9833068383731118 -0.1797603267072203 2829.827662884681 0.2666105645264921 0.1659248405033089 0.9494144269953014 81161.76507780165 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/25919709_2805904071.jpg buckingham_palace/test/images/62344235_4979934495.jpg 0 0 562.99 0.0 249.5 0.0 562.99 187.0 0.0 0.0 1.0 543.599 0.0 213.5 0.0 543.599 319.5 0.0 0.0 1.0 0.9349488966755898 0.007590066402767873 0.35470121440037333 -48747.786087414526 0.06290863070303446 0.9803820514656255 -0.18679811922800774 1904.1961601834782 -0.34916051436003925 0.19696046317993202 0.9161296366539943 -19541.557127869557 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/03119315_5739628680.jpg buckingham_palace/test/images/88139524_3180271751.jpg 0 0 535.335 0.0 319.5 0.0 535.335 208.0 0.0 0.0 1.0 319.518 0.0 249.5 0.0 319.518 166.5 0.0 0.0 1.0 0.9524922232469843 -0.018157681480405904 0.3040211559370059 -5598.395717398076 0.017189321614856982 0.9998350719669418 0.005861406595799822 131.77051161645596 -0.3040774438797428 -0.0003570267726661508 0.9526472488048477 -10728.417724503443 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/99420280_3920306353.jpg buckingham_palace/test/images/70570527_4281018485.jpg 0 0 872.142 0.0 319.5 0.0 872.142 213.0 0.0 0.0 1.0 986.13 0.0 319.5 0.0 986.13 239.5 0.0 0.0 1.0 0.8646587370015134 -0.09115252143837053 -0.4940207347494385 70717.28275086754 0.0587959967085917 0.9950042290742215 -0.08068218449854564 -6016.986263119589 0.49890710487824386 0.04071611425273154 0.8656985033729511 -55033.83830586173 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/38067003_3099337568.jpg buckingham_palace/test/images/28945073_6309209323.jpg 0 0 666.233 0.0 319.5 0.0 666.233 213.0 0.0 0.0 1.0 657.152 0.0 319.5 0.0 657.152 239.5 0.0 0.0 1.0 0.9868612695120129 0.03026697234186606 0.15870962517249781 -15145.893701822708 0.0040394277667803995 0.9773679619061711 -0.21150780142277092 528.0467297454868 -0.16151940366548861 0.20936995349054757 0.9644043264185987 22425.13699274489 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/66271166_7212713294.jpg buckingham_palace/test/images/30985649_2732223159.jpg 0 0 1264.51 0.0 213.5 0.0 1264.51 319.5 0.0 0.0 1.0 688.364 0.0 319.5 0.0 688.364 239.5 0.0 0.0 1.0 0.9880851316318198 0.029895441292015157 0.15097693611305318 -39294.47447245085 -0.03301576418722584 0.999289056527096 0.01820276957828366 -16478.06173444257 -0.15032542021648493 -0.022970504895240516 0.9883696797967828 -83713.70303842443 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/83690948_250193885.jpg buckingham_palace/test/images/58837390_828863639.jpg 0 0 540.856 0.0 249.5 0.0 540.856 187.0 0.0 0.0 1.0 664.357 0.0 319.5 0.0 664.357 239.5 0.0 0.0 1.0 0.9438461801905552 0.04347742490333234 0.3275119870531048 -9726.31182327008 -0.10437746592941298 0.9797726055263755 0.17073659849666528 2832.8892096147183 -0.31346408525675196 -0.19533395757991578 0.9292926946179634 3573.1035282523144 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/83721004_321291688.jpg buckingham_palace/test/images/82558397_4279227566.jpg 0 0 713.043 0.0 319.5 0.0 713.043 239.5 0.0 0.0 1.0 507.207 0.0 319.5 0.0 507.207 212.5 0.0 0.0 1.0 0.9473558947987165 -0.053150876149593865 -0.31574007182277924 23323.577669411396 0.07857406332965862 0.9945635352862062 0.0683336728917022 -6415.469334250563 0.31039156747887026 -0.08954528822631534 0.9463819082138435 -53092.47378866969 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/46081654_9210533871.jpg buckingham_palace/test/images/75966612_8640534113.jpg 0 0 915.01 0.0 319.5 0.0 915.01 213.0 0.0 0.0 1.0 858.38 0.0 319.5 0.0 858.38 239.5 0.0 0.0 1.0 0.93806479818138 0.020567347977377887 0.34584883780360504 -68072.17741065724 0.001456325206325711 0.9979934860329785 -0.06329992853579243 3144.3732046760783 -0.3464567989372128 0.05988310306689575 0.9361526053145711 45181.46805102613 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/04439510_3913043145.jpg buckingham_palace/test/images/01991338_3847005741.jpg 0 0 534.779 0.0 319.5 0.0 534.779 213.0 0.0 0.0 1.0 575.005 0.0 249.5 0.0 575.005 187.0 0.0 0.0 1.0 0.9184566694984831 0.011558237373236321 -0.3953526949479135 30650.444156115944 0.008566165943770665 0.9987571694296852 0.049099259809356414 -2541.793197085424 0.39542883943230256 -0.04848219943058301 0.9172161736927643 4476.074652721819 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/40698826_4043332345.jpg buckingham_palace/test/images/89896693_2049071963.jpg 0 0 664.744 0.0 319.5 0.0 664.744 239.5 0.0 0.0 1.0 722.799 0.0 319.5 0.0 722.799 239.5 0.0 0.0 1.0 0.8746182962380964 0.019643355605869408 0.4844140527132862 -63036.94831185208 -0.10827654589620801 0.9818553050950585 0.15568027962935993 -1528.9422436683717 -0.47256642442555674 -0.18861150133867946 0.8608755287893911 -24625.542390742085 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/74969573_235362322.jpg buckingham_palace/test/images/80448535_2424346689.jpg 0 0 503.536 0.0 319.5 0.0 503.536 212.5 0.0 0.0 1.0 770.034 0.0 319.5 0.0 770.034 239.5 0.0 0.0 1.0 0.7807488666726197 -0.12211051951417189 -0.6127970530390947 36989.92032069047 0.03311685742379672 0.9874268500663146 -0.1545687210352971 2013.3993443219633 0.6239667306385749 0.10038544113612599 0.7749763107760865 47438.63255102845 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/87539697_3102605685.jpg buckingham_palace/test/images/88817343_6780061632.jpg 0 0 723.469 0.0 319.5 0.0 723.469 239.5 0.0 0.0 1.0 716.556 0.0 319.5 0.0 716.556 213.0 0.0 0.0 1.0 0.7152217517870998 -0.0578781270918165 -0.6964969261776651 61088.39010799426 0.051214920691771505 0.9982260871652507 -0.030359690401730522 -1257.8690264762638 0.6970185633604946 -0.013957123883412055 0.7169172344307085 16182.969753225158 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/73390455_10578819085.jpg buckingham_palace/test/images/77141853_3913827430.jpg 0 0 778.562 0.0 319.5 0.0 778.562 319.5 0.0 0.0 1.0 534.162 0.0 319.5 0.0 534.162 213.0 0.0 0.0 1.0 0.9023178032666133 0.004718106568006693 0.4310456140346707 -34494.01884679552 0.036192080527089304 0.9955804028273882 -0.08665907230738164 2190.8813538068416 -0.42954943279584723 0.09379446133151066 0.8981591639616543 -3053.6205262389485 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/54122468_53118210.jpg buckingham_palace/test/images/83600107_4900371165.jpg 0 0 475.674 0.0 239.5 0.0 475.674 159.5 0.0 0.0 1.0 540.202 0.0 319.5 0.0 540.202 239.5 0.0 0.0 1.0 0.8610341437391498 0.08132362959378528 0.5020026599382538 -25101.59458222244 -0.08716494470533322 0.9961232300230345 -0.01186520218929508 11584.717466359256 -0.501021432405746 -0.03354068988809653 0.8647846820983389 49890.99023802696 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/35721053_45922082.jpg buckingham_palace/test/images/84030835_2661414475.jpg 0 0 534.729 0.0 249.5 0.0 534.729 187.0 0.0 0.0 1.0 520.103 0.0 249.5 0.0 520.103 140.0 0.0 0.0 1.0 0.9307982849502832 -0.06928849338780682 -0.35890619584741024 10009.772483088967 0.044619868453060756 0.9960648206176934 -0.07657637016125685 2800.059890759904 0.36279969690290986 0.05526280676811598 0.9302270701905351 8152.603952203297 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/97483818_594151094.jpg buckingham_palace/test/images/34791488_2406713663.jpg 0 0 655.958 0.0 319.5 0.0 655.958 239.5 0.0 0.0 1.0 696.679 0.0 319.5 0.0 696.679 239.5 0.0 0.0 1.0 0.9858496404984686 -0.0421444628000255 -0.1622477444661017 -6860.916141196398 0.007169756515630914 0.9775957006630498 -0.2103692958504803 1841.2623962635653 0.16747859839557633 0.20622921786307982 0.9640645355882745 9156.782130112457 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/87374275_5233148436.jpg buckingham_palace/test/images/97156938_2710050704.jpg 0 0 539.491 0.0 319.5 0.0 539.491 202.5 0.0 0.0 1.0 730.199 0.0 319.5 0.0 730.199 239.5 0.0 0.0 1.0 0.7326958299038218 0.030059520567333683 0.6798920841316011 -73927.9815553071 -0.05317210218877615 0.998498698101455 0.013155889879677203 7368.847526075449 -0.6784759011124688 -0.045790557028298866 0.7331941601626827 56723.9670057964 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/83387888_3756983584.jpg buckingham_palace/test/images/91870054_4238721718.jpg 0 0 533.38 0.0 319.5 0.0 533.38 239.5 0.0 0.0 1.0 801.672 0.0 319.5 0.0 801.672 211.5 0.0 0.0 1.0 0.9963908821111978 -0.028385750085001236 -0.07999662016473869 -17678.251099417022 0.009110868708079265 0.972747691599138 -0.23168711781178689 1761.523269168527 0.08439314022510229 0.23012209298687628 0.9694955493463009 5468.652898142488 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/49117697_7908670900.jpg buckingham_palace/test/images/35412346_425909362.jpg 0 0 709.993 0.0 319.5 0.0 709.993 213.5 0.0 0.0 1.0 659.197 0.0 249.5 0.0 659.197 187.0 0.0 0.0 1.0 0.8340190607100656 0.09553965155174715 0.5434007557536801 -30657.608628462338 -0.018796249525518595 0.9892416984501192 -0.14507778276254996 4095.345981637672 -0.5514153673738832 0.11078373991201929 0.826842219286746 35169.83187794825 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/64561640_252491027.jpg buckingham_palace/test/images/62344235_4979934495.jpg 0 0 485.125 0.0 319.5 0.0 485.125 179.5 0.0 0.0 1.0 543.599 0.0 213.5 0.0 543.599 319.5 0.0 0.0 1.0 0.8950722229805996 -0.12677233176857036 -0.4275213346097801 16895.93463207526 -0.03950907602253853 0.932421209213273 -0.3592070733171933 -2695.654065127443 0.44416747805350776 0.3384072465347304 0.8295756667913837 34398.844087022444 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88827990_5044159062.jpg buckingham_palace/test/images/86900704_328544021.jpg 0 0 800.954 0.0 319.5 0.0 800.954 239.5 0.0 0.0 1.0 516.297 0.0 249.5 0.0 516.297 187.0 0.0 0.0 1.0 0.9993958176756811 -0.0019150542824438877 -0.03470348944202259 6266.572092590817 -0.003292031637526299 0.9887761431676894 -0.1493683407892285 -269.09009877844346 0.034600030925633685 0.14939234006308647 0.9881724376799935 -23766.2617493653 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/63307507_3556599632.jpg buckingham_palace/test/images/94020314_218603376.jpg 0 0 1617.87 0.0 319.5 0.0 1617.87 213.5 0.0 0.0 1.0 742.293 0.0 319.5 0.0 742.293 239.5 0.0 0.0 1.0 0.9997071370105368 -0.01118308336438124 0.021461101012316127 -25867.188905017007 0.00771335977390897 0.9878165381114925 0.15543162842363978 -20833.370337853874 -0.022937835364170253 -0.15522057105903028 0.9876135023524713 -111152.14064940334 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/70188039_8153398148.jpg buckingham_palace/test/images/99129354_2398993692.jpg 0 0 760.087 0.0 319.5 0.0 760.087 239.5 0.0 0.0 1.0 491.793 0.0 319.5 0.0 491.793 190.0 0.0 0.0 1.0 0.9904724660335044 -0.02574680264338969 -0.13528265292768055 15239.249682819522 0.008549580663115368 0.9919687022113693 -0.12619428871219426 -1076.6667714226382 0.13744525710257818 0.1238353583865856 0.9827378110733668 -61241.269164725396 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/42575336_5691036729.jpg buckingham_palace/test/images/68961676_732091276.jpg 0 0 681.719 0.0 319.5 0.0 681.719 212.5 0.0 0.0 1.0 580.459 0.0 249.5 0.0 580.459 187.0 0.0 0.0 1.0 0.7771965221992456 0.009236193304643633 -0.6291901609327951 68012.25936998252 0.08642696945507475 0.988849419475802 0.12127326396688179 4572.312074576365 0.6232944286869639 -0.14863215781118388 0.7677320735987149 48191.06095850188 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/15676476_3064491824.jpg buckingham_palace/test/images/87539697_3102605685.jpg 0 0 571.819 0.0 249.5 0.0 571.819 187.0 0.0 0.0 1.0 723.469 0.0 319.5 0.0 723.469 239.5 0.0 0.0 1.0 0.9863077351775819 0.006141912510580656 0.16480087511776687 -36730.428041830455 -0.021454706047366958 0.995592410614533 0.09129867203396073 994.8356008042624 -0.1635137520739173 -0.09358434077053714 0.9820922686006919 -8318.153387476525 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/80048275_3915422048.jpg buckingham_palace/test/images/11595280_7996242346.jpg 0 0 515.084 0.0 319.5 0.0 515.084 211.5 0.0 0.0 1.0 715.759 0.0 305.5 0.0 715.759 305.5 0.0 0.0 1.0 0.9379308116972739 0.021563961173616204 0.34615139469225903 -35999.680956903416 -0.03676646513611587 0.9986233468503393 0.03741173835605201 1026.1922656916875 -0.34486811901114905 -0.04781638530806871 0.937432436917873 -6805.831040016086 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/63503162_6643082601.jpg buckingham_palace/test/images/95099681_7121588727.jpg 0 0 771.297 0.0 305.5 0.0 771.297 305.5 0.0 0.0 1.0 544.463 0.0 319.5 0.0 544.463 240.0 0.0 0.0 1.0 0.9847968382938481 0.009438123329505143 0.17345347824260354 -23293.29427410481 -0.03187206866706512 0.9913889958845947 0.1270119288799936 -8886.72202157751 -0.17076111537853744 -0.1306092671557103 0.9766175611813082 -52329.298042884235 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88827990_5044159062.jpg buckingham_palace/test/images/76603337_13067710124.jpg 0 0 800.954 0.0 319.5 0.0 800.954 239.5 0.0 0.0 1.0 880.963 0.0 319.5 0.0 880.963 228.0 0.0 0.0 1.0 0.9574547755382254 0.019558794949953485 0.2879197915030368 -18348.23967984816 -0.0028696949332603725 0.9982965755349174 -0.058272739134583786 4708.324900735559 -0.2885690864421145 0.054967270401238846 0.955879951424132 92239.40341126837 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/19322041_4490535181.jpg buckingham_palace/test/images/49117697_7908670900.jpg 0 0 800.164 0.0 319.5 0.0 800.164 239.5 0.0 0.0 1.0 709.993 0.0 319.5 0.0 709.993 213.5 0.0 0.0 1.0 0.8639700163165434 -0.09715004793004366 -0.49408266423057395 69652.36472297656 0.09988793696454337 0.9947784742449591 -0.02093292210463889 -13622.43396195036 0.49353643325995633 -0.031267480967639434 0.8691628924885019 -64985.514716961385 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/65063014_3656668731.jpg buckingham_palace/test/images/68304166_169924929.jpg 0 0 689.192 0.0 319.5 0.0 689.192 239.5 0.0 0.0 1.0 734.815 0.0 319.5 0.0 734.815 239.5 0.0 0.0 1.0 0.9322542881232788 -0.02369523541277863 -0.3610269769622369 23544.38901212107 0.02969740033499069 0.9994974606538841 0.01108560146229508 -74.43681465551617 0.36058287076496276 -0.021056162166229297 0.9324894805549967 2884.910233234321 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/12944457_8797082397.jpg buckingham_palace/test/images/92637616_3766818227.jpg 0 0 672.2 0.0 319.5 0.0 672.2 239.5 0.0 0.0 1.0 1027.91 0.0 319.5 0.0 1027.91 239.5 0.0 0.0 1.0 0.9648971007462129 0.03743956242262006 0.2599458869402539 -23395.083177105163 -0.03976005901040016 0.9992025070902909 0.0036725375378125337 9124.437112821146 -0.25960108374011465 -0.013879084626872255 0.965616201361016 71566.76682782131 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/82558397_4279227566.jpg buckingham_palace/test/images/59701829_966630682.jpg 0 0 507.207 0.0 319.5 0.0 507.207 212.5 0.0 0.0 1.0 725.011 0.0 319.5 0.0 725.011 239.5 0.0 0.0 1.0 0.8012155931271719 0.21728643163297226 0.5575304296252214 -20703.05562481592 -0.17169251042421102 0.9760417295633071 -0.1336571135978176 3260.502978931161 -0.5732148420916073 0.011364364446698059 0.8193263061971197 -894.3226147236237 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/36807384_2580130370.jpg buckingham_palace/test/images/22840995_489214596.jpg 0 0 749.48 0.0 319.5 0.0 749.48 212.5 0.0 0.0 1.0 583.912 0.0 319.5 0.0 583.912 239.5 0.0 0.0 1.0 0.8017801677401516 0.032273416721030526 0.5967470060182333 -99868.40142238422 -0.04834034865353057 0.9987710787007466 0.010933574118381766 -4176.082260157038 -0.595660787118499 -0.037613281219507404 0.8023549512312319 -35150.00969840224 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/89902711_383052108.jpg buckingham_palace/test/images/50497824_8033642711.jpg 0 0 728.351 0.0 319.5 0.0 728.351 239.5 0.0 0.0 1.0 449.291 0.0 319.5 0.0 449.291 213.0 0.0 0.0 1.0 0.9624491831999609 0.008896224393696675 0.2713161015296834 -32944.363343271754 -0.062465479243650396 0.9799002627525504 0.18945590241621812 79.98470863341625 -0.2641772769573294 -0.19928956884147114 0.9436599144238306 -7384.737720753275 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/92283672_6106933794.jpg buckingham_palace/test/images/65063014_3656668731.jpg 0 0 534.28 0.0 319.5 0.0 534.28 212.5 0.0 0.0 1.0 689.192 0.0 319.5 0.0 689.192 239.5 0.0 0.0 1.0 0.9112337762167587 0.07241915742437444 0.40547314426443837 -22394.39229489057 -0.020176751969326723 0.9910884408029794 -0.1316685277000049 1326.4062194313028 -0.4113950701718661 0.11179967864292974 0.9045744458548578 8970.40574110499 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/86900704_328544021.jpg buckingham_palace/test/images/89269947_2824630864.jpg 0 0 516.297 0.0 249.5 0.0 516.297 187.0 0.0 0.0 1.0 509.392 0.0 239.5 0.0 509.392 319.5 0.0 0.0 1.0 0.9987466481856702 -0.001338491531810244 -0.05003340062706328 1297.531005603587 0.00904185204039453 0.9880203811914496 0.15405833720374354 -7896.465020856572 0.0492278137801036 -0.15431764251284433 0.9867941464964763 -40101.09436495616 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/86576612_2460544550.jpg buckingham_palace/test/images/66460486_3000292784.jpg 0 0 775.263 0.0 319.5 0.0 775.263 180.0 0.0 0.0 1.0 634.978 0.0 319.5 0.0 634.978 239.5 0.0 0.0 1.0 0.9974271036772584 -0.052675818877191506 -0.04862541470890093 5246.845043511461 0.0510848878577906 0.9981356013429002 -0.03340143057421155 -29.99569971646315 0.05029420525818304 0.0308314682988701 0.9982584402247665 2244.786713239271 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/97156938_2710050704.jpg buckingham_palace/test/images/38329625_8740352627.jpg 0 0 730.199 0.0 319.5 0.0 730.199 239.5 0.0 0.0 1.0 523.576 0.0 319.5 0.0 523.576 239.5 0.0 0.0 1.0 0.9288430785316836 -0.039259395459788744 -0.3683873441527498 46933.81278714226 0.0007022430796587933 0.9945540235513154 -0.10421996494216622 313.8686989640224 0.3704727281709704 0.09654529561828065 0.9238121906402497 -30115.27024392534 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/89730574_3288971741.jpg buckingham_palace/test/images/42575336_5691036729.jpg 0 0 664.171 0.0 319.5 0.0 664.171 239.5 0.0 0.0 1.0 681.719 0.0 319.5 0.0 681.719 212.5 0.0 0.0 1.0 0.9909462834887077 -0.0034556571378263866 0.1342144614922813 6473.243431142648 0.02299255614390642 0.9892682718318391 -0.14429008527551546 412.41302446305303 -0.13227549131221017 0.14606965728922616 0.9803911717358134 8086.527880357091 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/41854370_22518199.jpg buckingham_palace/test/images/64833926_5954673971.jpg 0 0 719.884 0.0 319.5 0.0 719.884 239.5 0.0 0.0 1.0 809.815 0.0 319.5 0.0 809.815 318.5 0.0 0.0 1.0 0.9578032803297107 0.023970221772545926 0.28642329629033386 -71095.96030553119 -0.06054114431635803 0.9909846179059437 0.11951676417422143 7536.253741295368 -0.2809762374908443 -0.13181394289674184 0.9506195024422249 23551.872396859217 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/32083947_2349664427.jpg buckingham_palace/test/images/15064245_12177287034.jpg 0 0 739.255 0.0 319.5 0.0 739.255 239.5 0.0 0.0 1.0 604.78 0.0 319.5 0.0 604.78 239.5 0.0 0.0 1.0 0.9410608748042831 -0.0843226119965519 -0.32755782240495596 21714.859463623507 -0.025202717323308768 0.9482531447873063 -0.31651350119782556 -44.06238818645011 0.3372969803483558 0.30611381952970296 0.8902387750153424 32432.93817452551 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/07739469_9102054751.jpg buckingham_palace/test/images/19946837_1447873686.jpg 0 0 522.246 0.0 319.5 0.0 522.246 211.5 0.0 0.0 1.0 1048.17 0.0 319.5 0.0 1048.17 239.5 0.0 0.0 1.0 0.995598206672611 -0.005847836632786055 0.0935415077759439 -13971.061414949563 0.01727540021989425 0.9924008966769305 -0.12182783270692558 7768.7914806361805 -0.09211824693036227 0.12290753874982777 0.9881335767500953 72782.18741225573 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/15885029_599614928.jpg buckingham_palace/test/images/83721004_321291688.jpg 0 0 433.441 0.0 319.5 0.0 433.441 239.5 0.0 0.0 1.0 713.043 0.0 319.5 0.0 713.043 239.5 0.0 0.0 1.0 0.9433701909116666 0.04796944479544767 -0.3282554116314031 36725.18832404708 -0.04394180997935998 0.9988402139119348 0.019681067249983593 -1995.1802608349783 0.3288187954406245 -0.004142395246358644 0.944383947516369 42952.82496090955 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/82558397_4279227566.jpg buckingham_palace/test/images/65063014_3656668731.jpg 0 0 507.207 0.0 319.5 0.0 507.207 212.5 0.0 0.0 1.0 689.192 0.0 319.5 0.0 689.192 239.5 0.0 0.0 1.0 0.7600009790034948 0.06560455583015028 0.6466023153129429 -35396.31828367399 -0.08237929032143251 0.9965918250157452 -0.004287987630964591 2398.9208167449415 -0.6446798930010664 -0.05000776505818738 0.7628152194299865 13333.16766329823 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/65063014_3656668731.jpg buckingham_palace/test/images/32264273_9687016916.jpg 0 0 689.192 0.0 319.5 0.0 689.192 239.5 0.0 0.0 1.0 608.489 0.0 305.5 0.0 608.489 305.5 0.0 0.0 1.0 0.9578317523316442 -0.06386653904659816 -0.280141748790681 23364.659091501348 0.07377531452193088 0.9969625362369954 0.024958050947300484 11071.632902728228 0.2776968440448717 -0.04457315930139151 0.9596341470984716 43173.91815013318 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/15625956_3859238782.jpg buckingham_palace/test/images/88975383_10138413065.jpg 0 0 719.798 0.0 319.5 0.0 719.798 239.5 0.0 0.0 1.0 818.871 0.0 319.5 0.0 818.871 180.0 0.0 0.0 1.0 0.9925889179401155 0.0012246118357491951 0.12151436255983374 -1594.7315033201685 0.0059008481739314875 0.9982839078035198 -0.05826164614359639 2850.513704314352 -0.1213771806119222 0.058546902107499875 0.990878317595211 81947.4561647926 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/74030407_9757753664.jpg buckingham_palace/test/images/35721053_45922082.jpg 0 0 1019.01 0.0 319.5 0.0 1019.01 213.0 0.0 0.0 1.0 534.729 0.0 249.5 0.0 534.729 187.0 0.0 0.0 1.0 0.8855676877148555 0.013176659629042882 0.46432342835181645 -64484.2704364208 -0.07330949925333012 0.9910349330521845 0.11169368285394779 -16283.924060936892 -0.4586889880895224 -0.13295163448138814 0.8785944884269065 -82380.3029159551 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/54235905_5885592660.jpg buckingham_palace/test/images/79123276_3884527240.jpg 0 0 955.39 0.0 213.0 0.0 955.39 319.5 0.0 0.0 1.0 1531.74 0.0 319.5 0.0 1531.74 212.0 0.0 0.0 1.0 0.8339476271507288 -0.019449040473007398 -0.551500761553734 72483.44283945739 0.06762500231277271 0.9954482753657108 0.06715348191739137 6245.437529861832 0.5476844111638258 -0.09329772717548505 0.8314669685994882 34554.85856899212 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/84206804_4252951691.jpg buckingham_palace/test/images/36638733_5857779927.jpg 0 0 713.129 0.0 319.5 0.0 713.129 239.5 0.0 0.0 1.0 491.356 0.0 319.5 0.0 491.356 212.0 0.0 0.0 1.0 0.9417756727087246 -0.011879520704759868 0.33603193193780545 384.92015090485006 0.028679698693364154 0.9985717525734182 -0.04507693251885905 -3111.055638163606 -0.3350165028426012 0.0520896530059196 0.9407712851021955 -30185.475625115578 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/92801024_2417460983.jpg buckingham_palace/test/images/76951988_220277127.jpg 0 0 532.662 0.0 213.0 0.0 532.662 319.5 0.0 0.0 1.0 678.241 0.0 319.5 0.0 678.241 239.5 0.0 0.0 1.0 0.9793819302447949 0.013302067913557179 -0.20157899121486444 10132.766295730999 -0.0433110356591524 0.9884536836206023 -0.14520147907991154 1712.3005912673766 0.19732001647098793 0.15093829973232595 0.9686498029596681 16439.293883508715 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/78850803_8040467285.jpg buckingham_palace/test/images/12516230_8673895442.jpg 0 0 936.98 0.0 319.5 0.0 936.98 239.5 0.0 0.0 1.0 607.086 0.0 319.5 0.0 607.086 211.5 0.0 0.0 1.0 0.5228065195251966 -0.10578938567662755 -0.8458616606869661 140585.9402112534 0.11729164055892263 0.991759130099687 -0.051541235131776296 5293.850962764191 0.844343540389187 -0.07226640811659525 0.530906349614486 57347.06131328686 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/82926537_6868011588.jpg buckingham_palace/test/images/30985649_2732223159.jpg 0 0 1568.62 0.0 319.5 0.0 1568.62 213.0 0.0 0.0 1.0 688.364 0.0 319.5 0.0 688.364 239.5 0.0 0.0 1.0 0.8603066318874514 0.012949287922286404 -0.5096124165213942 54692.51524203831 0.052831969861279734 0.9920293708346515 0.11439628648685411 -6392.63502235209 0.5070318353822034 -0.12533971175852965 0.852765310366951 -29247.607632617466 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/31471983_2691474123.jpg buckingham_palace/test/images/80396877_5553830938.jpg 0 0 728.105 0.0 319.5 0.0 728.105 239.5 0.0 0.0 1.0 628.545 0.0 319.5 0.0 628.545 191.0 0.0 0.0 1.0 0.950945844349848 -0.0024608253231327105 0.3093476126503699 -26225.966012707577 0.04003815065237849 0.9925370387971147 -0.11518321539266219 1175.844479709394 -0.30675551764571696 0.1219187063357547 0.943947499302437 8544.845982035906 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/64561640_252491027.jpg buckingham_palace/test/images/11419093_5995987486.jpg 0 0 485.125 0.0 319.5 0.0 485.125 179.5 0.0 0.0 1.0 1719.98 0.0 319.5 0.0 1719.98 281.0 0.0 0.0 1.0 0.9990145743602793 0.009732488803622204 0.04330310470898595 16732.93137205753 -0.0006509609472175803 0.9787694614799755 -0.20496321017207975 14167.265154946052 -0.04437855862457948 0.20473304553951793 0.9778112924273877 214877.24724490693 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/94455955_3929007141.jpg buckingham_palace/test/images/48284683_6191802350.jpg 0 0 731.249 0.0 319.5 0.0 731.249 239.5 0.0 0.0 1.0 447.039 0.0 319.5 0.0 447.039 213.0 0.0 0.0 1.0 0.9009458286176015 0.06852741903202275 0.42848641371384594 -56627.60376093103 -0.005780793910983801 0.989259365782262 -0.14605646043169504 2835.0104234721844 -0.4338930701432121 0.12911196711725112 0.8916652419090986 -23509.090458794624 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/72721744_6254882589.jpg buckingham_palace/test/images/62374720_4605102748.jpg 0 0 292.816 0.0 319.5 0.0 292.816 187.0 0.0 0.0 1.0 651.644 0.0 319.5 0.0 651.644 239.5 0.0 0.0 1.0 0.9999588260988844 -0.008956630196116378 0.0014576976610918926 2090.74475983294 0.009015249462053917 0.9988542636987109 -0.046998778367559446 9067.384432874562 -0.0010350768464577936 0.04700998475256147 0.998893883227586 31955.086260658103 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/14950658_8138839363.jpg buckingham_palace/test/images/40580817_2599681870.jpg 0 0 689.337 0.0 319.5 0.0 689.337 239.5 0.0 0.0 1.0 725.526 0.0 319.5 0.0 725.526 235.0 0.0 0.0 1.0 0.7905107298432029 -0.04452544074750275 -0.6108275297733453 66529.23593275901 0.062009691955039345 0.9980473723248865 0.007499379909706391 2907.9575216343355 0.6093008978381762 -0.043805567244696225 0.7917281655795522 11586.908661925541 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/55790389_5367781874.jpg buckingham_palace/test/images/79123276_3884527240.jpg 0 0 866.206 0.0 319.5 0.0 866.206 212.0 0.0 0.0 1.0 1531.74 0.0 319.5 0.0 1531.74 212.0 0.0 0.0 1.0 0.7087918196171555 -0.10192894686288065 -0.6980147894100999 30684.803025828165 0.07946974261974332 0.9947442962350377 -0.06456272233891407 18087.307617904215 0.7009270407480037 -0.009709526213158919 0.7131668869549136 113392.0180461052 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/97000297_3525745026.jpg buckingham_palace/test/images/10898443_3371442566.jpg 0 0 537.107 0.0 319.5 0.0 537.107 209.0 0.0 0.0 1.0 764.043 0.0 319.5 0.0 764.043 213.0 0.0 0.0 1.0 0.985458167117596 -0.04121244050023038 -0.16484458016338685 46671.64360646781 0.008218919697433415 0.9805663091900217 -0.19601572039116155 4041.739119151071 0.16971932777452134 0.19181044817598925 0.9666457995306714 24544.03123564444 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/17182999_6309727384.jpg buckingham_palace/test/images/38217522_12120715573.jpg 0 0 652.054 0.0 319.5 0.0 652.054 239.5 0.0 0.0 1.0 416.694 0.0 319.5 0.0 416.694 239.5 0.0 0.0 1.0 0.9194636675509905 0.0004706980681323351 0.3931746971729109 -30758.805770065548 -0.0050962360499296235 0.9999295441572916 0.010720778866949394 -223.57715743165 -0.3931419494683884 -0.011861077721661216 0.9194012847519172 -10728.085277184884 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/83387888_3756983584.jpg buckingham_palace/test/images/62110008_3103434698.jpg 0 0 533.38 0.0 319.5 0.0 533.38 239.5 0.0 0.0 1.0 717.566 0.0 319.5 0.0 717.566 239.5 0.0 0.0 1.0 0.7164171024735025 0.1412508682780423 0.6832237755627144 -50798.16807044424 -0.06620643501537464 0.9886354300102832 -0.134969235349903 1061.2484191068165 -0.6945237528306907 0.051460458014689965 0.7176270466021277 20767.37116237419 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/65005823_3953864220.jpg buckingham_palace/test/images/80761129_4227276038.jpg 0 0 626.087 0.0 319.5 0.0 626.087 179.0 0.0 0.0 1.0 564.577 0.0 319.5 0.0 564.577 239.5 0.0 0.0 1.0 0.42450084973404123 0.1282923601242255 0.8962924181922064 -99226.67894064715 -0.2893498370318909 0.9572234175175599 2.7669865811732617e-05 3743.1080559367165 -0.8579485418046326 -0.2593538110183834 0.4434635276159086 11401.091016752216 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/80691584_9772041992.jpg buckingham_palace/test/images/61577420_5186173128.jpg 0 0 550.47 0.0 319.5 0.0 550.47 179.0 0.0 0.0 1.0 1021.11 0.0 319.5 0.0 1021.11 213.0 0.0 0.0 1.0 0.9843701990539822 0.023915409202303974 0.17448026942067105 -3492.326938204372 -0.0078119426569663395 0.995691038192589 -0.09240308444466637 7447.121333320563 -0.17593829817963982 0.0895958127685118 0.9803154112672114 120126.94715120562 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/60655645_2373884532.jpg buckingham_palace/test/images/17182999_6309727384.jpg 0 0 693.054 0.0 239.5 0.0 693.054 319.5 0.0 0.0 1.0 652.054 0.0 319.5 0.0 652.054 239.5 0.0 0.0 1.0 0.8798171542612244 -0.0810571687654721 -0.46834977363014346 15876.282105850547 -0.011545537818552146 0.9814164464665165 -0.19154231689502943 1453.5408554253308 0.4751720484457827 0.1739295661949436 0.8625311764678871 48531.897143902315 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/61285342_3151612050.jpg buckingham_palace/test/images/94785686_3685753287.jpg 0 0 536.336 0.0 249.5 0.0 536.336 187.0 0.0 0.0 1.0 689.603 0.0 319.5 0.0 689.603 239.5 0.0 0.0 1.0 0.974900284603108 -0.024999103558282783 0.22123399354995427 -36564.70562650483 0.006386239597157079 0.9964072032690648 0.08445058447001971 -2463.580241187177 -0.2225503336878797 -0.08091804554487515 0.9715573163126358 39188.398043122164 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/84457371_9304536157.jpg buckingham_palace/test/images/91870054_4238721718.jpg 0 0 498.178 0.0 319.5 0.0 498.178 239.5 0.0 0.0 1.0 801.672 0.0 319.5 0.0 801.672 211.5 0.0 0.0 1.0 0.9693579692137115 -0.033673916257906306 -0.24333350547288937 -62.83601723116408 0.06702165946590598 0.989233664506687 0.13009555783772053 207.96175974280771 0.23633286839605136 -0.14241778108974684 0.9611784178523608 -6820.8697822979975 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/91136231_4677075766.jpg buckingham_palace/test/images/81547541_3154792166.jpg 0 0 492.926 0.0 319.5 0.0 492.926 213.5 0.0 0.0 1.0 514.553 0.0 249.5 0.0 514.553 187.0 0.0 0.0 1.0 0.6873624417821613 -0.21411019028342856 -0.6940386877142074 37315.221369846135 -0.034729976638099284 0.9447800763744686 -0.32585953416858976 -6948.909179377081 0.7254837712519709 0.24808755249437095 0.6419702983373688 94606.49974925736 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/30985649_2732223159.jpg buckingham_palace/test/images/95099681_7121588727.jpg 0 0 688.364 0.0 319.5 0.0 688.364 239.5 0.0 0.0 1.0 544.463 0.0 319.5 0.0 544.463 240.0 0.0 0.0 1.0 0.964571601209465 -0.0650874794587426 -0.25566627888307186 26220.728409099116 0.05478050116796857 0.9973803851101667 -0.04723837517614068 1596.922133678642 0.2580711584660229 0.03155926829321915 0.9656103198251359 656.5696030208637 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/20376856_499480088.jpg buckingham_palace/test/images/86473777_6072982750.jpg 0 0 1908.96 0.0 239.5 0.0 1908.96 319.5 0.0 0.0 1.0 861.194 0.0 319.5 0.0 861.194 239.5 0.0 0.0 1.0 0.9286919619773267 -0.03834882643782084 -0.368863941405968 25169.368600236718 0.031377789966580284 0.9991978592903185 -0.02488116328586772 -2788.837959926791 0.36952222403465357 0.011532801068549278 0.9291503217693015 5799.9357722850245 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/40640722_7130151431.jpg buckingham_palace/test/images/84030835_2661414475.jpg 0 0 718.085 0.0 319.5 0.0 718.085 239.5 0.0 0.0 1.0 520.103 0.0 249.5 0.0 520.103 140.0 0.0 0.0 1.0 0.9273007543278833 -0.028135145830973617 -0.37325825455307543 53647.724536390895 0.042527209629854595 0.9986333746809836 0.03037794289231205 -8438.820569719166 0.37189346251855115 -0.0440431213964226 0.9272299908833963 -77779.89235261198 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/20376856_499480088.jpg buckingham_palace/test/images/34791488_2406713663.jpg 0 0 1908.96 0.0 239.5 0.0 1908.96 319.5 0.0 0.0 1.0 696.679 0.0 319.5 0.0 696.679 239.5 0.0 0.0 1.0 0.9751603748307133 -0.025121578897868563 -0.22007078323507884 2917.9324972741497 0.011612798137672086 0.9979796598139071 -0.0624639217239184 -743.1301783059604 0.22119535772578178 0.05835670373998424 0.9734819509621979 -9665.14230180653 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/96640391_498921406.jpg buckingham_palace/test/images/16210476_4152300283.jpg 0 0 717.897 0.0 319.5 0.0 717.897 239.5 0.0 0.0 1.0 723.131 0.0 239.5 0.0 723.131 319.5 0.0 0.0 1.0 0.8292673068270455 0.07465823238924695 0.5538428316448015 -71396.2239411988 0.01358224612534635 0.9880512041783663 -0.15352635119702 -1898.2697363994193 -0.5586870827377425 0.1348368134382944 0.8183445346086192 53201.19094485757 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/73590053_4109923193.jpg buckingham_palace/test/images/28945073_6309209323.jpg 0 0 847.053 0.0 319.5 0.0 847.053 212.5 0.0 0.0 1.0 657.152 0.0 319.5 0.0 657.152 239.5 0.0 0.0 1.0 0.998673351388823 0.023229344672263192 0.04595579149480335 -22074.07185910944 -0.01767596852412046 0.9928852703872776 -0.11775567920366507 -585.4250103506461 -0.04836421572351761 0.11678714567142812 0.9919786616875232 -64074.62299192717 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/04861657_8587228495.jpg buckingham_palace/test/images/80731258_3052461790.jpg 0 0 671.319 0.0 319.5 0.0 671.319 239.5 0.0 0.0 1.0 576.354 0.0 249.5 0.0 576.354 187.0 0.0 0.0 1.0 0.9669787384779244 0.030403264894559502 0.2530370739938969 -37348.22882024829 -0.04017494768660766 0.9986296010159572 0.033539432808098214 -1028.7071642891387 -0.25167060398469265 -0.042597669636517003 0.9668750413737641 -7968.640853558834 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/36638733_5857779927.jpg buckingham_palace/test/images/56366869_8166763434.jpg 0 0 491.356 0.0 319.5 0.0 491.356 212.0 0.0 0.0 1.0 517.399 0.0 319.5 0.0 517.399 164.5 0.0 0.0 1.0 0.9988419205599387 0.027686508733264663 -0.039348125321245896 -7143.762401918495 -0.014607890656759126 0.9537439456170005 0.30026504246994246 -1997.1352760309637 0.0458413270171554 -0.29934251858544764 0.9530438758547412 -5536.873887568057 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/96610065_7506893394.jpg buckingham_palace/test/images/91176153_7095273843.jpg 0 0 1228.87 0.0 319.5 0.0 1228.87 213.0 0.0 0.0 1.0 1095.48 0.0 319.5 0.0 1095.48 239.5 0.0 0.0 1.0 0.8904388148015023 0.03238076834321698 -0.45394955990329916 60256.567818978045 -0.02468858754389068 0.9994337127533396 0.02286323374247332 4125.247326444446 0.45443282313229044 -0.00915093730599438 0.8907340060907286 63191.55398313422 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/05108322_3880700444.jpg buckingham_palace/test/images/48284683_6191802350.jpg 0 0 525.813 0.0 319.5 0.0 525.813 213.0 0.0 0.0 1.0 447.039 0.0 319.5 0.0 447.039 213.0 0.0 0.0 1.0 0.8901125408990267 0.07296580030205928 0.4498618193629669 -59549.75712613186 -0.039339662982622876 0.9957173142965505 -0.0836625419556318 2769.0483464149297 -0.45403970690975076 0.05677166543571018 0.8891709186387977 -17507.736449128275 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/50616321_9586801446.jpg buckingham_palace/test/images/24481344_8619843161.jpg 0 0 541.873 0.0 319.5 0.0 541.873 213.0 0.0 0.0 1.0 533.532 0.0 319.5 0.0 533.532 239.5 0.0 0.0 1.0 0.9902756780557379 -0.07284629029938039 -0.11852214746985902 1978.7759053529808 0.05793111403227302 0.9904950366291404 -0.12475403175856704 6789.056658677411 0.12648346721302506 0.11667476334947574 0.9850832107589266 43139.57301770354 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/91176153_7095273843.jpg buckingham_palace/test/images/19931456_8233563983.jpg 0 0 1095.48 0.0 319.5 0.0 1095.48 239.5 0.0 0.0 1.0 500.434 0.0 319.5 0.0 500.434 211.5 0.0 0.0 1.0 0.9267094687469849 -0.016880239448121982 -0.3753992781703967 72575.89177901135 0.050002097533558484 0.9956463511429275 0.0786646915586587 -16356.211343012812 0.37243704270242134 -0.09167006584457368 0.9235189485068114 -111835.84069300522 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/50616321_9586801446.jpg buckingham_palace/test/images/04738011_5330076641.jpg 0 0 541.873 0.0 319.5 0.0 541.873 213.0 0.0 0.0 1.0 699.97 0.0 319.5 0.0 699.97 213.0 0.0 0.0 1.0 0.8904509653469124 -0.1534846150400128 -0.4284151622652621 26918.834733300562 0.19318114771131412 0.9798639229166258 0.05047511005812597 4562.363375877005 0.4120414086978289 -0.12770734322058208 0.9021711101591812 12177.67684777846 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/31471983_2691474123.jpg buckingham_palace/test/images/84030835_2661414475.jpg 0 0 728.105 0.0 319.5 0.0 728.105 239.5 0.0 0.0 1.0 520.103 0.0 249.5 0.0 520.103 140.0 0.0 0.0 1.0 0.8897422488487868 0.02891953157455657 0.4555462559466507 -15923.917519431248 -0.03149171218519533 0.9995021223330702 -0.0019440975627221394 2711.6286463724828 -0.4553756720304105 -0.012616185841877407 0.8902099916186379 7465.981147830404 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/59557144_4072456064.jpg buckingham_palace/test/images/34791488_2406713663.jpg 0 0 569.526 0.0 249.5 0.0 569.526 187.0 0.0 0.0 1.0 696.679 0.0 319.5 0.0 696.679 239.5 0.0 0.0 1.0 0.9994100769086768 -0.0026531270681020747 -0.034241189964037515 -19655.241718359845 0.003479922763910537 0.9997032726160101 0.02410926913858291 1421.700722249181 0.034167064710771 -0.02421420322042236 0.9991227572483025 -12409.360190859046 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/10272597_1810665269.jpg buckingham_palace/test/images/26810426_6779980104.jpg 0 0 501.469 0.0 319.5 0.0 501.469 213.5 0.0 0.0 1.0 535.869 0.0 319.5 0.0 535.869 213.0 0.0 0.0 1.0 0.9181150953650677 -0.05903824168113647 -0.39189176781605434 -8649.924455481972 -0.0014826821012183995 0.9883233545490544 -0.15236386877042407 3615.71876640142 0.3963110814960632 0.14046861881610426 0.9073070559691008 24967.411089067187 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/25919709_2805904071.jpg buckingham_palace/test/images/76124793_5669979160.jpg 0 0 562.99 0.0 249.5 0.0 562.99 187.0 0.0 0.0 1.0 737.626 0.0 319.5 0.0 737.626 239.5 0.0 0.0 1.0 0.9778991125075637 -0.01705267278999032 0.20838073833163462 -37693.64614416121 0.026914982321036937 0.9986429706214199 -0.04458476146716565 598.6159756943182 -0.20733767019906887 0.04920796255834327 0.9770310470692725 -7968.740683867747 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/23363801_5143002413.jpg buckingham_palace/test/images/86424981_8226612445.jpg 0 0 729.125 0.0 319.5 0.0 729.125 239.5 0.0 0.0 1.0 467.776 0.0 319.5 0.0 467.776 239.5 0.0 0.0 1.0 0.7104801331205082 0.08027059448123838 0.699124175023789 -42292.48173011879 -0.10815990628928737 0.9941245332632292 -0.004224575204552168 2029.3290330891048 -0.6953556033516645 -0.07261572850144052 0.7149877907080983 9020.914357075866 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88192386_10780446203.jpg buckingham_palace/test/images/31650540_6170454977.jpg 0 0 629.618 0.0 319.5 0.0 629.618 213.0 0.0 0.0 1.0 681.385 0.0 319.5 0.0 681.385 239.5 0.0 0.0 1.0 0.995902867880114 -0.05402918350774351 -0.07251430946820915 12838.82512697899 0.03461833994734261 0.9685912531168631 -0.2462367862948081 -1499.7120209596433 0.08354069838979597 0.24271759663236486 0.9664932074244258 -5069.681365540815 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/39733199_8623371744.jpg buckingham_palace/test/images/24481344_8619843161.jpg 0 0 1338.45 0.0 319.5 0.0 1338.45 239.5 0.0 0.0 1.0 533.532 0.0 319.5 0.0 533.532 239.5 0.0 0.0 1.0 0.9459211406960047 0.023215883334402845 0.32356485956508474 -45776.59094915616 -0.039991920320283474 0.9981728538817345 0.04529459220138829 -1523.3775649962904 -0.32192210531969645 -0.05578509240466814 0.9451212523120709 6931.669837484761 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/28034388_6035093150.jpg buckingham_palace/test/images/83600107_4900371165.jpg 0 0 518.235 0.0 319.5 0.0 518.235 180.0 0.0 0.0 1.0 540.202 0.0 319.5 0.0 540.202 239.5 0.0 0.0 1.0 0.9443663810523012 0.03437402117521797 0.32709412254949727 -12946.383151155922 -0.07600636999784285 0.9904116348532439 0.11535954779330346 8778.32243231139 -0.3199924531265244 -0.13380291557200882 0.9379240959302084 30691.293352573535 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/27360182_6693505247.jpg buckingham_palace/test/images/59781164_3740564586.jpg 0 0 668.989 0.0 319.5 0.0 668.989 240.0 0.0 0.0 1.0 1179.26 0.0 319.5 0.0 1179.26 239.5 0.0 0.0 1.0 0.9993736757856713 0.03146987982359781 0.01618341158483715 2078.89290673934 -0.029661597438689874 0.9943521337786169 -0.10190202984875552 11392.746626229808 -0.019298854474321444 0.10135818030035794 0.9946627938664334 102004.92057984267 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/19492180_885002423.jpg buckingham_palace/test/images/07701593_197476710.jpg 0 0 683.049 0.0 319.5 0.0 683.049 239.5 0.0 0.0 1.0 798.292 0.0 319.5 0.0 798.292 239.5 0.0 0.0 1.0 0.17601448977803102 0.24607486666267708 0.9531348589707151 -68259.2397472461 -0.019105757149489297 0.9689232062336756 -0.24662276956031182 1357.416816079491 -0.9842021486625214 0.025198817805595977 0.17524597042236426 89876.1192718621 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/15676476_3064491824.jpg buckingham_palace/test/images/40526132_6338472744.jpg 0 0 571.819 0.0 249.5 0.0 571.819 187.0 0.0 0.0 1.0 622.524 0.0 319.5 0.0 622.524 239.5 0.0 0.0 1.0 0.9882247060722168 -0.01232801853441451 0.15251213154203963 -25672.937076972845 -0.00015206794052557559 0.9966693095816497 0.08154915213158165 -272.5258800016688 -0.15300950030577426 -0.08061207910141951 0.9849313608161352 -15999.596763171057 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/37484866_5209954283.jpg buckingham_palace/test/images/95099681_7121588727.jpg 0 0 756.578 0.0 319.5 0.0 756.578 213.0 0.0 0.0 1.0 544.463 0.0 319.5 0.0 544.463 240.0 0.0 0.0 1.0 0.9162463743752626 0.018227527778346804 -0.40020037315734214 55809.69989465212 0.06587455393225623 0.9785117394350863 0.19538505299010964 -1838.8910515321497 0.39516214974161246 -0.2053838674745689 0.895357103279343 -22182.336891823827 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/16826010_408223455.jpg buckingham_palace/test/images/92766299_2205106180.jpg 0 0 761.316 0.0 319.5 0.0 761.316 239.5 0.0 0.0 1.0 529.386 0.0 319.5 0.0 529.386 213.0 0.0 0.0 1.0 0.796480557200387 -0.14084121369106875 -0.5880327155250699 32723.500720370415 0.06315727598703214 0.9865529402203219 -0.1507463254362645 6425.423340334497 0.6013566998809101 0.08292797277556602 0.7946653829377974 48946.81274303929 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/59669702_84374042.jpg buckingham_palace/test/images/31516490_8149048396.jpg 0 0 525.823 0.0 249.5 0.0 525.823 187.0 0.0 0.0 1.0 739.67 0.0 319.5 0.0 739.67 239.5 0.0 0.0 1.0 0.9810488896219238 -0.04313581183703877 -0.18889779752223235 7862.979519696223 0.06431399109898485 0.9921270335818037 0.10746003808435167 7356.792704995514 0.18277523552306102 -0.11757232230984552 0.9760993608778562 31477.790643169094 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/07701593_197476710.jpg buckingham_palace/test/images/48362261_8842273382.jpg 0 0 798.292 0.0 319.5 0.0 798.292 239.5 0.0 0.0 1.0 711.844 0.0 319.5 0.0 711.844 319.5 0.0 0.0 1.0 0.997339262855552 -0.04279204263112272 -0.05901894487535815 -8567.319746432848 0.05056363231060076 0.9892530673013816 0.137192156927305 -1460.4785489265978 0.05251393961895046 -0.1398113368874788 0.9887846460293733 -7702.718994148621 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/35721053_45922082.jpg buckingham_palace/test/images/90451561_2191844501.jpg 0 0 534.729 0.0 249.5 0.0 534.729 187.0 0.0 0.0 1.0 727.187 0.0 319.5 0.0 727.187 239.5 0.0 0.0 1.0 0.9279160737531899 -0.061177658448242446 -0.3677350325672758 15628.177379633606 0.014743466118456238 0.9916930945847006 -0.12777885724889668 1550.6298259277753 0.37249750371952706 0.11314636653384047 0.9211099334297242 7866.261007396248 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88827990_5044159062.jpg buckingham_palace/test/images/76951988_220277127.jpg 0 0 800.954 0.0 319.5 0.0 800.954 239.5 0.0 0.0 1.0 678.241 0.0 319.5 0.0 678.241 239.5 0.0 0.0 1.0 0.9994037749145279 -0.025951544680937237 -0.02277305458794189 5133.216018074703 0.02466130616637899 0.9981698101210033 -0.055216393771855464 -6364.172224615486 0.024164326284011804 0.05462185910122248 0.9982146752295151 -46408.99729162718 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/66051487_8289127493.jpg buckingham_palace/test/images/54107490_11614068883.jpg 0 0 729.749 0.0 319.5 0.0 729.749 239.5 0.0 0.0 1.0 544.935 0.0 319.5 0.0 544.935 239.5 0.0 0.0 1.0 0.8229894881203343 -0.05643885231173373 -0.5652459273565484 53639.17595511359 0.13989539085654157 0.9845426346883859 0.10538064384860737 -7394.969062898833 0.5505611519718092 -0.16580246207636928 0.8181637742584845 -18374.00343984596 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/25919709_2805904071.jpg buckingham_palace/test/images/38494630_2754668056.jpg 0 0 562.99 0.0 249.5 0.0 562.99 187.0 0.0 0.0 1.0 782.467 0.0 249.5 0.0 782.467 187.0 0.0 0.0 1.0 0.8287923566828408 0.03427786645765829 0.5585053781076903 -36078.45898891752 0.04012526811403774 0.9919115856342892 -0.1204216307116244 4253.102714184706 -0.5581157517602238 0.12221470515278103 0.820713332096865 73855.25267207323 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/97332024_5408047413.jpg buckingham_palace/test/images/35721053_45922082.jpg 0 0 1533.48 0.0 319.5 0.0 1533.48 212.0 0.0 0.0 1.0 534.729 0.0 249.5 0.0 534.729 187.0 0.0 0.0 1.0 0.7011356688180376 0.13310672641600224 0.7004936639926864 -69326.64838296834 -0.11527499813918349 0.9906577187016662 -0.07286260481771044 -1442.0090150876997 -0.7036479579413945 -0.029662834652576964 0.7099293398115616 -9802.001786967432 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/20464820_5857778799.jpg buckingham_palace/test/images/73390455_10578819085.jpg 0 0 796.666 0.0 319.5 0.0 796.666 212.0 0.0 0.0 1.0 778.562 0.0 319.5 0.0 778.562 319.5 0.0 0.0 1.0 0.838696624776766 0.038204802160928135 -0.5432571809740807 9605.09588359746 0.005408880672674427 0.9969027451543941 0.0784580187966916 2710.1982531110198 0.5445720481239645 -0.06874088881791958 0.835892322375671 41368.40873252078 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/67361631_6199942663.jpg buckingham_palace/test/images/13281945_9328537386.jpg 0 0 507.066 0.0 319.5 0.0 507.066 212.5 0.0 0.0 1.0 480.216 0.0 319.5 0.0 480.216 211.5 0.0 0.0 1.0 0.9326481524882921 -0.07297906743472636 -0.3533291374576023 10399.02746610695 -0.017489915314254666 0.9690315094752268 -0.24631694319811606 2719.300961377771 0.360363048220091 0.23590673869247866 0.9024890493058643 11995.242912197833 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/92891727_3739824491.jpg buckingham_palace/test/images/62110008_3103434698.jpg 0 0 528.312 0.0 319.5 0.0 528.312 239.5 0.0 0.0 1.0 717.566 0.0 319.5 0.0 717.566 239.5 0.0 0.0 1.0 0.9823999898081305 0.0642144585897189 0.17540457044505606 -3652.467368256075 -0.054934898819526116 0.9968466682294789 -0.05726147860014953 3659.5560466661345 -0.17852847648673265 0.04661784366330381 0.9828297714942857 26480.987343612862 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/44460121_952952106.jpg buckingham_palace/test/images/64561640_252491027.jpg 0 0 820.061 0.0 319.5 0.0 820.061 213.0 0.0 0.0 1.0 485.125 0.0 319.5 0.0 485.125 179.5 0.0 0.0 1.0 0.6826028753923585 0.00728714781286802 0.730753181301893 -100289.23805681083 -0.21419092766260997 0.958030712122474 0.19052401721865744 -28005.157069770816 -0.6986956139930425 -0.28657294378021475 0.6555153597590425 -85563.69790818213 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/78850803_8040467285.jpg buckingham_palace/test/images/12137996_9115608785.jpg 0 0 936.98 0.0 319.5 0.0 936.98 239.5 0.0 0.0 1.0 2212.1 0.0 255.5 0.0 2212.1 319.5 0.0 0.0 1.0 0.8518222199625356 -0.06780099921339412 -0.5194246144377093 84566.81553356568 0.029823402575627336 0.996256917016831 -0.08113396301754049 6143.099399651773 0.5229813287651 0.05362070310789378 0.8506558352008792 90505.0902389505 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/93206568_5039285632.jpg buckingham_palace/test/images/19492180_885002423.jpg 0 0 801.943 0.0 319.5 0.0 801.943 212.0 0.0 0.0 1.0 683.049 0.0 319.5 0.0 683.049 239.5 0.0 0.0 1.0 0.515780501885607 -0.04822021299139361 -0.8553626628125033 108496.99575859086 0.18618419529979544 0.980861605953585 0.056973286606287546 4820.773122226254 0.8362451311040318 -0.18864071942509972 0.5148871329520496 14094.699582955189 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/03119315_5739628680.jpg buckingham_palace/test/images/13945740_8521059121.jpg 0 0 535.335 0.0 319.5 0.0 535.335 208.0 0.0 0.0 1.0 538.505 0.0 319.5 0.0 538.505 239.5 0.0 0.0 1.0 0.9588476926372278 -7.724692360230931e-05 0.2839209332845628 -5292.489889034751 -0.08778048834754322 0.9509253530052832 0.2967078679058649 -14920.861252918203 -0.2700105334792167 -0.3094203727046591 0.9117857998266801 -49197.73436688614 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/14261176_44001540.jpg buckingham_palace/test/images/78850803_8040467285.jpg 0 0 649.057 0.0 319.5 0.0 649.057 239.5 0.0 0.0 1.0 936.98 0.0 319.5 0.0 936.98 239.5 0.0 0.0 1.0 0.9986577171251084 -0.012213760116206649 -0.05033476025859968 2395.534840918146 0.011677255765504206 0.9998719811426421 -0.0109390595425356 12213.715245014691 0.050461923509255366 0.010336604360809262 0.998672493306006 81423.9362127167 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/86521638_6062929958.jpg buckingham_palace/test/images/89299405_4981004528.jpg 0 0 948.461 0.0 319.5 0.0 948.461 239.5 0.0 0.0 1.0 526.12 0.0 319.5 0.0 526.12 213.0 0.0 0.0 1.0 0.939256205847196 0.02295567646096605 0.34244826864177463 -62298.2736844986 -0.08587579637561477 0.9817423265585263 0.16972728666983958 -18479.53820085952 -0.3322997553029245 -0.18882542509331576 0.9240789097603869 -77517.49414284242 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/28945073_6309209323.jpg buckingham_palace/test/images/87539697_3102605685.jpg 0 0 657.152 0.0 319.5 0.0 657.152 239.5 0.0 0.0 1.0 723.469 0.0 319.5 0.0 723.469 239.5 0.0 0.0 1.0 0.8856887733888984 -0.013881845564428385 0.46407185979823634 -41694.18379573936 -0.02727639844541103 0.9962705940401665 0.08185903455759208 2806.3514986649034 -0.46347750191429554 -0.0851598368632728 0.882007033648091 10955.197723093517 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/83721004_321291688.jpg buckingham_palace/test/images/84206804_4252951691.jpg 0 0 713.043 0.0 319.5 0.0 713.043 239.5 0.0 0.0 1.0 713.129 0.0 319.5 0.0 713.129 239.5 0.0 0.0 1.0 0.9959631613648057 -0.03598662951373107 0.08223347068234062 -39705.13092415647 0.03265433028047299 0.9986041433156895 0.04151457173898979 625.039346228918 -0.08361265405520688 -0.03866170520009957 0.9957480588145099 -29271.41158536358 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/17665771_6309735280.jpg buckingham_palace/test/images/44460121_952952106.jpg 0 0 650.857 0.0 319.5 0.0 650.857 239.5 0.0 0.0 1.0 820.061 0.0 319.5 0.0 820.061 213.0 0.0 0.0 1.0 0.9815584935250273 -0.02418131224372994 -0.1896264431113189 -34620.918446229065 0.006034505187078304 0.9953922244059116 -0.09569694007333059 2586.4089425923635 0.19106676460343944 0.09278784257877072 0.9771816145085576 108893.67434059124 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/30612743_2756901875.jpg buckingham_palace/test/images/96795280_10579107723.jpg 0 0 565.589 0.0 249.5 0.0 565.589 187.0 0.0 0.0 1.0 778.565 0.0 319.5 0.0 778.565 319.5 0.0 0.0 1.0 0.9918246717921998 -0.017830757183622894 -0.12635618118063677 -13978.68954211718 0.020218231206306846 0.9996400067392267 0.017637461645234515 2647.4507754659794 0.12599620451102325 -0.020047968092988352 0.9918281279658078 31234.608994147493 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88595844_3830407687.jpg buckingham_palace/test/images/87435867_4350947433.jpg 0 0 507.93 0.0 319.5 0.0 507.93 213.5 0.0 0.0 1.0 448.32 0.0 319.5 0.0 448.32 239.5 0.0 0.0 1.0 0.8425852220535925 -0.02649703583999605 -0.5379108203676443 60461.152096641905 -0.08486652893296018 0.979777969389271 -0.18119824217223496 -1637.5088089628375 0.5318343876093093 0.1983255853164963 0.8232977264423245 3413.4074436936007 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/16210476_4152300283.jpg buckingham_palace/test/images/13281945_9328537386.jpg 0 0 723.131 0.0 239.5 0.0 723.131 319.5 0.0 0.0 1.0 480.216 0.0 319.5 0.0 480.216 211.5 0.0 0.0 1.0 0.9546984401033816 0.020136186859640696 0.2968929477824018 -38540.08073341998 -0.03621669948948951 0.9981536167948891 0.048761746865442455 500.37050071788616 -0.2953628939834154 -0.0573052463395378 0.9536649671659888 -49193.784824308226 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/42754968_4815256883.jpg buckingham_palace/test/images/72728735_4706921217.jpg 0 0 608.915 0.0 319.5 0.0 608.915 212.0 0.0 0.0 1.0 715.475 0.0 319.5 0.0 715.475 213.5 0.0 0.0 1.0 0.9766086504621988 0.050918275880867066 0.2089087672256072 -28653.98592797901 -0.05290690990273461 0.9985916820232824 0.003938461432524026 4615.923502222486 -0.20841401758746195 -0.01489905283001126 0.9779272035779666 17851.57584780456 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/92283672_6106933794.jpg buckingham_palace/test/images/59669702_84374042.jpg 0 0 534.28 0.0 319.5 0.0 534.28 212.5 0.0 0.0 1.0 525.823 0.0 249.5 0.0 525.823 187.0 0.0 0.0 1.0 0.9595226032933865 0.0374049128843199 0.2791366086008766 -17095.013055880154 0.0028423596191586645 0.9898041876506694 -0.14240642928250657 2979.328467947689 -0.2816172842012327 0.13743559437538225 0.9496331726713255 17705.83676003334 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/84206804_4252951691.jpg buckingham_palace/test/images/31471983_2691474123.jpg 0 0 713.129 0.0 319.5 0.0 713.129 239.5 0.0 0.0 1.0 728.105 0.0 319.5 0.0 728.105 239.5 0.0 0.0 1.0 0.9768326864982111 -0.006217571092532085 -0.21391410518803286 17882.433498531234 0.012596854047321826 0.9995152281314573 0.02847152966440383 -3646.8807076824796 0.21363338188775166 -0.03050656557251021 0.9764374673271055 -9217.30892994561 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/99568304_8816950671.jpg buckingham_palace/test/images/09345199_2467420918.jpg 0 0 612.545 0.0 239.5 0.0 612.545 319.5 0.0 0.0 1.0 837.793 0.0 249.5 0.0 837.793 166.5 0.0 0.0 1.0 0.8735913204782073 0.056208369118214245 -0.48340337610137996 49015.457476711155 0.07195096417563449 0.9674741395721586 0.242521850589402 3892.1699577841173 0.48131202305712045 -0.24664632269746545 0.8411327647645641 23970.01289231373 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/82736794_5152319320.jpg buckingham_palace/test/images/70392907_4845953799.jpg 0 0 723.947 0.0 319.5 0.0 723.947 239.5 0.0 0.0 1.0 367.397 0.0 319.5 0.0 367.397 213.0 0.0 0.0 1.0 0.9995190708367422 0.011803428309178984 -0.02867588034926956 3696.885986195517 -0.007932908778172158 0.9912818721768673 0.13151927178874492 -16484.91574258813 0.029978258654777646 -0.1312285371924667 0.9908987713355754 -51565.17675308989 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/95099681_7121588727.jpg buckingham_palace/test/images/89902711_383052108.jpg 0 0 544.463 0.0 319.5 0.0 544.463 240.0 0.0 0.0 1.0 728.351 0.0 319.5 0.0 728.351 239.5 0.0 0.0 1.0 0.9656829709627097 -0.034137008110228434 -0.257470511456976 29593.30337114406 0.008274336459230978 0.9948650953117261 -0.10087109341406741 -1712.7068886601141 0.25959186225456693 0.09527909953222832 0.9610067420385425 8484.806613134557 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/00144688_335879737.jpg buckingham_palace/test/images/86758289_301058596.jpg 0 0 573.033 0.0 249.5 0.0 573.033 187.0 0.0 0.0 1.0 681.584 0.0 319.5 0.0 681.584 213.0 0.0 0.0 1.0 0.9984949105019131 -0.010936958668854692 -0.0537428752194412 -8473.393465445693 0.008170017374510454 0.9986428008742966 -0.05143740932473538 97.42382028409537 0.05423250425599818 0.05092091119585293 0.9972291092247093 375.33584466131504 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/19476535_153176579.jpg buckingham_palace/test/images/79123276_3884527240.jpg 0 0 838.719 0.0 319.5 0.0 838.719 239.5 0.0 0.0 1.0 1531.74 0.0 319.5 0.0 1531.74 212.0 0.0 0.0 1.0 0.9037481863011337 0.0030730711727011205 0.42805346861225024 -70077.98321488933 -0.04196928225850415 0.9957925180155146 0.08146066787736955 10212.649075425967 -0.42600210692450485 -0.09158502769497104 0.9000746566802079 55945.90851419668 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/63297115_271286148.jpg buckingham_palace/test/images/26810426_6779980104.jpg 0 0 549.53 0.0 249.5 0.0 549.53 187.0 0.0 0.0 1.0 535.869 0.0 319.5 0.0 535.869 213.0 0.0 0.0 1.0 0.9540922233447865 0.01778927072895485 0.29898423236006005 -37410.00885598648 0.025982528924528677 0.989555601672689 -0.14179075918016928 4215.64605690186 -0.2983838761456263 0.14304982714122613 0.9436650938819221 35052.579609964385 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/24481344_8619843161.jpg buckingham_palace/test/images/39881987_8753914632.jpg 0 0 533.532 0.0 319.5 0.0 533.532 239.5 0.0 0.0 1.0 696.104 0.0 319.5 0.0 696.104 211.5 0.0 0.0 1.0 0.7136421890208904 -0.09871112283360137 -0.6935206848237487 80464.09498424968 0.055645578614987194 0.9948816646584162 -0.08434478589160918 5112.955751392623 0.6982967819130165 0.02160063784770662 0.7154823665293906 65423.176967650856 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/35412346_425909362.jpg buckingham_palace/test/images/49117697_7908670900.jpg 0 0 659.197 0.0 249.5 0.0 659.197 187.0 0.0 0.0 1.0 709.993 0.0 319.5 0.0 709.993 213.5 0.0 0.0 1.0 0.8340190607100656 -0.018796249525518626 -0.5514153673738832 45039.19286234769 0.09553965155174718 0.9892416984501192 0.1107837399120193 -5018.515276359057 0.5434007557536804 -0.14507778276254996 0.8268422192867461 -11826.390428935982 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/59557144_4072456064.jpg buckingham_palace/test/images/52927333_9772228794.jpg 0 0 569.526 0.0 249.5 0.0 569.526 187.0 0.0 0.0 1.0 548.596 0.0 319.5 0.0 548.596 179.0 0.0 0.0 1.0 0.9717181320206996 0.0063837076184099974 0.23605745101403797 -21561.79555781598 -0.011691899254077893 0.999709130469523 0.021093931537362654 2079.8553655749015 -0.2358541316026386 -0.023257315685889086 0.9715101264902247 -4616.78367724151 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/30612743_2756901875.jpg buckingham_palace/test/images/86680206_8613353750.jpg 0 0 565.589 0.0 249.5 0.0 565.589 187.0 0.0 0.0 1.0 666.834 0.0 319.5 0.0 666.834 239.5 0.0 0.0 1.0 0.871984366765157 0.0347249688615804 0.4883005638484667 -29166.800391313678 -0.01578941116305013 0.9989570095186264 -0.04284375834035916 -61.8908297832545 -0.4892790191826054 0.029649109112504853 0.8716231821816939 13601.4347906031 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/66580194_6996358425.jpg buckingham_palace/test/images/12902055_112148540.jpg 0 0 729.144 0.0 319.5 0.0 729.144 239.5 0.0 0.0 1.0 718.027 0.0 319.5 0.0 718.027 239.5 0.0 0.0 1.0 0.921625333805062 -0.0015346591056000915 0.3880778129578368 -58190.31051351776 0.03484344928393232 0.996280696313313 -0.0788080465146711 -974.7233762262167 -0.3865134902312029 0.08615346176962438 0.9182510021200107 39420.69928385738 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/36638733_5857779927.jpg buckingham_palace/test/images/92283672_6106933794.jpg 0 0 491.356 0.0 319.5 0.0 491.356 212.0 0.0 0.0 1.0 534.28 0.0 319.5 0.0 534.28 212.5 0.0 0.0 1.0 0.8939579286908532 0.04921664539894443 -0.44544016831268607 15925.378791839068 0.054675131595132244 0.9745487854301645 0.21740582973242967 -352.5897674837315 0.4448031606405405 -0.21870616505317308 0.8685146870674783 1636.6754304829556 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/71145896_2328923072.jpg buckingham_palace/test/images/00144688_335879737.jpg 0 0 1341.47 0.0 319.5 0.0 1341.47 239.5 0.0 0.0 1.0 573.033 0.0 249.5 0.0 573.033 187.0 0.0 0.0 1.0 0.9988019237804168 -0.003268715499289449 0.04882655580238249 -11673.313227086459 0.0013849372377790017 0.9992551287125984 0.03856513568517275 -758.7468708118577 -0.04891624475964891 -0.03845130999788013 0.9980624718714058 -5455.625440213304 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/92121328_5579434644.jpg buckingham_palace/test/images/52126489_4139263.jpg 0 0 575.219 0.0 319.5 0.0 575.219 239.5 0.0 0.0 1.0 715.427 0.0 319.5 0.0 715.427 239.5 0.0 0.0 1.0 0.41381204032222946 -0.2593537895989542 -0.8726369274245817 45527.322891359676 0.0023403405807081406 0.9588599048227896 -0.28387005077886796 2618.4718486830116 0.9103593345983332 0.11542657728570199 0.3973947497964562 72214.5119261294 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/81888816_2734302.jpg buckingham_palace/test/images/39753040_13785121575.jpg 0 1 669.636 0.0 319.5 0.0 669.636 239.5 0.0 0.0 1.0 456.694 0.0 319.5 0.0 456.694 239.5 0.0 0.0 1.0 0.07013376644247685 -0.9556487405827788 -0.2860362554417549 19807.127370717357 0.9862302602253656 0.02337560930438966 0.16371760658358075 -11479.238371017796 -0.14977025278872874 -0.29357974302086537 0.9441291256324013 -34879.455232365865 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/15885029_599614928.jpg buckingham_palace/test/images/57193236_5047672890.jpg 0 0 433.441 0.0 319.5 0.0 433.441 239.5 0.0 0.0 1.0 664.015 0.0 319.5 0.0 664.015 239.5 0.0 0.0 1.0 0.954862508458624 -0.0016150117444301173 0.2970437369768458 -532.0180606829781 0.0005317776389702502 0.9999929115127978 0.003727483963874995 -1313.6109037961987 -0.2970476513164964 -0.003401273470864519 0.9548565987550851 -7473.297623832466 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/79123276_3884527240.jpg buckingham_palace/test/images/96236969_1904716577.jpg 0 0 1531.74 0.0 319.5 0.0 1531.74 212.0 0.0 0.0 1.0 505.334 0.0 249.5 0.0 505.334 187.0 0.0 0.0 1.0 0.9880721070468403 -0.03881753471181515 -0.1490191607643598 46441.99822259619 0.021883495161332957 0.9932811753415732 -0.11363810695179115 -5279.067614288069 0.15242907831362423 0.1090215836931377 0.9822828871427514 -130044.84565162557 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/25919709_2805904071.jpg buckingham_palace/test/images/97156938_2710050704.jpg 0 0 562.99 0.0 249.5 0.0 562.99 187.0 0.0 0.0 1.0 730.199 0.0 319.5 0.0 730.199 239.5 0.0 0.0 1.0 0.4941449928149945 0.07364911337376534 0.866254312644461 -96294.05790868611 -0.08260270651045383 0.9958748982252402 -0.03754969989248505 11085.74438317458 -0.8654464275465104 -0.052999954567208074 0.49819021052491286 80996.56414283262 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/04861657_8587228495.jpg buckingham_palace/test/images/03295994_6248335133.jpg 0 0 671.319 0.0 319.5 0.0 671.319 239.5 0.0 0.0 1.0 722.705 0.0 319.5 0.0 722.705 239.5 0.0 0.0 1.0 0.9977807528225678 0.02569411742683203 0.06142785708850282 -22834.856612249347 -0.025991210443847744 0.9996539990330612 0.004042177244059535 -4345.783178287015 -0.061302742813784374 -0.005629791014321858 0.998103340930508 -42933.7965710853 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/79326315_11893283674.jpg buckingham_palace/test/images/48484647_7883607208.jpg 0 0 857.641 0.0 319.5 0.0 857.641 239.5 0.0 0.0 1.0 530.224 0.0 319.5 0.0 530.224 182.5 0.0 0.0 1.0 0.9784477763424673 0.01764164697833617 0.2057394499418455 -31822.784199152346 -0.031447558817769575 0.9974524870233403 0.06402801867429844 -166.74804348038128 -0.20408576632113357 -0.06911807594866302 0.9765099546662442 -52611.24942554949 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/19931456_8233563983.jpg buckingham_palace/test/images/18093615_4509989383.jpg 0 0 500.434 0.0 319.5 0.0 500.434 211.5 0.0 0.0 1.0 533.833 0.0 319.5 0.0 533.833 239.5 0.0 0.0 1.0 0.9987667337664844 0.01858093422137593 0.046040855822729855 -1784.1102128308776 -0.009061337731033835 0.9799729439685639 -0.198924410890443 -3772.1671468733743 -0.048814994417214104 0.19826189238743422 0.9789327445473467 49151.25271491059 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/93037627_13638822993.jpg buckingham_palace/test/images/32929018_8338714866.jpg 0 0 585.228 0.0 239.5 0.0 585.228 319.5 0.0 0.0 1.0 503.595 0.0 319.5 0.0 503.595 213.0 0.0 0.0 1.0 0.8368016290003336 0.1280902739609851 0.5323118591756036 -26986.03485489388 -0.07398932169011621 0.9897856914715815 -0.12186002311652405 4747.209649329248 -0.5424837453585356 0.06258727246591807 0.8377315914701153 48599.35670025641 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/38109366_1994420460.jpg buckingham_palace/test/images/19476535_153176579.jpg 0 0 562.71 0.0 249.5 0.0 562.71 160.0 0.0 0.0 1.0 838.719 0.0 319.5 0.0 838.719 239.5 0.0 0.0 1.0 0.8262042717625128 -0.020121496369312486 -0.5630112136585165 51412.66512661293 0.00011784476790431429 0.9993681213875983 -0.035543551691312 -103.07171662702308 0.5633706483603728 0.029299886315172538 0.8256845821667808 59657.496749074475 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/38109366_1994420460.jpg buckingham_palace/test/images/04747458_676507940.jpg 0 0 562.71 0.0 249.5 0.0 562.71 160.0 0.0 0.0 1.0 533.733 0.0 319.5 0.0 533.733 213.0 0.0 0.0 1.0 0.9975402893528214 0.004644178508234273 0.06994142351906317 -7328.053361383603 -0.0014890392556987833 0.998981552300841 -0.04509590807042891 -2768.7241789997624 -0.07007962528427426 0.044880839659984545 0.9965312621044211 -21271.713693461978 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/87292117_4922805851.jpg buckingham_palace/test/images/97156938_2710050704.jpg 0 0 721.2 0.0 319.5 0.0 721.2 239.0 0.0 0.0 1.0 730.199 0.0 319.5 0.0 730.199 239.5 0.0 0.0 1.0 0.9877207992539986 0.002971602653895162 -0.1562011277126678 22286.221751344186 -0.017230156172868823 0.9957919092272595 -0.0900088619847395 3653.1270460053115 0.15527634861530062 0.09159499492437723 0.9836155816504244 23166.34073948419 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/15676476_3064491824.jpg buckingham_palace/test/images/72721744_6254882589.jpg 0 0 571.819 0.0 249.5 0.0 571.819 187.0 0.0 0.0 1.0 292.816 0.0 319.5 0.0 292.816 187.0 0.0 0.0 1.0 0.9829246860757062 0.0157988615004885 0.18332882337009468 -27787.854891940508 -0.0816133377294047 0.9303805975385571 0.35739502910430127 -20062.886784616006 -0.1649191456673273 -0.3662544739646011 0.915783454585893 -56227.47023052148 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/78715037_9287831735.jpg buckingham_palace/test/images/82736794_5152319320.jpg 0 0 629.677 0.0 319.5 0.0 629.677 212.5 0.0 0.0 1.0 723.947 0.0 319.5 0.0 723.947 239.5 0.0 0.0 1.0 0.7101389214399161 0.1763679520504384 0.6816135692206305 -62106.913291794575 -0.11047469644449726 0.9840370423298567 -0.1395221873689066 10056.11428929168 -0.6953402431196177 0.023779083502993726 0.7182871998623591 54313.892155284935 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/59669702_84374042.jpg buckingham_palace/test/images/19931456_8233563983.jpg 0 0 525.823 0.0 249.5 0.0 525.823 187.0 0.0 0.0 1.0 500.434 0.0 319.5 0.0 500.434 211.5 0.0 0.0 1.0 0.9214969786483895 -0.045107485213315306 -0.38575722043744054 38968.929120536326 0.049962221725148505 0.9987478174877035 0.0025638767201977717 -3060.600872361121 0.38515853196077166 -0.021635892430861576 0.9225967664242832 -17527.289001225858 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/77059222_3193034364.jpg buckingham_palace/test/images/42330398_309946538.jpg 0 0 665.902 0.0 319.5 0.0 665.902 239.5 0.0 0.0 1.0 536.549 0.0 249.5 0.0 536.549 187.0 0.0 0.0 1.0 0.9962805343227226 0.002783192585615046 -0.08612404291869716 7769.470871694517 0.0014602439979693091 0.9987894041544279 0.04916903330663986 -1921.1784959027573 0.08615662839907674 -0.04911191289162378 0.9950703771065788 -20057.202295257455 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/34591604_85337315.jpg buckingham_palace/test/images/66012681_3064490504.jpg 0 0 588.671 0.0 319.5 0.0 588.671 239.5 0.0 0.0 1.0 573.25 0.0 249.5 0.0 573.25 187.0 0.0 0.0 1.0 0.9882649846870015 0.002767590536594052 -0.15272413196421464 23978.75399135429 0.0015373504860164175 0.9996049908773192 0.028062408425474278 -2346.6820296106985 0.15274146979482758 -0.02796788615138332 0.9878703562457674 12517.18222093059 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/19476535_153176579.jpg buckingham_palace/test/images/84843004_4889485367.jpg 0 0 838.719 0.0 319.5 0.0 838.719 239.5 0.0 0.0 1.0 538.063 0.0 319.5 0.0 538.063 213.0 0.0 0.0 1.0 0.8165491874362232 0.0041708953684935395 0.5772607973256703 -79715.94978397971 -0.033142608290503174 0.9986632203756328 0.0396653474039049 363.9364177122118 -0.5763236868400827 -0.05152063567926229 0.8155958754715836 -19811.65013669437 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/87435867_4350947433.jpg buckingham_palace/test/images/99420280_3920306353.jpg 0 0 448.32 0.0 319.5 0.0 448.32 239.5 0.0 0.0 1.0 872.142 0.0 319.5 0.0 872.142 213.0 0.0 0.0 1.0 0.963794109091544 0.010117109498961805 -0.26645554859267434 23100.420672433378 0.061018750322804786 0.9643957363108253 0.2573277596656532 13317.250311344389 0.259572008100797 -0.2642697634631836 0.9288615961108698 72324.76202754836 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/19931456_8233563983.jpg buckingham_palace/test/images/48284683_6191802350.jpg 0 0 500.434 0.0 319.5 0.0 500.434 211.5 0.0 0.0 1.0 447.039 0.0 319.5 0.0 447.039 213.0 0.0 0.0 1.0 0.8640794438291863 0.07324834467235314 0.4979973842849019 -31027.110880779554 -0.0016032046554433233 0.9897507639509375 -0.142796551055578 1624.454889780407 -0.5033529025312926 0.1225891726919457 0.8553407217314206 42281.62398869662 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88975383_10138413065.jpg buckingham_palace/test/images/50497824_8033642711.jpg 0 0 818.871 0.0 319.5 0.0 818.871 180.0 0.0 0.0 1.0 449.291 0.0 319.5 0.0 449.291 213.0 0.0 0.0 1.0 0.9921073179351287 -0.007933733902508271 -0.12514042338880454 13615.318310740404 0.03345974752795468 0.9785595813527449 0.20322792878466733 -22662.928522649254 0.12084500401311843 -0.20581108232819842 0.9711015824289263 -88603.97405967282 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/37484866_5209954283.jpg buckingham_palace/test/images/79123276_3884527240.jpg 0 0 756.578 0.0 319.5 0.0 756.578 213.0 0.0 0.0 1.0 1531.74 0.0 319.5 0.0 1531.74 212.0 0.0 0.0 1.0 0.8163189002547065 0.031331891855558285 -0.5767510430330388 63663.80434746374 0.08602081212028564 0.9807975086225653 0.1750333310027991 13207.397812340563 0.5711601115003682 -0.19249560938504678 0.7979483488286484 82011.42923849783 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/14101115_7724864500.jpg buckingham_palace/test/images/96795280_10579107723.jpg 0 0 461.446 0.0 239.5 0.0 461.446 319.5 0.0 0.0 1.0 778.565 0.0 319.5 0.0 778.565 319.5 0.0 0.0 1.0 0.7784981856078751 -0.007290726160316213 -0.627604509478144 15042.41379056582 0.034324171964592726 0.9989307112407559 0.03097233215278354 6440.032476034262 0.6267076082386359 -0.04565390949406813 0.7779159943873861 76151.04404816158 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/22496504_4546656558.jpg buckingham_palace/test/images/64410912_3739779843.jpg 0 0 835.668 0.0 319.5 0.0 835.668 213.0 0.0 0.0 1.0 1908.16 0.0 319.5 0.0 1908.16 239.5 0.0 0.0 1.0 0.723658826808024 0.10120119460236192 0.6826977520058851 -45261.24451451035 -0.10351220573526379 0.9939167546309576 -0.03761260596774661 18362.65326931491 -0.6823511747235836 -0.04344885585282328 0.7297321914774116 101497.9634390326 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/03513470_2505259840.jpg buckingham_palace/test/images/89826404_8759127701.jpg 0 0 504.806 0.0 319.5 0.0 504.806 213.5 0.0 0.0 1.0 628.119 0.0 319.5 0.0 628.119 239.5 0.0 0.0 1.0 0.9651069236194371 -0.04984208114175321 -0.25706884861702944 -1885.0874653765168 0.022033041663531726 0.9936934038062343 -0.1099452786936899 -123.36512922009251 0.2609275206966091 0.10044494103457355 0.9601185566187551 -94.44412315419504 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/15064245_12177287034.jpg buckingham_palace/test/images/35721053_45922082.jpg 0 0 604.78 0.0 319.5 0.0 604.78 239.5 0.0 0.0 1.0 534.729 0.0 249.5 0.0 534.729 187.0 0.0 0.0 1.0 0.88781225971758 -0.003029162543167186 0.46019584490676485 -25240.847315938165 -0.09436791042890495 0.977530768657894 0.18848950583093177 807.7404370223201 -0.450426563355722 -0.21077101437672532 0.8675779449260799 4478.711805672157 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/82739196_8119743979.jpg buckingham_palace/test/images/79123276_3884527240.jpg 0 0 681.143 0.0 319.5 0.0 681.143 221.0 0.0 0.0 1.0 1531.74 0.0 319.5 0.0 1531.74 212.0 0.0 0.0 1.0 0.9993300396160674 0.0015436880588433988 -0.036566226878448 -3930.394502148552 0.0029122963380496534 0.9925878465468196 0.12149438430473515 18212.99457012536 0.03648274182388891 -0.1215194795690151 0.9919183563349794 112550.26261334994 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/35721053_45922082.jpg buckingham_palace/test/images/34591604_85337315.jpg 0 0 534.729 0.0 249.5 0.0 534.729 187.0 0.0 0.0 1.0 588.671 0.0 319.5 0.0 588.671 239.5 0.0 0.0 1.0 0.9455834852947229 -0.06214031868662062 -0.31939075304618675 9255.40647301251 0.008799030435436818 0.9861188101791164 -0.1658079288644547 3221.6495592184265 0.3252605869165233 0.1539749103083 0.9330044359992452 16641.605322745745 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/01991338_3847005741.jpg buckingham_palace/test/images/91176153_7095273843.jpg 0 0 575.005 0.0 249.5 0.0 575.005 187.0 0.0 0.0 1.0 1095.48 0.0 319.5 0.0 1095.48 239.5 0.0 0.0 1.0 0.9631571231704237 0.0064640572399096725 0.2688616224939368 -16109.393186268035 0.0046688406183228925 0.9991585666253 -0.04074752344077744 5549.039799971513 -0.2688987876755001 0.04050153951734652 0.9623165109689071 90674.19140984061 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/32264273_9687016916.jpg buckingham_palace/test/images/76124793_5669979160.jpg 0 0 608.489 0.0 305.5 0.0 608.489 305.5 0.0 0.0 1.0 737.626 0.0 319.5 0.0 737.626 239.5 0.0 0.0 1.0 0.9918188853433174 -0.00418046444737855 -0.1275845695738451 1798.6055463774283 -0.009545972205262258 0.9942362026646753 -0.10678599030576508 -2904.28197341532 0.1272956130076582 0.10713028063031851 0.9860623356974313 -17430.3831420933 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/87292117_4922805851.jpg buckingham_palace/test/images/14261176_44001540.jpg 0 0 721.2 0.0 319.5 0.0 721.2 239.0 0.0 0.0 1.0 649.057 0.0 319.5 0.0 649.057 239.5 0.0 0.0 1.0 0.9986807040116549 0.05133139659488897 -0.001392536679261553 2553.9215925784083 -0.05127094567009775 0.9952641591942557 -0.08258658216347765 -5142.470189389676 -0.002853342755217232 0.08254902268936426 0.996582920427674 -34385.94068904265 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88827990_5044159062.jpg buckingham_palace/test/images/97156938_2710050704.jpg 0 0 800.954 0.0 319.5 0.0 800.954 239.5 0.0 0.0 1.0 730.199 0.0 319.5 0.0 730.199 239.5 0.0 0.0 1.0 0.9421643323498222 0.029685664330499156 0.33383398895419736 -37901.76188636288 -0.026111605137526157 0.9995436309816762 -0.015189267299940945 1168.0045765006344 -0.33413254095486744 0.005593844583474583 0.942509498083611 23619.12314211077 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/39733199_8623371744.jpg buckingham_palace/test/images/38494630_2754668056.jpg 0 0 1338.45 0.0 319.5 0.0 1338.45 239.5 0.0 0.0 1.0 782.467 0.0 249.5 0.0 782.467 187.0 0.0 0.0 1.0 0.9997652663196572 -0.008319148089459768 -0.02000510024595515 25359.48751627429 0.00615240661382494 0.9943439440870148 -0.1060295654538768 1572.0774218301099 0.020774025937291024 0.10588159723268922 0.9941617208552195 59691.451488895415 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/80448535_2424346689.jpg buckingham_palace/test/images/93206568_5039285632.jpg 0 0 770.034 0.0 319.5 0.0 770.034 239.5 0.0 0.0 1.0 801.943 0.0 319.5 0.0 801.943 212.0 0.0 0.0 1.0 0.5089502840722445 0.024463039457763076 0.860448236701819 -88531.29221717789 -0.021367424527531282 0.999647121199875 -0.01578183277895234 2050.019998298125 -0.8605306743584693 -0.010353394481545026 0.5092933984560057 71271.77494031918 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/52927333_9772228794.jpg buckingham_palace/test/images/36638733_5857779927.jpg 0 0 548.596 0.0 319.5 0.0 548.596 179.0 0.0 0.0 1.0 491.356 0.0 319.5 0.0 491.356 212.0 0.0 0.0 1.0 0.999437931853078 -0.03338694886660391 -0.003021923000474479 4206.826747085048 0.033423936619909764 0.9993547210615918 0.013152260366047648 -2546.022329401614 0.0025808591728872844 -0.013245872462273987 0.9999089388682566 -22994.105506353237 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/81394496_5045390386.jpg buckingham_palace/test/images/80048275_3915422048.jpg 0 0 672.414 0.0 319.5 0.0 672.414 239.5 0.0 0.0 1.0 515.084 0.0 319.5 0.0 515.084 211.5 0.0 0.0 1.0 0.8359787535816431 0.022617871931478815 -0.5482955000995121 38640.200254253745 -0.011952394154304989 0.9996636979832306 0.023013717832465686 578.2829529153777 0.548631628539645 -0.012685535218643138 0.8359679499610936 22282.10398557845 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/23363801_5143002413.jpg buckingham_palace/test/images/10272597_1810665269.jpg 0 0 729.125 0.0 319.5 0.0 729.125 239.5 0.0 0.0 1.0 501.469 0.0 319.5 0.0 501.469 213.5 0.0 0.0 1.0 0.6593194149396426 0.04333535261371591 0.7506130536418163 -75101.5011556114 -0.14389994943302536 0.9871552886653506 0.06940634418553449 -1912.3107255319114 -0.7379638972448583 -0.15377413070433216 0.6570866024271891 934.2875629025748 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/83500228_4350950097.jpg buckingham_palace/test/images/50497824_8033642711.jpg 0 0 450.353 0.0 319.5 0.0 450.353 239.5 0.0 0.0 1.0 449.291 0.0 319.5 0.0 449.291 213.0 0.0 0.0 1.0 0.9928448497328164 0.00909300517096838 0.11906477907417416 -20610.65873997478 -0.0455902816898833 0.9504297699480837 0.3075788981901554 3053.3988612972807 -0.11036589407266292 -0.31080632177192535 0.9440438547928524 3696.54788040808 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88817343_6780061632.jpg buckingham_palace/test/images/54235905_5885592660.jpg 0 0 716.556 0.0 319.5 0.0 716.556 213.0 0.0 0.0 1.0 955.39 0.0 213.0 0.0 955.39 319.5 0.0 0.0 1.0 0.41521291874171534 0.06318387654295139 0.907527426502908 -51669.03985493597 -0.0369340819317368 0.9979334730212874 -0.052580005853278496 7235.0599565528555 -0.9089742051905794 -0.01168679462796042 0.41668850851622746 130191.8679141778 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/38217522_12120715573.jpg buckingham_palace/test/images/94916212_250193805.jpg 0 0 416.694 0.0 319.5 0.0 416.694 239.5 0.0 0.0 1.0 540.593 0.0 249.5 0.0 540.593 187.0 0.0 0.0 1.0 0.7274187611642429 -0.03310015120134248 -0.6853950144965503 34512.1466355661 0.10080406364986325 0.9931540529994692 0.05902175668685158 1115.993217778669 0.678749207482375 -0.11202413579749614 0.7257755206266412 15355.342058086826 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/96640391_498921406.jpg buckingham_palace/test/images/81485196_7160898455.jpg 0 0 717.897 0.0 319.5 0.0 717.897 239.5 0.0 0.0 1.0 640.287 0.0 319.5 0.0 640.287 232.0 0.0 0.0 1.0 0.9429435380099341 0.047843172089319555 0.3294973672273256 -44938.68869322118 0.0021031942163456468 0.9887465858502371 -0.14958531192462754 2821.473644036583 -0.3329460327131045 0.14174350021758161 0.9322315803740361 17328.070552930014 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/38067003_3099337568.jpg buckingham_palace/test/images/66563458_10330669473.jpg 0 0 666.233 0.0 319.5 0.0 666.233 213.0 0.0 0.0 1.0 720.394 0.0 319.5 0.0 720.394 319.5 0.0 0.0 1.0 0.9837727500087035 0.05355979225422451 0.17123821125554065 381.61447852149286 -0.03647733981470977 0.9941773823554424 -0.10139396477563623 6977.50122196262 -0.1756717963144769 0.09350230514038185 0.9799983361787304 56705.88644338411 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/55790389_5367781874.jpg buckingham_palace/test/images/33491680_3513928900.jpg 0 0 866.206 0.0 319.5 0.0 866.206 212.0 0.0 0.0 1.0 656.038 0.0 239.5 0.0 656.038 319.5 0.0 0.0 1.0 0.8029916692621557 -0.053190743599561954 -0.5936119303812066 31500.00628927179 0.0871075634162531 0.9957881594887286 0.028604437028796437 -7560.4702344640045 0.5895902403290444 -0.07467721350838287 0.8042429124906002 -29266.17817358958 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/27360182_6693505247.jpg buckingham_palace/test/images/67523072_406377501.jpg 0 0 668.989 0.0 319.5 0.0 668.989 240.0 0.0 0.0 1.0 685.313 0.0 319.5 0.0 685.313 239.5 0.0 0.0 1.0 0.9983824862380223 0.038894317912897027 0.04146858096530512 -28054.936196455405 -0.03032641031934913 0.9812712675250224 -0.1902288315870615 -456.3414407412531 -0.04809074765823507 0.18866354063232949 0.9808635727896848 -24371.72799749556 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/80691584_9772041992.jpg buckingham_palace/test/images/91176153_7095273843.jpg 0 0 550.47 0.0 319.5 0.0 550.47 179.0 0.0 0.0 1.0 1095.48 0.0 319.5 0.0 1095.48 239.5 0.0 0.0 1.0 0.9851101460380335 0.02497775002488944 0.17010030034252874 -2553.90212710812 -0.0083231851623471 0.9951587029823896 -0.09792793507044291 6545.068869111226 -0.17172281374842893 0.09505402612252534 0.9805488296643979 117717.78746709166 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/13870492_3491797363.jpg buckingham_palace/test/images/73590053_4109923193.jpg 0 0 780.996 0.0 319.5 0.0 780.996 213.5 0.0 0.0 1.0 847.053 0.0 319.5 0.0 847.053 212.5 0.0 0.0 1.0 0.9399154702480967 -0.055368883050917285 -0.3368875117572524 58189.769518361194 0.04011767644650856 0.9978372773630723 -0.052070528527992904 2087.4437845253087 0.3390420045139427 0.03542675111190857 0.9401039647192339 14896.364186686384 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/98572291_1285394227.jpg buckingham_palace/test/images/65005823_3953864220.jpg 0 0 744.579 0.0 319.5 0.0 744.579 239.5 0.0 0.0 1.0 626.087 0.0 319.5 0.0 626.087 179.0 0.0 0.0 1.0 0.7321450632548363 -0.030192824553537983 -0.6804792426643529 126388.15190962632 0.11973038041425105 0.9891669431002902 0.08493170599656037 -4571.207810468801 0.6705432442113118 -0.14365636784739724 0.7278286924953307 -35849.16064306245 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/16774617_219184039.jpg buckingham_palace/test/images/94916212_250193805.jpg 0 0 544.766 0.0 249.5 0.0 544.766 187.0 0.0 0.0 1.0 540.593 0.0 249.5 0.0 540.593 187.0 0.0 0.0 1.0 0.9759846056764326 -0.021044405045471587 -0.21682062286346362 8560.216033601115 0.035762404548454606 0.9972971935646213 0.06418222595892917 -9843.0773521236 0.21488392192886538 -0.07039489132325227 0.9740993067300976 -63891.57846827171 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/04563674_4259679500.jpg buckingham_palace/test/images/65063014_3656668731.jpg 0 0 611.976 0.0 319.5 0.0 611.976 239.5 0.0 0.0 1.0 689.192 0.0 319.5 0.0 689.192 239.5 0.0 0.0 1.0 0.7888636603209123 0.1109310920107292 0.6044736704360244 -35541.53825077383 -0.04048238279296369 0.9908178635039865 -0.12900053505625445 2102.063549274695 -0.6132334809095932 0.07729329975297412 0.7861109614455205 14988.34639194627 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/78715037_9287831735.jpg buckingham_palace/test/images/89896693_2049071963.jpg 0 0 629.677 0.0 319.5 0.0 629.677 212.5 0.0 0.0 1.0 722.799 0.0 319.5 0.0 722.799 239.5 0.0 0.0 1.0 0.7185896413066735 0.19324155914339958 0.6680468750219364 -59226.931342439595 -0.14886600105655584 0.981094118317296 -0.12366585920389367 10755.500787124825 -0.6793142432896399 -0.010584461395636848 0.7337711687173245 42875.468323735695 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/82739196_8119743979.jpg buckingham_palace/test/images/24967538_249111453.jpg 0 0 681.143 0.0 319.5 0.0 681.143 221.0 0.0 0.0 1.0 1172.73 0.0 319.5 0.0 1172.73 239.5 0.0 0.0 1.0 0.9869315800378742 0.010247279512607307 -0.1608137108163833 13954.658842383964 -0.007296953279950055 0.9997942572986922 0.018926107507529766 1978.6614484291285 0.1609745656828279 -0.017505323051770487 0.9868032999884414 55383.61922655036 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/84843004_4889485367.jpg buckingham_palace/test/images/59557144_4072456064.jpg 0 0 538.063 0.0 319.5 0.0 538.063 213.0 0.0 0.0 1.0 569.526 0.0 249.5 0.0 569.526 187.0 0.0 0.0 1.0 0.9863717626880043 -0.01771467830084283 -0.16357547476457823 21113.635827953152 -0.000912289020031525 0.9935828635688443 -0.11310287773120366 -2556.0375589528476 0.1645293697201307 0.11171071298238738 0.9800259196084882 1454.0936068668298 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/44119452_427463944.jpg buckingham_palace/test/images/66563458_10330669473.jpg 0 0 842.739 0.0 249.5 0.0 842.739 166.0 0.0 0.0 1.0 720.394 0.0 319.5 0.0 720.394 319.5 0.0 0.0 1.0 0.9017569943007261 -0.014890930969933503 -0.4319867861457905 45478.796199918965 0.019699240104191985 0.9997837813687357 0.006658111695511137 1571.4431446459664 0.4317942370725178 -0.014513810212386801 0.9018553576622368 41274.32376656409 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/99420280_3920306353.jpg buckingham_palace/test/images/80731258_3052461790.jpg 0 0 872.142 0.0 319.5 0.0 872.142 213.0 0.0 0.0 1.0 576.354 0.0 249.5 0.0 576.354 187.0 0.0 0.0 1.0 0.9836266042047832 0.03493985341061663 0.17679906714745813 -25467.860208529375 -0.031404760795923026 0.9992476993117769 -0.02275470104113599 -5006.034185061523 -0.1774611070063456 0.016829796902079384 0.9839838989720903 -27515.321198350328 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/59781164_3740564586.jpg buckingham_palace/test/images/97292713_2986088736.jpg 0 0 1179.26 0.0 319.5 0.0 1179.26 239.5 0.0 0.0 1.0 683.491 0.0 319.5 0.0 683.491 221.0 0.0 0.0 1.0 0.8967077520648113 -0.037405476998501316 -0.44103972346874587 77775.17214179468 0.08114214874857173 0.9934284503908695 0.08072091210126718 -10778.648208354294 0.4351220048254717 -0.10816997848067841 0.8938501533658492 -45917.7089273717 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/92713380_3913819288.jpg buckingham_palace/test/images/44140023_3726848652.jpg 0 0 534.038 0.0 319.5 0.0 534.038 212.5 0.0 0.0 1.0 667.066 0.0 319.5 0.0 667.066 212.0 0.0 0.0 1.0 0.683594378897291 0.09853062608648101 0.7231807802085403 -49403.491912296435 -0.03978088544018737 0.9944028011591184 -0.09788028504501632 4254.542209856652 -0.7287771993508179 0.03814164089161647 0.6836878007807901 74202.16186775219 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/42575336_5691036729.jpg buckingham_palace/test/images/44140023_3726848652.jpg 0 0 681.719 0.0 319.5 0.0 681.719 212.5 0.0 0.0 1.0 667.066 0.0 319.5 0.0 667.066 212.0 0.0 0.0 1.0 0.8902584862054402 -0.03678657378139115 0.4539675932581796 -42118.31643106739 -0.016214241177581187 0.9935412342071855 0.11230723179340463 -525.6278413830423 -0.4551669211643492 -0.10734320621021412 0.8839120487685858 41231.83619610487 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/78850803_8040467285.jpg buckingham_palace/test/images/84206804_4252951691.jpg 0 0 936.98 0.0 319.5 0.0 936.98 239.5 0.0 0.0 1.0 713.129 0.0 319.5 0.0 713.129 239.5 0.0 0.0 1.0 0.6645740511657449 -0.08719042757269974 -0.7421180228621588 95010.59285649458 0.04959226553616366 0.9961257427836305 -0.07262308009683342 -104.3101758737937 0.7455749041619765 0.011460100499134 0.666323291188601 -4527.977531018491 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/61577420_5186173128.jpg buckingham_palace/test/images/89730574_3288971741.jpg 0 0 1021.11 0.0 319.5 0.0 1021.11 213.0 0.0 0.0 1.0 664.171 0.0 319.5 0.0 664.171 239.5 0.0 0.0 1.0 0.999623358510097 0.022022757802722722 0.016374958313138697 -19927.745287402286 -0.023215587666185363 0.9967893815684215 0.0766287497076487 -12358.4916182982 -0.01463480817462516 -0.07698004242143817 0.9969252205950482 -99130.81583699721 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/40580817_2599681870.jpg buckingham_palace/test/images/82739196_8119743979.jpg 0 0 725.526 0.0 319.5 0.0 725.526 235.0 0.0 0.0 1.0 681.143 0.0 319.5 0.0 681.143 221.0 0.0 0.0 1.0 0.9895833445017354 -0.024573972515359407 -0.14184824341377678 9290.716424855636 0.00896600306273309 0.993930937107461 -0.10963987892078096 -2346.4515726595437 0.14368164487448898 0.10722598628830055 0.9837978312593815 -18869.644643281994 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/78326446_53479975.jpg buckingham_palace/test/images/66200544_112696421.jpg 0 0 517.948 0.0 219.5 0.0 517.948 164.5 0.0 0.0 1.0 674.569 0.0 249.5 0.0 674.569 187.0 0.0 0.0 1.0 0.9962143385775872 0.023213243724430687 -0.08377432141301104 509.58295560238184 -0.02245597502412553 0.9996981136156516 0.009970497431089418 542.7752144076524 0.08398047867294012 -0.008051518434288635 0.9964348710541829 3344.2397226732282 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/95099681_7121588727.jpg buckingham_palace/test/images/74825492_11236890775.jpg 0 0 544.463 0.0 319.5 0.0 544.463 240.0 0.0 0.0 1.0 786.182 0.0 319.5 0.0 786.182 319.5 0.0 0.0 1.0 0.9999619887321746 -0.006437306217805062 0.005880661480880048 -3100.65375159053 0.007813126006465245 0.960932871184643 -0.2766712347513656 13.064480807222566 -0.003869903461534239 0.2767066644761134 0.9609466403925362 -6148.085672526919 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/67955492_328543996.jpg buckingham_palace/test/images/99693928_9653754514.jpg 0 0 519.911 0.0 187.0 0.0 519.911 249.5 0.0 0.0 1.0 971.196 0.0 212.5 0.0 971.196 319.5 0.0 0.0 1.0 0.9741025229146988 -0.02566574300826931 -0.22464537495139292 26853.981403279417 -0.009638093996304836 0.9879203596008789 -0.1546624396231633 19016.025474465176 0.22590126603305458 0.15282222587668234 0.9620883458824139 97055.47661707844 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/44460121_952952106.jpg buckingham_palace/test/images/92637616_3766818227.jpg 0 0 820.061 0.0 319.5 0.0 820.061 213.0 0.0 0.0 1.0 1027.91 0.0 319.5 0.0 1027.91 239.5 0.0 0.0 1.0 0.8364579945599045 0.025244341629848364 0.5474493095734967 -58056.29803837745 -0.07520027824773266 0.9947763749375771 0.069028124829785 2010.2903361912204 -0.5428470700743316 -0.09890746726980881 0.8339870331306029 12521.043844040425 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/63503162_6643082601.jpg buckingham_palace/test/images/21622015_377333223.jpg 0 0 771.297 0.0 305.5 0.0 771.297 305.5 0.0 0.0 1.0 671.989 0.0 319.5 0.0 671.989 239.5 0.0 0.0 1.0 0.34857440286480235 -0.015303768453454413 -0.9371561664624362 107095.04158836932 0.007566618530174687 0.9998800565387886 -0.013513653096303611 -2957.5072826060605 0.9372505705260814 -0.002380589656256026 0.34864839142239457 22938.16456190891 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/04747458_676507940.jpg buckingham_palace/test/images/97000297_3525745026.jpg 0 0 533.733 0.0 319.5 0.0 533.733 213.0 0.0 0.0 1.0 537.107 0.0 319.5 0.0 537.107 209.0 0.0 0.0 1.0 0.84246727117209 -0.03152259782404881 -0.5378245279180519 31252.56180216323 0.21156407605941255 0.9374500449085371 0.27645624431744864 6001.554486133415 0.4954690088441246 -0.346689687079678 0.7964400304778858 12570.07593255943 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/46081654_9210533871.jpg buckingham_palace/test/images/88139524_3180271751.jpg 0 0 915.01 0.0 319.5 0.0 915.01 213.0 0.0 0.0 1.0 319.518 0.0 249.5 0.0 319.518 166.5 0.0 0.0 1.0 0.7939988477401608 0.07518813439268597 0.6032516674107452 -94065.84179136479 0.049388008304573225 0.9810637867649938 -0.1872823294762168 3642.5827906272875 -0.6059097741603156 0.17849535216603885 0.7752501240452125 -24456.930260028756 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/83415428_2296055089.jpg buckingham_palace/test/images/49117697_7908670900.jpg 0 0 551.523 0.0 319.5 0.0 551.523 239.5 0.0 0.0 1.0 709.993 0.0 319.5 0.0 709.993 213.5 0.0 0.0 1.0 0.7800936831436176 -0.1110541831967274 -0.6157278732637764 12544.588305178644 0.13793896178520462 0.9904331482126817 -0.003875789356499238 2106.7847368079365 0.6102677185801699 -0.08190938478601704 0.7879493412288197 11756.402980648581 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/39197892_9580433466.jpg buckingham_palace/test/images/41854370_22518199.jpg 0 0 920.78 0.0 319.5 0.0 920.78 239.5 0.0 0.0 1.0 719.884 0.0 319.5 0.0 719.884 239.5 0.0 0.0 1.0 0.9627860930241197 -0.003564152523146436 -0.27024106996558334 77332.7635552093 0.005161626986762561 0.9999731539732161 0.005200859516281665 -6085.04421733547 0.27021527841001347 -0.006402198813714079 0.9627786428687275 -35853.663803185584 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/19322041_4490535181.jpg buckingham_palace/test/images/94785686_3685753287.jpg 0 0 800.164 0.0 319.5 0.0 800.164 239.5 0.0 0.0 1.0 689.603 0.0 319.5 0.0 689.603 239.5 0.0 0.0 1.0 0.8761387356731152 0.06996262679201547 0.4769550782888009 -73444.01662495828 0.00915843767321724 0.9868177969067221 -0.16157586059665396 -2569.0633385257834 -0.48197203121395005 0.1459310335758804 0.8639485485646552 -10636.504871999728 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/82736794_5152319320.jpg buckingham_palace/test/images/78326446_53479975.jpg 0 0 723.947 0.0 319.5 0.0 723.947 239.5 0.0 0.0 1.0 517.948 0.0 219.5 0.0 517.948 164.5 0.0 0.0 1.0 0.7329995994140434 -0.10484138657878957 -0.67210108683076 73565.27885067627 0.05828441733359917 0.9940975294828274 -0.09150425439410995 1636.3766266779476 0.6777274628897186 0.02789956158035372 0.7347837100185941 44771.03347140823 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/20376856_499480088.jpg buckingham_palace/test/images/42575336_5691036729.jpg 0 0 1908.96 0.0 239.5 0.0 1908.96 319.5 0.0 0.0 1.0 681.719 0.0 319.5 0.0 681.719 212.5 0.0 0.0 1.0 0.9999502272723116 -0.000830401347880739 0.009942505300659737 -529.8531031205448 0.0017688518080539858 0.9954990713360414 -0.09475478949562534 -363.32151530853844 -0.009819070288645121 0.09476766010976824 0.9954509914887755 -2640.576498589152 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/72721744_6254882589.jpg buckingham_palace/test/images/42080522_204096736.jpg 0 0 292.816 0.0 319.5 0.0 292.816 187.0 0.0 0.0 1.0 671.754 0.0 319.5 0.0 671.754 239.5 0.0 0.0 1.0 0.8955567078040154 0.15200778474494278 0.4181767765959375 -21738.615188895295 -0.0322800757088943 0.9595537284165849 -0.2796688023252841 7024.190340367324 -0.44377492022359866 0.2369604938777053 0.8642416007817333 85393.00357978638 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/66460486_3000292784.jpg buckingham_palace/test/images/66104636_8655068521.jpg 0 0 634.978 0.0 319.5 0.0 634.978 239.5 0.0 0.0 1.0 493.211 0.0 318.5 0.0 493.211 319.5 0.0 0.0 1.0 0.9981016986904849 0.05070609976221567 -0.03495555060463131 -15656.310952245956 -0.054699263027184246 0.9906738087780156 -0.12479341018476277 391.42487566480577 0.028301761348927087 0.12646855754757294 0.9915667976774861 6101.2147128411525 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/74825492_11236890775.jpg buckingham_palace/test/images/22496504_4546656558.jpg 0 0 786.182 0.0 319.5 0.0 786.182 319.5 0.0 0.0 1.0 835.668 0.0 319.5 0.0 835.668 213.0 0.0 0.0 1.0 0.7987855471883081 0.09498494667447277 -0.5940702900400954 42975.550300750656 0.07525679676947776 0.9639257650109423 0.255310661916159 1431.934801479008 0.596890328404702 -0.24864629386604029 0.7628217068251334 21655.372582971686 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/63503162_6643082601.jpg buckingham_palace/test/images/25222869_4501138522.jpg 0 0 771.297 0.0 305.5 0.0 771.297 305.5 0.0 0.0 1.0 669.156 0.0 319.5 0.0 669.156 179.5 0.0 0.0 1.0 0.7715431937441695 0.008797682522059527 0.6361161065161673 -94041.16714721193 -0.047031833144093475 0.9979569504610237 0.0432427068722538 -2976.57639500008 -0.6344360541915576 -0.0632813227483004 0.7703806639143226 8319.747510588604 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/97483818_594151094.jpg buckingham_palace/test/images/26420725_8870834351.jpg 0 0 655.958 0.0 319.5 0.0 655.958 239.5 0.0 0.0 1.0 644.06 0.0 319.5 0.0 644.06 213.0 0.0 0.0 1.0 0.8814728519913321 -0.08911750801826751 -0.46374958864335525 26181.14382991023 0.015612589512964853 0.9869947610120576 -0.15999246477084733 -593.9699638610334 0.47197654417456686 0.13378868225438653 0.871400441960909 1929.5996962689278 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/64944499_5112796042.jpg buckingham_palace/test/images/92472013_4238693784.jpg 0 0 855.12 0.0 319.5 0.0 855.12 213.0 0.0 0.0 1.0 640.379 0.0 319.5 0.0 640.379 210.5 0.0 0.0 1.0 0.7550497609162041 0.10202558740628942 0.6476809693473972 -17546.934251759878 -0.04751702555914527 0.9937364299364659 -0.10114366069674968 4395.195910222814 -0.6539434156120802 0.04559262365261827 0.7551684062817223 20089.626991654903 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/44446238_9117834424.jpg buckingham_palace/test/images/08189358_287573307.jpg 0 0 1744.52 0.0 319.5 0.0 1744.52 213.5 0.0 0.0 1.0 553.684 0.0 249.5 0.0 553.684 186.5 0.0 0.0 1.0 0.9372976498629797 -0.07560102698078469 -0.34023168617985244 61297.805546265896 0.06480283570616326 0.9969708905957846 -0.04300739226096137 -9461.107820925397 0.3424524902023271 0.018262749631390525 0.9393576336678838 -108578.72282012561 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/92891727_3739824491.jpg buckingham_palace/test/images/47561034_5631016960.jpg 0 0 528.312 0.0 319.5 0.0 528.312 239.5 0.0 0.0 1.0 705.387 0.0 319.5 0.0 705.387 239.5 0.0 0.0 1.0 0.5245925200764798 -0.13992163291023646 -0.839776532491556 39784.52542083972 0.08256201169804496 0.9901136143748035 -0.11339552395943499 19047.241054272818 0.8473406647294701 -0.009847196220038578 0.5309584076200545 106590.9453511375 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/68304166_169924929.jpg buckingham_palace/test/images/24708453_4252951589.jpg 0 0 734.815 0.0 319.5 0.0 734.815 239.5 0.0 0.0 1.0 716.742 0.0 319.5 0.0 716.742 239.5 0.0 0.0 1.0 0.8686580863435149 0.070806143743135 0.4903260334086383 -12029.467227431944 -0.028887481450084847 0.9952889923326788 -0.09254909592681988 5089.732421441951 -0.49456914829525467 0.06622923636602802 0.8666112426024021 34271.70164349102 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/83500228_4350950097.jpg buckingham_palace/test/images/47561034_5631016960.jpg 0 0 450.353 0.0 319.5 0.0 450.353 239.5 0.0 0.0 1.0 705.387 0.0 319.5 0.0 705.387 239.5 0.0 0.0 1.0 0.8892645313028957 0.030712897034285973 -0.45636094412471645 26094.771408817433 0.0720557988692078 0.9758777270584507 0.2060840209248471 10054.511428574648 0.4516819181857532 -0.21614666267836263 0.865600407230175 54878.41039989743 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/83690948_250193885.jpg buckingham_palace/test/images/32421210_526180836.jpg 0 0 540.856 0.0 249.5 0.0 540.856 187.0 0.0 0.0 1.0 1455.77 0.0 319.5 0.0 1455.77 213.0 0.0 0.0 1.0 0.8710953197908217 0.06000238104649552 0.48743477318229705 -19946.55261409327 -0.0430727671580689 0.9980179676610775 -0.045878894439588556 8496.53412683541 -0.4892215046048906 0.01896972573347553 0.8719532492844577 72683.70058413113 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/35090949_260308535.jpg buckingham_palace/test/images/87850563_3619254383.jpg 0 0 724.592 0.0 319.5 0.0 724.592 239.5 0.0 0.0 1.0 811.45 0.0 249.5 0.0 811.45 154.0 0.0 0.0 1.0 0.9234682695462549 -0.019967997998298553 -0.38315484363007246 37482.37137801503 -0.009207738096256095 0.9972037587362041 -0.07416118338819513 -1286.541384371159 0.38356430060733776 0.07201348914145674 0.9207021693692683 72626.2549230886 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/91870054_4238721718.jpg buckingham_palace/test/images/52580713_3540604945.jpg 0 0 801.672 0.0 319.5 0.0 801.672 211.5 0.0 0.0 1.0 547.77 0.0 319.5 0.0 547.77 213.0 0.0 0.0 1.0 0.9777556112160605 0.017405577075759023 0.2090239474848947 489.7553076184031 -0.021712705147617473 0.9995962241897128 0.018328857597849822 1135.7511927436267 -0.20862052432749953 -0.022459618704008404 0.9777387393148489 8655.629717130456 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/92891727_3739824491.jpg buckingham_palace/test/images/54122468_53118210.jpg 0 0 528.312 0.0 319.5 0.0 528.312 239.5 0.0 0.0 1.0 475.674 0.0 239.5 0.0 475.674 159.5 0.0 0.0 1.0 0.5607777567421093 -0.1156213207241847 -0.8198536562931722 38228.83442771863 0.06702225933595078 0.9932911413046409 -0.09423760055958712 3679.871099825332 0.8252492498008056 -0.002102094127044207 0.5647647801549674 22097.34132904381 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/92891727_3739824491.jpg buckingham_palace/test/images/24481344_8619843161.jpg 0 0 528.312 0.0 319.5 0.0 528.312 239.5 0.0 0.0 1.0 533.532 0.0 319.5 0.0 533.532 239.5 0.0 0.0 1.0 0.9914859669659137 0.03863571709226134 -0.12434974336296048 -5296.149627487772 -0.04448527416497845 0.9980134164379014 -0.04461256540947465 7371.847729991064 0.12237907375092384 0.049764464979689074 0.9912350177092975 46405.41384073952 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/57193236_5047672890.jpg buckingham_palace/test/images/74969573_235362322.jpg 0 0 664.015 0.0 319.5 0.0 664.015 239.5 0.0 0.0 1.0 503.536 0.0 319.5 0.0 503.536 212.5 0.0 0.0 1.0 0.969756054069686 0.020497435079313432 -0.243214001961978 -3650.819552066807 0.020445577238492767 0.9861432572145666 0.16463126866312414 -2823.4959962155085 0.24321836683642242 -0.16462482013783417 0.9558993119717208 -11816.30309741271 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/25074269_2738283980.jpg buckingham_palace/test/images/02324203_9313663960.jpg 0 0 504.803 0.0 319.5 0.0 504.803 213.5 0.0 0.0 1.0 869.083 0.0 319.5 0.0 869.083 213.0 0.0 0.0 1.0 0.9589806163748649 -0.029526839945821243 -0.28192967765047083 42748.43794353098 0.03345446365137537 0.9993985698254396 0.009126746006350366 20493.28753551422 0.2814906326666719 -0.018184178663868338 0.959391661089066 89870.35311134823 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/02371378_228150658.jpg buckingham_palace/test/images/76276666_337183275.jpg 0 0 2923.59 0.0 319.5 0.0 2923.59 239.5 0.0 0.0 1.0 545.844 0.0 319.5 0.0 545.844 213.0 0.0 0.0 1.0 0.7682905790984408 -0.09803206689233523 -0.6325498398777752 111214.21018097144 0.1866350359736587 0.9795721014143429 0.07487230113866687 -14072.226394879839 0.6122882894647698 -0.1755796457209799 0.7708922353953251 -77652.16305850318 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/78850803_8040467285.jpg buckingham_palace/test/images/92283672_6106933794.jpg 0 0 936.98 0.0 319.5 0.0 936.98 239.5 0.0 0.0 1.0 534.28 0.0 319.5 0.0 534.28 212.5 0.0 0.0 1.0 0.5702591625749868 -0.07266168470615003 -0.8182449309802896 124410.60448411261 0.18661834579859335 0.9814953270884416 0.042901234422215856 -10211.194649801688 0.7999863002018667 -0.17716433749267188 0.573266706699518 -16571.216465601687 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/61285342_3151612050.jpg buckingham_palace/test/images/88595844_3830407687.jpg 0 0 536.336 0.0 249.5 0.0 536.336 187.0 0.0 0.0 1.0 507.93 0.0 319.5 0.0 507.93 213.5 0.0 0.0 1.0 0.9904882211244167 -0.01909483830255571 0.13626617688916032 -37078.508302274655 -0.0041038756467582874 0.9857840676511425 0.16796705084582406 -1517.2832956220595 -0.13753632981312464 -0.166928604844607 0.9763291447386832 12149.500538640685 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/66012681_3064490504.jpg buckingham_palace/test/images/88943277_2580116986.jpg 0 0 573.25 0.0 249.5 0.0 573.25 187.0 0.0 0.0 1.0 502.948 0.0 319.5 0.0 502.948 212.5 0.0 0.0 1.0 0.7641369749648289 -0.015109706695877391 -0.6448770272347784 33452.56803801041 0.043881278113451265 0.9986273452773009 0.028598228888166047 -3786.905646676997 0.6435597228872627 -0.05015099229302 0.7637511119790891 -38660.255413503306 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/99420280_3920306353.jpg buckingham_palace/test/images/10538802_8199902487.jpg 0 0 872.142 0.0 319.5 0.0 872.142 213.0 0.0 0.0 1.0 594.899 0.0 319.5 0.0 594.899 239.5 0.0 0.0 1.0 0.7926383267348757 0.09327202440447208 0.6025154043295724 -82881.6813368898 -0.15217573530737866 0.987217669497317 0.04736896258041331 -21964.200581413752 -0.5903956542646595 -0.12923467992678098 0.796700300570815 -75066.21420106594 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/59560065_7105115.jpg buckingham_palace/test/images/65062872_13486503543.jpg 0 0 836.374 0.0 249.5 0.0 836.374 178.0 0.0 0.0 1.0 588.768 0.0 319.5 0.0 588.768 239.5 0.0 0.0 1.0 0.9908718052752293 -0.021023166721759 0.13315814647101917 -25219.130919436582 0.03297570901685566 0.9955565438034176 -0.08820300848060551 4273.9394379692185 -0.13071215752730858 0.09178885853513612 0.9871621636404898 -93098.83619628042 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/33061736_676507748.jpg buckingham_palace/test/images/64944499_5112796042.jpg 0 0 1133.49 0.0 319.5 0.0 1133.49 213.0 0.0 0.0 1.0 855.12 0.0 319.5 0.0 855.12 213.0 0.0 0.0 1.0 0.9125456864731853 -0.01289402608172667 -0.40877146939406983 18709.914844395982 0.04381020023911416 0.9968335704858753 0.06635886607975205 867.479397732106 0.40662149039886214 -0.07846385692652061 0.9102210647430782 7460.382749871132 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/56651707_4349157575.jpg buckingham_palace/test/images/38109366_1994420460.jpg 0 0 657.692 0.0 319.5 0.0 657.692 239.5 0.0 0.0 1.0 562.71 0.0 249.5 0.0 562.71 160.0 0.0 0.0 1.0 0.9173016884489172 0.026087218418367773 0.3973374754587818 -2124.663051845515 -0.011667149963586495 0.9991840580882019 -0.03866646704988978 3620.6001230774145 -0.39802197173082393 0.030833019598887842 0.9168575870449684 22142.893037260103 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/73590053_4109923193.jpg buckingham_palace/test/images/09863937_226875692.jpg 0 0 847.053 0.0 319.5 0.0 847.053 212.5 0.0 0.0 1.0 673.473 0.0 319.5 0.0 673.473 239.5 0.0 0.0 1.0 0.8688703042610258 0.06241739815101727 0.4910890578921606 -95765.30447070496 -0.03097920263034644 0.9969306866807542 -0.07189919998600372 -3568.5063700761893 -0.4940695126981025 0.04725753233397621 0.8681371102884398 -50032.7676721475 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/22840995_489214596.jpg buckingham_palace/test/images/89826404_8759127701.jpg 0 0 583.912 0.0 319.5 0.0 583.912 239.5 0.0 0.0 1.0 628.119 0.0 319.5 0.0 628.119 239.5 0.0 0.0 1.0 0.8520084142492289 -0.059589992635929304 -0.5201256529206808 34849.07789891734 0.009756270848764488 0.9951356768331705 -0.09802958672213953 1050.3612156050945 0.5234371760083919 0.07844754598735272 0.8484453460894943 -7675.080217857171 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/80530823_8244099451.jpg buckingham_palace/test/images/51055099_4772610657.jpg 0 0 620.878 0.0 319.5 0.0 620.878 183.5 0.0 0.0 1.0 1103.25 0.0 319.5 0.0 1103.25 239.5 0.0 0.0 1.0 0.9953562315077513 -0.002346328874720858 0.09623132099009975 25336.66627897622 0.019337149669518192 0.9841976403079135 -0.1760144296783476 4002.490827743723 -0.0942976513034477 0.17705789887250714 0.9796726256283302 40404.9178345474 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/42572558_3847795752.jpg buckingham_palace/test/images/31471983_2691474123.jpg 0 0 571.76 0.0 249.5 0.0 571.76 187.0 0.0 0.0 1.0 728.105 0.0 319.5 0.0 728.105 239.5 0.0 0.0 1.0 0.9689582381920632 -0.05555620875677481 -0.24090130823286646 -346.6625523982948 0.03757854275710096 0.9961983332169351 -0.07859220075842846 2203.7230485157884 0.24435176644335038 0.06709984027085344 0.9673623032099402 19547.682979085715 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/10538802_8199902487.jpg buckingham_palace/test/images/38329625_8740352627.jpg 0 0 594.899 0.0 319.5 0.0 594.899 239.5 0.0 0.0 1.0 523.576 0.0 319.5 0.0 523.576 239.5 0.0 0.0 1.0 0.9968819908059839 -0.005688903847906945 -0.0787015424226717 -9834.164252248995 -0.011700580855114995 0.9757139774007795 -0.21873575545027926 3531.978345710301 0.07803456166565709 0.21897458911426398 0.9726051287690642 41243.52196366723 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/06301377_3135673857.jpg buckingham_palace/test/images/26420725_8870834351.jpg 0 0 498.489 0.0 249.5 0.0 498.489 187.0 0.0 0.0 1.0 644.06 0.0 319.5 0.0 644.06 213.0 0.0 0.0 1.0 0.8872293738598686 0.028348192713918464 -0.4604567494673958 35891.6357674078 0.023638961649805043 0.9940053887845557 0.10674496034653595 -4097.906722821563 0.4607225169799547 -0.10559198377300724 0.8812406568642509 -10687.819478937901 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/08189358_287573307.jpg buckingham_palace/test/images/94020314_218603376.jpg 0 0 553.684 0.0 249.5 0.0 553.684 186.5 0.0 0.0 1.0 742.293 0.0 319.5 0.0 742.293 239.5 0.0 0.0 1.0 0.9168358269218067 0.06271056058790105 0.3943088282848336 -21063.13656218926 -0.09805569120161027 0.9927077629210848 0.07011689424945775 -2624.284796697635 -0.3870363650816052 -0.10294990542475688 0.9162991700735366 -15951.282050463707 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/54621533_151517675.jpg buckingham_palace/test/images/80048275_3915422048.jpg 0 0 527.723 0.0 249.5 0.0 527.723 187.0 0.0 0.0 1.0 515.084 0.0 319.5 0.0 515.084 211.5 0.0 0.0 1.0 0.9859319957702929 0.026752044790024996 0.1649922053187959 -17262.652842813564 -0.022970467629655354 0.9994288503795737 -0.024785694378791655 -2264.8847838657557 -0.1655610380895281 0.020647061014013743 0.9859833880640188 -30012.182727265856 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/13281945_9328537386.jpg buckingham_palace/test/images/72406227_262180777.jpg 0 0 480.216 0.0 319.5 0.0 480.216 211.5 0.0 0.0 1.0 895.882 0.0 319.5 0.0 895.882 239.5 0.0 0.0 1.0 0.9519167848133001 0.014614606719471795 0.3060079215660019 -16454.48568635567 -0.007393604556846666 0.9996664970046509 -0.024743269349605565 3929.7177001896757 -0.30626748015805755 0.02129103184172444 0.9517073723370794 100616.37543783255 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/25074269_2738283980.jpg buckingham_palace/test/images/19931456_8233563983.jpg 0 0 504.803 0.0 319.5 0.0 504.803 213.5 0.0 0.0 1.0 500.434 0.0 319.5 0.0 500.434 211.5 0.0 0.0 1.0 0.43421751323228813 -0.16705333008143544 -0.8851826569195032 56111.044416771714 0.09084034070084578 0.9857651658639831 -0.1414746276563687 4363.94742875695 0.8962160362902029 -0.018979533130635235 0.44321168037228115 32334.19501697639 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/09345199_2467420918.jpg buckingham_palace/test/images/44140023_3726848652.jpg 0 0 837.793 0.0 249.5 0.0 837.793 166.5 0.0 0.0 1.0 667.066 0.0 319.5 0.0 667.066 212.0 0.0 0.0 1.0 0.2466484955048515 0.1024006930562035 0.9636797277761956 -138305.2343149244 -0.09761794666816688 0.9919692753915227 -0.08042196943316265 3848.5481754399734 -0.9641759466785533 -0.07423647850502353 0.25466387475590047 91653.64060962255 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/87539697_3102605685.jpg buckingham_palace/test/images/64607896_8679897848.jpg 0 0 723.469 0.0 319.5 0.0 723.469 239.5 0.0 0.0 1.0 519.758 0.0 319.5 0.0 519.758 211.5 0.0 0.0 1.0 0.9998489403418908 -0.003104114112796994 -0.017101490367016494 11369.216036159798 0.0023390846560089897 0.9990033282026906 -0.04457442005141228 -606.2827660518866 0.017222809880227057 0.04452768482104652 0.9988596798871738 -477.635780220955 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/21650204_2962537014.jpg buckingham_palace/test/images/40580817_2599681870.jpg 0 0 685.775 0.0 319.5 0.0 685.775 212.5 0.0 0.0 1.0 725.526 0.0 319.5 0.0 725.526 235.0 0.0 0.0 1.0 0.7978159725579095 -0.04195167471426384 -0.6014397151171058 67154.6518978302 0.06658862930032532 0.9976044106610672 0.01874551352960451 3067.134946511652 0.5992125068616149 -0.05500451634414511 0.7986982376356956 13214.598308855977 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/93206568_5039285632.jpg buckingham_palace/test/images/92636956_2423667989.jpg 0 0 801.943 0.0 319.5 0.0 801.943 212.0 0.0 0.0 1.0 656.41 0.0 319.5 0.0 656.41 239.0 0.0 0.0 1.0 0.5854189888993268 0.007632116684598386 -0.8106949847081841 113248.45650681297 0.12201028117011489 0.9877377063352321 0.09740490117239786 9164.874582111392 0.8014974103045372 -0.15593580178563152 0.5773092126379004 69312.8776685612 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/62496239_2805675448.jpg buckingham_palace/test/images/89269947_2824630864.jpg 0 0 752.203 0.0 319.5 0.0 752.203 239.5 0.0 0.0 1.0 509.392 0.0 239.5 0.0 509.392 319.5 0.0 0.0 1.0 0.8065781660828397 0.05557458716439552 0.5885092414397161 -80224.18916915196 -0.0888045896489986 0.9956641801593618 0.02768727514326495 -5824.533953127304 -0.5844188625084886 -0.07459427329958306 0.808016266875359 -44034.76074307816 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/03295994_6248335133.jpg buckingham_palace/test/images/75711673_2633557923.jpg 0 0 722.705 0.0 319.5 0.0 722.705 239.5 0.0 0.0 1.0 645.555 0.0 319.5 0.0 645.555 178.5 0.0 0.0 1.0 0.9257801486656994 0.01910417212734501 0.37757932536600114 -22694.32024796671 -0.04545216579194915 0.9971027488416405 0.06099351504271439 5112.543407402058 -0.3753201526181841 -0.07362838352003548 0.9239662570564414 24540.477181561982 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/10272597_1810665269.jpg buckingham_palace/test/images/64944499_5112796042.jpg 0 0 501.469 0.0 319.5 0.0 501.469 213.5 0.0 0.0 1.0 855.12 0.0 319.5 0.0 855.12 213.0 0.0 0.0 1.0 0.8198940215363576 -0.06527856887316474 -0.5687815941948283 25218.932081307452 0.057300501386192824 0.9978464440191472 -0.03192376386383469 512.0348282428313 0.5696406288089269 -0.006417367389705244 0.8218688285888179 7655.5180312725 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/31972807_4194251610.jpg buckingham_palace/test/images/95099681_7121588727.jpg 0 0 900.478 0.0 319.5 0.0 900.478 239.5 0.0 0.0 1.0 544.463 0.0 319.5 0.0 544.463 240.0 0.0 0.0 1.0 0.9878885962247378 0.031964530945496526 0.1518367222069537 -9199.67374967293 -0.030789063283230545 0.9994750046522501 -0.010087053956712506 -8146.390077281498 -0.15207943658252573 0.005289975124591719 0.9883541172737242 -59391.336071459475 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/14261176_44001540.jpg buckingham_palace/test/images/32264273_9687016916.jpg 0 0 649.057 0.0 319.5 0.0 649.057 239.5 0.0 0.0 1.0 608.489 0.0 305.5 0.0 608.489 305.5 0.0 0.0 1.0 0.6350816753138735 -0.13782092705060087 -0.7600504310553589 61097.32913507424 0.15361286100851765 0.9868352894958906 -0.05058853959484778 16455.256226661564 0.7570167465870894 -0.08462566674759261 0.6478920758229907 67230.59744071453 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/53184146_19405394.jpg buckingham_palace/test/images/80208883_2309723001.jpg 0 0 671.452 0.0 319.5 0.0 671.452 239.5 0.0 0.0 1.0 608.393 0.0 212.5 0.0 608.393 319.5 0.0 0.0 1.0 0.9997922329305462 -0.018564499158401027 -0.008417264564579835 396.24274488494757 0.018904922566905943 0.9989239587462324 0.04235007137532083 -7506.132009286705 0.007621999376259094 -0.042500400159918565 0.9990673756617994 -32538.928226206088 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/74030407_9757753664.jpg buckingham_palace/test/images/83690948_250193885.jpg 0 0 1019.01 0.0 319.5 0.0 1019.01 213.0 0.0 0.0 1.0 540.856 0.0 249.5 0.0 540.856 187.0 0.0 0.0 1.0 0.9848075215349908 -0.013683342886455317 -0.17310953658178452 25955.534008068847 0.02752853841460368 0.9965862544691302 0.07783326394251974 -13843.121518168255 0.17145356543643 -0.08141623628393757 0.9818223216898739 -95577.07924426423 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88637912_5881182593.jpg buckingham_palace/test/images/44119452_427463944.jpg 0 0 667.4 0.0 319.5 0.0 667.4 239.5 0.0 0.0 1.0 842.739 0.0 249.5 0.0 842.739 166.0 0.0 0.0 1.0 0.9998780639108 0.009390031131950548 0.012477364518640508 -972.373769187665 -0.010005154134660485 0.9986897013405701 0.05018742200018223 -1527.3604233871256 -0.011989753989624496 -0.05030614029741985 0.9986618737328687 -6935.510149138185 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/51055099_4772610657.jpg buckingham_palace/test/images/94455955_3929007141.jpg 0 0 1103.25 0.0 319.5 0.0 1103.25 239.5 0.0 0.0 1.0 731.249 0.0 319.5 0.0 731.249 239.5 0.0 0.0 1.0 0.8315779768619391 0.006321972224540913 -0.5553720384259515 47125.76188145354 0.04263398875115393 0.9962582995010023 0.07517807977421208 4225.694069309524 0.5537692763248706 -0.08619416072196216 0.828196930238253 45236.94474362434 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/41854370_22518199.jpg buckingham_palace/test/images/18093615_4509989383.jpg 0 0 719.884 0.0 319.5 0.0 719.884 239.5 0.0 0.0 1.0 533.833 0.0 319.5 0.0 533.833 239.5 0.0 0.0 1.0 0.9999558179113264 -0.001876352421283389 0.009210946036171348 -10805.173894838736 0.00328610781976318 0.9878279101329281 -0.15551598457331742 1921.00044006273 -0.008807026779055885 0.15553938171409373 0.9877904317289727 -29601.16659263488 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/14844450_287573284.jpg buckingham_palace/test/images/95310791_8522255584.jpg 0 0 553.557 0.0 249.5 0.0 553.557 186.5 0.0 0.0 1.0 592.491 0.0 319.5 0.0 592.491 238.5 0.0 0.0 1.0 0.9962691521683893 0.01637030698852168 0.0847336384606498 -20921.17914146701 -0.011780841283759483 0.9984506595641639 -0.05438282996068748 2166.2685195512713 -0.0854926208296683 0.053181702351351424 0.994918448074357 1992.1541996796136 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/50497824_8033642711.jpg buckingham_palace/test/images/84211719_64399705.jpg 0 0 449.291 0.0 319.5 0.0 449.291 213.0 0.0 0.0 1.0 1267.76 0.0 249.5 0.0 1267.76 187.0 0.0 0.0 1.0 0.941063047527687 -0.07327568485119519 -0.33019844728207076 23634.210532490604 0.011807688100620524 0.9827729690364965 -0.1844393391684862 1562.4849468243558 0.3380250272977145 0.16967016632507245 0.9257165417014009 55240.22268184917 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/03295994_6248335133.jpg buckingham_palace/test/images/73590053_4109923193.jpg 0 0 722.705 0.0 319.5 0.0 722.705 239.5 0.0 0.0 1.0 847.053 0.0 319.5 0.0 847.053 212.5 0.0 0.0 1.0 0.9996876124023978 -0.012482941447867836 0.02165303170464812 12176.7274380876 0.012278899808197536 0.9998791895403281 0.009530736785643925 7633.985933772559 -0.02176938742118486 -0.009261884094830987 0.9997201164697651 55655.059625925 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/36638733_5857779927.jpg buckingham_palace/test/images/61285342_3151612050.jpg 0 0 491.356 0.0 319.5 0.0 491.356 212.0 0.0 0.0 1.0 536.336 0.0 249.5 0.0 536.336 187.0 0.0 0.0 1.0 0.9907742359259284 0.022926770546432385 0.13356937005805006 -1321.4683028771315 -0.010996093490270233 0.9959365388461362 -0.08938398357162332 417.8860662992821 -0.1350759021933458 0.08709060674659601 0.9870003682183526 29571.919123691183 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/64561640_252491027.jpg buckingham_palace/test/images/89299405_4981004528.jpg 0 0 485.125 0.0 319.5 0.0 485.125 179.5 0.0 0.0 1.0 526.12 0.0 319.5 0.0 526.12 213.0 0.0 0.0 1.0 0.9829596596480056 -0.0358505824759122 -0.18029155066395855 8236.644007323242 0.02458809222123072 0.9976263536552392 -0.06432016956967776 8360.41442410144 0.18216951782775614 0.05879110671427834 0.9815079584729373 34942.951527542085 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/64944499_5112796042.jpg buckingham_palace/test/images/87292117_4922805851.jpg 0 0 855.12 0.0 319.5 0.0 855.12 213.0 0.0 0.0 1.0 721.2 0.0 319.5 0.0 721.2 239.0 0.0 0.0 1.0 0.5406733869533296 0.1014977582738488 0.8350871174349407 -66319.67068510564 -0.13684772409578866 0.9900836333578963 -0.0317348289207605 9944.109049228606 -0.8300271013950196 -0.0971215940057122 0.549201608635273 56210.0498723553 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/16210476_4152300283.jpg buckingham_palace/test/images/95871367_5793063419.jpg 0 0 723.131 0.0 239.5 0.0 723.131 319.5 0.0 0.0 1.0 667.829 0.0 319.5 0.0 667.829 239.5 0.0 0.0 1.0 0.9780034605333863 0.033650965537087074 -0.2058563666810979 36600.155050299545 0.011200919054258344 0.977004638042245 0.21292364043544296 -595.4707251432865 0.20828771110428196 -0.21054583767522841 0.9551369952214055 -6757.181968506928 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/02189109_4611484390.jpg buckingham_palace/test/images/89299405_4981004528.jpg 0 0 1008.42 0.0 319.5 0.0 1008.42 213.0 0.0 0.0 1.0 526.12 0.0 319.5 0.0 526.12 213.0 0.0 0.0 1.0 0.8904928595197406 -0.026102969889562486 -0.45424784216031283 49702.97332879045 0.09250542726523178 0.987888376279965 0.12457649030780805 -20400.151035586045 0.44549434684497696 -0.15295486580648254 0.8821222114623846 -77870.56099188303 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/87785947_1573426398.jpg buckingham_palace/test/images/36576167_9378677290.jpg 0 0 660.277 0.0 319.5 0.0 660.277 239.5 0.0 0.0 1.0 462.249 0.0 319.5 0.0 462.249 179.5 0.0 0.0 1.0 0.9256243263857402 -0.09470132874465566 -0.3664031450969564 10990.891952773498 0.04375848293293554 0.9884726389121167 -0.14493804639750188 2733.768948830365 0.37590530931918553 0.11812493579305375 0.9190983070213622 16464.43879627597 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/97156938_2710050704.jpg buckingham_palace/test/images/40524058_231666382.jpg 0 0 730.199 0.0 319.5 0.0 730.199 239.5 0.0 0.0 1.0 654.703 0.0 319.5 0.0 654.703 239.5 0.0 0.0 1.0 0.9997408726120905 -0.00024184842967782494 -0.02276245017903388 -753.9825712187521 -0.0012262892019003998 0.9979193987030769 -0.06446215872031098 -386.3995444693096 0.022730680667530458 0.06447336815636612 0.9976605138798289 -3045.524233954675 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/54107490_11614068883.jpg buckingham_palace/test/images/08189358_287573307.jpg 0 0 544.935 0.0 319.5 0.0 544.935 239.5 0.0 0.0 1.0 553.684 0.0 249.5 0.0 553.684 186.5 0.0 0.0 1.0 0.9818605696344492 0.0022255776467741497 0.18959131995229356 -23127.380454305505 0.024019841234051906 0.9904147439061893 -0.136020889132253 1780.5439976211226 -0.1880767636477343 0.13810750109018663 0.9723957266043587 27915.372252734123 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/49117697_7908670900.jpg buckingham_palace/test/images/88817343_6780061632.jpg 0 0 709.993 0.0 319.5 0.0 709.993 213.5 0.0 0.0 1.0 716.556 0.0 319.5 0.0 716.556 213.0 0.0 0.0 1.0 0.9915949059280715 -0.010001586051836327 -0.12899422783189474 6857.502254978695 -0.0040970665218258385 0.994080273460109 -0.10857082464175488 806.2049503450817 0.1293164977232787 0.1081867745795329 0.98568395808325 9562.482552046376 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/68304166_169924929.jpg buckingham_palace/test/images/92891727_3739824491.jpg 0 0 734.815 0.0 319.5 0.0 734.815 239.5 0.0 0.0 1.0 528.312 0.0 319.5 0.0 528.312 239.5 0.0 0.0 1.0 0.6900817713509549 0.023581122236610234 0.7233471362514613 -45920.19772614051 -0.0687689085220849 0.9970833126460628 0.03310143295138083 -3018.6812544125714 -0.7204567898700166 -0.07258648852793259 0.6896906666132108 1999.4638748590514 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/62344235_4979934495.jpg buckingham_palace/test/images/61097803_407551744.jpg 0 0 543.599 0.0 213.5 0.0 543.599 319.5 0.0 0.0 1.0 668.245 0.0 239.5 0.0 668.245 319.5 0.0 0.0 1.0 0.7904192924966752 -0.033594403637291846 0.6116443068428825 -40484.77198676841 -0.1350403408104732 0.9643741685851663 0.22747872278404574 -2265.885143081625 -0.597495981913558 -0.2624002267718612 0.757723348318652 -13819.885922072133 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/76276666_337183275.jpg buckingham_palace/test/images/56651707_4349157575.jpg 0 0 545.844 0.0 319.5 0.0 545.844 213.0 0.0 0.0 1.0 657.692 0.0 319.5 0.0 657.692 239.5 0.0 0.0 1.0 0.9812671207434164 0.09717860180939959 0.16634649710257063 -31533.313353020145 -0.07420518648687252 0.9874868385367718 -0.13915219730604347 2653.7490583210533 -0.17778759249839096 0.12420170315668684 0.9761995230927971 16588.489890786397 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/66200544_112696421.jpg buckingham_palace/test/images/39753040_13785121575.jpg 0 1 674.569 0.0 249.5 0.0 674.569 187.0 0.0 0.0 1.0 456.694 0.0 319.5 0.0 456.694 239.5 0.0 0.0 1.0 0.3349625718072878 -0.9203643028108739 -0.20181582098463324 14647.611301306308 0.6468658635048326 0.06888523377359247 0.759486260046951 -88834.17289321324 -0.6851019122148142 -0.38494723622778687 0.6184262245411277 -31134.64989232047 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/30985649_2732223159.jpg buckingham_palace/test/images/44140023_3726848652.jpg 0 0 688.364 0.0 319.5 0.0 688.364 239.5 0.0 0.0 1.0 667.066 0.0 319.5 0.0 667.066 212.0 0.0 0.0 1.0 0.977384984121271 -0.0035831548813208447 0.2114373519872005 -19764.49091573172 0.025508589151232452 0.994553157227633 -0.10106101784595575 919.6617653944033 -0.20992356869531462 0.10416898986571496 0.9721527230104229 31495.990768074338 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/53184146_19405394.jpg buckingham_palace/test/images/44003925_4405523365.jpg 0 0 671.452 0.0 319.5 0.0 671.452 239.5 0.0 0.0 1.0 604.805 0.0 319.5 0.0 604.805 214.0 0.0 0.0 1.0 0.9987742502587482 -0.014995481654055733 -0.047171310666954076 94.81423134608849 0.014203342634589798 0.9997531803512817 -0.017083425754279874 3370.9907598611435 0.04741584205811239 0.016392495461656467 0.9987407191130537 6187.3486655953475 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/89269947_2824630864.jpg buckingham_palace/test/images/95871367_5793063419.jpg 0 0 509.392 0.0 239.5 0.0 509.392 319.5 0.0 0.0 1.0 667.829 0.0 319.5 0.0 667.829 239.5 0.0 0.0 1.0 0.8741234693866357 -0.062256650040758 -0.48169728024265795 26670.432335236444 0.10394783182722747 0.992751670092514 0.060323874104227605 19979.158263926303 0.47445021712071084 -0.10280190199712677 0.8742589778892084 89244.00794426007 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/71145896_2328923072.jpg buckingham_palace/test/images/88100674_4580463979.jpg 0 0 1341.47 0.0 319.5 0.0 1341.47 239.5 0.0 0.0 1.0 396.465 0.0 249.5 0.0 396.465 166.0 0.0 0.0 1.0 0.7987799418060535 -0.05673954001417341 -0.5989417577421847 41841.44099664804 0.06916086447103996 0.9976029394424972 -0.0022693702446874857 -4110.580082734507 0.5976348211022651 -0.03961060230126581 0.8007893735504953 -13407.173748724594 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/25074269_2738283980.jpg buckingham_palace/test/images/92121328_5579434644.jpg 0 0 504.803 0.0 319.5 0.0 504.803 213.5 0.0 0.0 1.0 575.219 0.0 319.5 0.0 575.219 239.5 0.0 0.0 1.0 0.9997412689667049 -0.013152983100252652 -0.018557859801367746 19978.379161519944 0.015170624404461314 0.9934628448250966 0.1131433962156192 -3238.4357681060646 0.016948371013802768 -0.11339565682860296 0.9934053441231271 -12710.773446664141 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/25475150_3097984411.jpg buckingham_palace/test/images/10538802_8199902487.jpg 0 0 1222.25 0.0 319.5 0.0 1222.25 239.5 0.0 0.0 1.0 594.899 0.0 319.5 0.0 594.899 239.5 0.0 0.0 1.0 0.922502187420567 0.03284843244158556 0.38459159466946147 -12029.830491374047 -0.04704254460971076 0.9985127653137049 0.027554609455070513 -8326.651994176133 -0.3831144909826723 -0.04351135474457995 0.9226754840177447 -29874.874883091736 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/02051732_4583773096.jpg buckingham_palace/test/images/95099681_7121588727.jpg 0 0 520.086 0.0 319.5 0.0 520.086 212.5 0.0 0.0 1.0 544.463 0.0 319.5 0.0 544.463 240.0 0.0 0.0 1.0 0.9989284283854332 -0.0010837752694988823 -0.04626900036281061 26736.75960288666 0.0008346351439097291 0.9999850522358986 -0.00540358112214105 8642.988998298077 0.046274165012294886 0.005359173064217183 0.9989144011958596 44689.434748566695 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88139524_3180271751.jpg buckingham_palace/test/images/83690948_250193885.jpg 0 0 319.518 0.0 249.5 0.0 319.518 166.5 0.0 0.0 1.0 540.856 0.0 249.5 0.0 540.856 187.0 0.0 0.0 1.0 0.9450242487385039 0.027304524652005 -0.3258583008452512 18851.431520685037 0.03677216787764026 0.9813133539554958 0.18887008502723426 -2033.5257419929073 0.32492611000934474 -0.19046932635504366 0.9263608685345314 -21.936211392113364 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/13870492_3491797363.jpg buckingham_palace/test/images/98469850_94975884.jpg 0 0 780.996 0.0 319.5 0.0 780.996 213.5 0.0 0.0 1.0 691.478 0.0 319.5 0.0 691.478 239.5 0.0 0.0 1.0 0.9653819827374518 0.044554391953820216 0.25700687454527676 -27022.53252033759 -0.02766589131622002 0.9972357684709507 -0.06895955727694063 -2960.507464334331 -0.25936889918335504 0.0594619898740188 0.9639460803886474 -46152.48577071616 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/14950658_8138839363.jpg buckingham_palace/test/images/31650540_6170454977.jpg 0 0 689.337 0.0 319.5 0.0 689.337 239.5 0.0 0.0 1.0 681.385 0.0 319.5 0.0 681.385 239.5 0.0 0.0 1.0 0.45988010203467367 -0.06467104485232449 -0.8856229150774536 104776.81358811696 0.09683532514890054 0.9950488219931262 -0.022377704381779315 -601.36651587094 0.882685227901705 -0.07546852196644793 0.4638655954436748 12246.325340307543 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/70365201_2960998111.jpg buckingham_palace/test/images/14844450_287573284.jpg 0 0 738.141 0.0 239.5 0.0 738.141 319.5 0.0 0.0 1.0 553.557 0.0 249.5 0.0 553.557 186.5 0.0 0.0 1.0 0.8205552472241217 -0.025051467569638296 -0.571017959634868 21970.52571955484 0.029624795464109916 0.9995602681439405 -0.0012813437177317288 2551.870845071121 0.5707989643882249 -0.015864876949433893 0.820936567545087 38268.947414246664 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/64607896_8679897848.jpg buckingham_palace/test/images/67361631_6199942663.jpg 0 0 519.758 0.0 319.5 0.0 519.758 211.5 0.0 0.0 1.0 507.066 0.0 319.5 0.0 507.066 212.5 0.0 0.0 1.0 0.9284698075708075 -0.020013141987951216 0.37086829276334415 -16750.628961999584 -0.0797582632548268 0.9645072896011595 0.2517226802431571 -5878.856501087539 -0.3627429335934763 -0.263296719413659 0.8939196841293986 -11444.244329525016 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/41854370_22518199.jpg buckingham_palace/test/images/33761766_8290174554.jpg 0 0 719.884 0.0 319.5 0.0 719.884 239.5 0.0 0.0 1.0 1038.17 0.0 319.5 0.0 1038.17 239.5 0.0 0.0 1.0 0.9419002187400393 0.017689147495442942 0.33542670137952735 -74110.8050223897 -0.02506655405960414 0.999529483469432 0.017677090906238084 5770.707321824443 -0.3349561849034035 -0.025058047334437828 0.9419004450889393 40614.432429210625 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/14598577_8873221214.jpg buckingham_palace/test/images/88674170_169924932.jpg 0 0 457.081 0.0 319.5 0.0 457.081 182.0 0.0 0.0 1.0 761.397 0.0 319.5 0.0 761.397 201.0 0.0 0.0 1.0 0.9829180883326147 0.06710520207452148 0.17137363707144648 -8524.364568525445 -0.0851410084189821 0.9913224491344983 0.10015393415826992 -9205.937921851153 -0.16316568362850395 -0.11303403777852886 0.980102171199271 -26839.548438340615 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/62110008_3103434698.jpg buckingham_palace/test/images/31987323_5731928436.jpg 0 0 717.566 0.0 319.5 0.0 717.566 239.5 0.0 0.0 1.0 502.795 0.0 319.5 0.0 502.795 212.5 0.0 0.0 1.0 0.3224188682854496 -0.08723030466218312 -0.9425693328992157 34636.30834033052 0.1753029358734888 0.9840231474043916 -0.03110186564324915 20191.03709113703 0.9302230668219668 -0.15520734299928585 0.3325593580572296 91727.4880432786 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/69109641_8040457417.jpg buckingham_palace/test/images/36807384_2580130370.jpg 0 0 914.363 0.0 319.5 0.0 914.363 239.5 0.0 0.0 1.0 749.48 0.0 319.5 0.0 749.48 212.5 0.0 0.0 1.0 0.9933009560097905 0.009684366577621985 -0.11514957157552279 14559.616183137818 -0.004594568588837284 0.9990039281683823 0.044385148908437276 -96.69328087316626 0.11546471638348522 -0.04355874823880868 0.9923560523936705 2541.6974963542307 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/89205589_356802584.jpg buckingham_palace/test/images/34520177_4606735795.jpg 0 0 684.751 0.0 319.5 0.0 684.751 239.5 0.0 0.0 1.0 520.75 0.0 319.5 0.0 520.75 213.0 0.0 0.0 1.0 0.9797881692793853 0.025417134007380125 0.19841651301996355 -14982.709458978621 -0.05186989019591852 0.9902499791819641 0.12928454362831887 -13862.34904320154 -0.1931959053168929 -0.13696330906111395 0.971553598181704 -37781.43057915376 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/51055099_4772610657.jpg buckingham_palace/test/images/31516490_8149048396.jpg 0 0 1103.25 0.0 319.5 0.0 1103.25 239.5 0.0 0.0 1.0 739.67 0.0 319.5 0.0 739.67 239.5 0.0 0.0 1.0 0.8952071186222705 -0.00576986407232343 -0.44561297494193236 22372.75983002583 0.08821128766148702 0.9824264799866006 0.16449006094667176 5357.8020814209385 0.4368329011156494 -0.18656076782036546 0.8799841455464759 25698.493879480913 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/62496239_2805675448.jpg buckingham_palace/test/images/81485196_7160898455.jpg 0 0 752.203 0.0 319.5 0.0 752.203 239.5 0.0 0.0 1.0 640.287 0.0 319.5 0.0 640.287 232.0 0.0 0.0 1.0 0.996815870380725 -0.004805405196182332 0.07959289313762591 -21797.128704423274 0.009740038391667385 0.9980455593657813 -0.06172676147647258 1901.4431467224535 -0.07914071145273999 0.0623054533018178 0.9949144577699177 1416.8184403006017 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/47350644_7520151518.jpg buckingham_palace/test/images/24126353_3448607158.jpg 0 0 656.633 0.0 319.5 0.0 656.633 239.5 0.0 0.0 1.0 727.932 0.0 319.5 0.0 727.932 213.0 0.0 0.0 1.0 0.7992597595442116 -0.05632888493165399 -0.5983401152318685 49419.10764228166 0.062188268243848585 0.9980050963723055 -0.010883331646896205 2891.4027747244822 0.5977595303014082 -0.028511126551956537 0.8011683091564332 53641.56680712999 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/97956510_3971081891.jpg buckingham_palace/test/images/77240749_6969127619.jpg 0 0 689.718 0.0 319.5 0.0 689.718 211.0 0.0 0.0 1.0 762.681 0.0 319.5 0.0 762.681 211.5 0.0 0.0 1.0 0.7505146226028597 -0.04729081924112787 -0.6591596010639535 67731.00786084874 0.08950788717751738 0.9955192977756248 0.030490422911858932 3177.539331786308 0.6547641860947376 -0.0818834914487051 0.751384691377104 46841.4329149567 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/54437208_6586580207.jpg buckingham_palace/test/images/76017051_5339375111.jpg 0 0 560.178 0.0 319.5 0.0 560.178 212.5 0.0 0.0 1.0 482.865 0.0 319.5 0.0 482.865 239.5 0.0 0.0 1.0 0.6136070011838676 0.0058291988871162 0.7895900636016613 -27999.799771239617 -0.08163096413462846 0.9950830115603064 0.05609087090179597 1971.098534600899 -0.7853806935445969 -0.09887274925076871 0.6110657457778192 6373.480275606966 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/93075281_7154213687.jpg buckingham_palace/test/images/99420280_3920306353.jpg 0 0 885.108 0.0 319.5 0.0 885.108 212.5 0.0 0.0 1.0 872.142 0.0 319.5 0.0 872.142 213.0 0.0 0.0 1.0 0.7011930575574942 -0.053315472219000355 -0.7109752150780205 126050.74792859175 0.10024951761977655 0.9946660082818171 0.024280984035213372 4849.464290615613 0.7058883270391815 -0.0883005797873444 0.7027977499672606 20555.40087174764 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/47561034_5631016960.jpg buckingham_palace/test/images/93206568_5039285632.jpg 0 0 705.387 0.0 319.5 0.0 705.387 239.5 0.0 0.0 1.0 801.943 0.0 319.5 0.0 801.943 212.0 0.0 0.0 1.0 0.5819109066022935 0.12910400403180058 0.8029395076344507 -114591.7622615398 -0.038033141125696356 0.9905587313791759 -0.13170755431861383 401.40872510688905 -0.8123627126803705 0.04610375073065715 0.5813271602249076 45514.93161500467 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/73390455_10578819085.jpg buckingham_palace/test/images/67955492_328543996.jpg 0 0 778.562 0.0 319.5 0.0 778.562 319.5 0.0 0.0 1.0 519.911 0.0 187.0 0.0 519.911 249.5 0.0 0.0 1.0 0.6130036549565523 -0.016368156611224458 0.7899105028160207 -70982.44194134614 -0.20026060002370136 0.9639170008410644 0.1753844564598435 -11742.123436344627 -0.764278883057785 -0.2656992640914123 0.5876067477260848 -21911.68950347279 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/39881987_8753914632.jpg buckingham_palace/test/images/62184736_5578846989.jpg 0 0 696.104 0.0 319.5 0.0 696.104 211.5 0.0 0.0 1.0 581.244 0.0 319.5 0.0 581.244 239.5 0.0 0.0 1.0 0.9978018766132332 0.03395345214088413 0.056908506524304354 -10571.892531509591 -0.038100369634643534 0.9965712973577564 0.07344393178732923 -27.559013376304392 -0.05421970915463893 -0.07545072809718292 0.9956743497593936 -2070.7140165471646 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/26810426_6779980104.jpg buckingham_palace/test/images/17182999_6309727384.jpg 0 0 535.869 0.0 319.5 0.0 535.869 213.0 0.0 0.0 1.0 652.054 0.0 319.5 0.0 652.054 239.5 0.0 0.0 1.0 0.9817909556806943 0.025834489177270194 -0.18819962410307348 42318.07277220178 -0.0296098812679807 0.9994122179515537 -0.01727638678811026 -3448.8346357367163 0.18764267711500157 0.022534368819778706 0.9819788327387763 -3063.2003036616607 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/63405816_9350693196.jpg buckingham_palace/test/images/38494630_2754668056.jpg 0 0 532.479 0.0 319.5 0.0 532.479 239.5 0.0 0.0 1.0 782.467 0.0 249.5 0.0 782.467 187.0 0.0 0.0 1.0 0.7539768174430977 -0.0029997236591324484 -0.6568941774870184 84323.40527557352 0.004319143092219365 0.9999905960211083 0.0003909888712075115 3495.849440391189 0.6568868272094719 -0.0031320164937808804 0.7539826832967425 90476.70604212565 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/65062872_13486503543.jpg buckingham_palace/test/images/89730574_3288971741.jpg 0 0 588.768 0.0 319.5 0.0 588.768 239.5 0.0 0.0 1.0 664.171 0.0 319.5 0.0 664.171 239.5 0.0 0.0 1.0 0.9876165794875836 0.04760023458987884 -0.14949150339813205 -3339.290594785607 -0.019674785703372 0.9829172623961747 0.1829933279962302 147.44776770626848 0.15564830461258355 -0.1777860313708532 0.9716819090219959 -1993.784355285291 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/48659678_6312182163.jpg buckingham_palace/test/images/74969573_235362322.jpg 0 0 642.526 0.0 319.5 0.0 642.526 239.5 0.0 0.0 1.0 503.536 0.0 319.5 0.0 503.536 212.5 0.0 0.0 1.0 0.8281607398632296 0.0976728692944186 0.551914666912362 -78192.22055156007 -0.10305082374188917 0.9944467614426914 -0.02135805193037828 -13046.820868164561 -0.5509358553182994 -0.039187360971849924 0.8336270353489958 -63410.716335822945 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/66563458_10330669473.jpg buckingham_palace/test/images/39753040_13785121575.jpg 0 1 720.394 0.0 319.5 0.0 720.394 319.5 0.0 0.0 1.0 456.694 0.0 319.5 0.0 456.694 239.5 0.0 0.0 1.0 0.20084212540714058 -0.940008317436882 -0.2757658496105426 24955.86304229576 0.8673463285850579 0.03977475419949606 0.496113208066859 -65704.00058577236 -0.45538202308826736 -0.3388249283595463 0.8233012091392707 -50450.342505815366 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/40301915_5005868978.jpg buckingham_palace/test/images/89896693_2049071963.jpg 0 0 501.329 0.0 319.5 0.0 501.329 213.0 0.0 0.0 1.0 722.799 0.0 319.5 0.0 722.799 239.5 0.0 0.0 1.0 0.8855650816583129 -0.33552339968694805 0.3212452869849114 7135.115336866218 0.3951437295709239 0.9076966948993223 -0.14123789523221772 1427.6192271625036 -0.2442046664752457 0.2520134090308668 0.9364044652501154 2617.5108291623474 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/25222869_4501138522.jpg buckingham_palace/test/images/66012681_3064490504.jpg 0 0 669.156 0.0 319.5 0.0 669.156 179.5 0.0 0.0 1.0 573.25 0.0 249.5 0.0 573.25 187.0 0.0 0.0 1.0 0.7841460258665962 -0.03736904238826394 -0.6194502117108428 85087.24961829881 0.017435997489928322 0.9991179399234442 -0.0382011533158908 374.33411874624767 0.6203313599272207 0.01915455021965049 0.7841059284922722 10796.071063464062 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/95871367_5793063419.jpg buckingham_palace/test/images/65805167_10855307395.jpg 0 0 667.829 0.0 319.5 0.0 667.829 239.5 0.0 0.0 1.0 590.213 0.0 319.5 0.0 590.213 239.5 0.0 0.0 1.0 0.9881621910908022 0.04637815191894213 0.14623457567623438 -3304.418359307034 -0.009386730313752395 0.9697020255052649 -0.24411036648410409 -296.6663268049874 -0.15312535189393592 0.23984797008849218 0.9586582174329848 1914.05514067506 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/84211719_64399705.jpg buckingham_palace/test/images/53271175_196359090.jpg 0 0 1267.76 0.0 249.5 0.0 1267.76 187.0 0.0 0.0 1.0 717.691 0.0 319.5 0.0 717.691 239.5 0.0 0.0 1.0 0.998682578123348 -0.002158374429730545 -0.051268407160003554 19519.09426146472 0.010148891595170637 0.987686881752581 0.15611413649395253 -18687.629555908657 0.05030018043995755 -0.15642878582180472 0.9864075865553871 -82636.98184094271 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/12103866_2466593345.jpg buckingham_palace/test/images/49117697_7908670900.jpg 0 0 415.566 0.0 249.5 0.0 415.566 166.5 0.0 0.0 1.0 709.993 0.0 319.5 0.0 709.993 213.5 0.0 0.0 1.0 0.9999974242951639 -0.0003232311456834407 -0.002246536148004248 -5171.567143306209 0.00026567160147790935 0.9996728785124314 -0.025574702056325088 -1392.4944417157346 0.0022540677980038984 0.025574039342585116 0.9996703895234998 -6486.359061584308 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/11595280_7996242346.jpg buckingham_palace/test/images/58837390_828863639.jpg 0 0 715.759 0.0 305.5 0.0 715.759 305.5 0.0 0.0 1.0 664.357 0.0 319.5 0.0 664.357 239.5 0.0 0.0 1.0 0.9998989050402911 0.0019918564876396207 0.014078785706137947 7297.524974520723 -0.004474077053567665 0.9839202866808857 0.17855209909805755 -621.7303199749957 -0.013496752711131843 -0.17859703795286325 0.9838297290185524 -879.0392286409215 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/61577420_5186173128.jpg buckingham_palace/test/images/57193236_5047672890.jpg 0 0 1021.11 0.0 319.5 0.0 1021.11 213.0 0.0 0.0 1.0 664.015 0.0 319.5 0.0 664.015 239.5 0.0 0.0 1.0 0.9211322803194292 1.6994458013374245e-06 0.3892496912659543 -48336.984077975845 0.005301337486081138 0.9999071972307062 -0.012549611431925893 -5039.991618941052 -0.38921358914404247 0.013623396175166405 0.9210467876835936 -94610.30524533529 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/80761129_4227276038.jpg buckingham_palace/test/images/31471983_2691474123.jpg 0 0 564.577 0.0 319.5 0.0 564.577 239.5 0.0 0.0 1.0 728.105 0.0 319.5 0.0 728.105 239.5 0.0 0.0 1.0 0.5334306275885765 -0.2412627113344535 -0.8107059082491043 20332.504418824425 0.07988657706009186 0.9685439952743897 -0.23567066856854432 5548.437960530388 0.842062883848991 0.060949432626324095 0.5359246834271115 50157.2611866303 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/48484647_7883607208.jpg buckingham_palace/test/images/70392907_4845953799.jpg 0 0 530.224 0.0 319.5 0.0 530.224 182.5 0.0 0.0 1.0 367.397 0.0 319.5 0.0 367.397 213.0 0.0 0.0 1.0 0.999878081269546 0.015444266429471103 -0.002301571460259594 425.0712601538453 -0.014814589777147643 0.9848552693046897 0.17274439629846608 -15578.467238667057 0.004934625260949643 -0.17268923868394975 0.984963997472137 -48404.70985350991 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/39528348_6563861043.jpg buckingham_palace/test/images/13945740_8521059121.jpg 0 0 528.566 0.0 319.5 0.0 528.566 213.0 0.0 0.0 1.0 538.505 0.0 319.5 0.0 538.505 239.5 0.0 0.0 1.0 0.9866546671025498 0.04950140588321869 0.1551198849288543 -11307.04127221846 0.0021883055846832577 0.94855071794851 -0.3166176665917974 -2440.4578495665137 -0.1628120978411132 0.31273174814040133 0.935783668644428 -10815.861667822428 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/04747458_676507940.jpg buckingham_palace/test/images/47350644_7520151518.jpg 0 0 533.733 0.0 319.5 0.0 533.733 213.0 0.0 0.0 1.0 656.633 0.0 319.5 0.0 656.633 239.5 0.0 0.0 1.0 0.9954954257203164 0.01998748281106098 0.09267878883975392 228.2438215017628 -0.023379682078577997 0.9990904104459728 0.035661494932238795 2753.0844912069565 -0.09188170566457057 -0.03766765569789307 0.9950572344736729 12850.421133940734 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/14844450_287573284.jpg buckingham_palace/test/images/81485196_7160898455.jpg 0 0 553.557 0.0 249.5 0.0 553.557 186.5 0.0 0.0 1.0 640.287 0.0 319.5 0.0 640.287 232.0 0.0 0.0 1.0 0.9818825896924821 0.0060733611541100765 -0.18939296276017312 26971.392970696295 -0.013487259007591951 0.9991912226158886 -0.037881321146813265 3002.257898317397 0.18900971907086328 0.039749401651567276 0.9811703782550184 35285.109169987074 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/83726223_2253829152.jpg buckingham_palace/test/images/07701593_197476710.jpg 0 0 543.47 0.0 319.5 0.0 543.47 213.0 0.0 0.0 1.0 798.292 0.0 319.5 0.0 798.292 239.5 0.0 0.0 1.0 0.9972780230856895 0.04378232146082177 0.059326663464246726 -3921.352374035465 -0.025165525493377333 0.9584148717099625 -0.28426682889816424 -173.42648042916954 -0.06930541823653412 0.2820000744905527 0.9569078936817176 50999.700575303985 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/83387888_3756983584.jpg buckingham_palace/test/images/63503162_6643082601.jpg 0 0 533.38 0.0 319.5 0.0 533.38 239.5 0.0 0.0 1.0 771.297 0.0 305.5 0.0 771.297 305.5 0.0 0.0 1.0 0.9996776265577093 -0.009150241135898081 -0.023683666251249652 -1868.909530181818 0.003438361592719741 0.9729979192055159 -0.23078827286345016 4405.711647995465 0.025155926329661852 0.2306324398450737 0.9727157123546455 68892.49540437367 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/52927333_9772228794.jpg buckingham_palace/test/images/56990017_8603215183.jpg 0 0 548.596 0.0 319.5 0.0 548.596 179.0 0.0 0.0 1.0 531.719 0.0 319.5 0.0 531.719 213.0 0.0 0.0 1.0 0.8566557292796135 -0.012079894175622137 -0.515747067513834 41194.81823673207 0.05427441905545003 0.9962881591276894 0.06681460482673843 2245.747399216286 0.5130255831131689 -0.0852289864932441 0.8541315887688076 47898.53984998591 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/36917951_370694487.jpg buckingham_palace/test/images/22759208_567461360.jpg 0 0 531.303 0.0 319.5 0.0 531.303 213.0 0.0 0.0 1.0 662.89 0.0 319.5 0.0 662.89 239.5 0.0 0.0 1.0 0.9288816066873125 0.011251930501425039 0.37020582763915016 -39078.12206601773 0.001781372964588821 0.9993911464278273 -0.0348448439806187 2482.451008198988 -0.370372498261356 0.03302620931417538 0.9282960099181609 21403.467926263336 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/05108322_3880700444.jpg buckingham_palace/test/images/70919478_5339080781.jpg 0 0 525.813 0.0 319.5 0.0 525.813 213.0 0.0 0.0 1.0 458.531 0.0 319.5 0.0 458.531 212.5 0.0 0.0 1.0 0.839743815944351 0.08381984951808662 0.5364741898824077 -63133.311085454545 -0.08630361521220214 0.9960572293720625 -0.020534892669665555 142.15843155193852 -0.5360802268173341 -0.029055612924456527 0.8436668547318068 -21479.649833127645 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/83626729_2399731869.jpg buckingham_palace/test/images/85113395_2204253279.jpg 0 0 900.714 0.0 319.5 0.0 900.714 213.0 0.0 0.0 1.0 939.785 0.0 319.5 0.0 939.785 213.0 0.0 0.0 1.0 0.9731726615593176 0.07079180885412835 -0.2189143453333163 24847.016547227715 -0.07724525690509206 0.9967898555737208 -0.021051225878486488 3043.8128271243777 0.21672134430927698 0.03739657236273514 0.975516968225719 58873.181166524744 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/39733199_8623371744.jpg buckingham_palace/test/images/55790389_5367781874.jpg 0 0 1338.45 0.0 319.5 0.0 1338.45 239.5 0.0 0.0 1.0 866.206 0.0 319.5 0.0 866.206 212.0 0.0 0.0 1.0 0.832020951527795 0.03219676860971504 0.5538090865179761 -38767.53684628157 -0.07427686857485444 0.9957908557471538 0.05369840225802945 -2708.374241530493 -0.5497491091520718 -0.08581340047710384 0.8309103304719828 3062.427147439862 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/37484866_5209954283.jpg buckingham_palace/test/images/48659678_6312182163.jpg 0 0 756.578 0.0 319.5 0.0 756.578 213.0 0.0 0.0 1.0 642.526 0.0 319.5 0.0 642.526 239.5 0.0 0.0 1.0 0.5399547526022705 0.05922649763959609 -0.8396076983446304 100008.5798550217 0.15131741177261473 0.9744384688724599 0.1660503275393724 14880.718908837087 0.8279806193605366 -0.21670692734391958 0.5171906820549839 85047.72201015163 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/03513470_2505259840.jpg buckingham_palace/test/images/02189109_4611484390.jpg 0 0 504.806 0.0 319.5 0.0 504.806 213.5 0.0 0.0 1.0 1008.42 0.0 319.5 0.0 1008.42 213.0 0.0 0.0 1.0 0.8870086088596193 0.047074644793143286 0.45934704268833876 -15489.041488494397 -0.02818384035507317 0.99845445119961 -0.04789968708170802 6203.02963610018 -0.460891960172623 0.02954127108445378 0.8869644380418824 82612.77883502736 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/35721053_45922082.jpg buckingham_palace/test/images/25818240_3063650971.jpg 0 0 534.729 0.0 249.5 0.0 534.729 187.0 0.0 0.0 1.0 574.66 0.0 249.5 0.0 574.66 187.0 0.0 0.0 1.0 0.8563923709201318 -0.09884250960022885 -0.5067763464544538 29452.751421113855 0.06058445518454284 0.9939619259861247 -0.09148340548944135 3232.2985322263016 0.5127588427514321 0.04764292167659424 0.8572097299928005 29119.625600703148 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/94916212_250193805.jpg buckingham_palace/test/images/80731258_3052461790.jpg 0 0 540.593 0.0 249.5 0.0 540.593 187.0 0.0 0.0 1.0 576.354 0.0 249.5 0.0 576.354 187.0 0.0 0.0 1.0 0.917511194071687 0.0414804692299373 0.39554086947572387 -10544.032656322473 -0.03837187691188129 0.999139064490184 -0.01577114047681047 8448.960270859856 -0.3958545286028779 -0.0007074476263902618 0.918312959563595 56095.572552607206 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/51262215_3370618807.jpg buckingham_palace/test/images/34988822_5659731458.jpg 0 0 821.974 0.0 319.5 0.0 821.974 213.0 0.0 0.0 1.0 627.58 0.0 319.5 0.0 627.58 213.5 0.0 0.0 1.0 0.996490025310819 -0.007058598581383621 0.08341346199571055 -14667.995031979335 0.008431879707218613 0.9998344665681514 -0.016122743779617 -2417.1884537513624 -0.08328585030271331 0.01676948563454089 0.9963845901512662 -21291.802063401054 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/25222869_4501138522.jpg buckingham_palace/test/images/67629930_160884597.jpg 0 0 669.156 0.0 319.5 0.0 669.156 179.5 0.0 0.0 1.0 686.526 0.0 319.5 0.0 686.526 213.0 0.0 0.0 1.0 0.7004603122823916 -0.025546020023857096 -0.7132340091289783 86902.18075421777 0.05836827790477908 0.9980619498676768 0.021575179275298253 1977.7608436125474 0.7113005659014234 -0.05674279766870393 0.7005938622775991 46983.99365891773 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/72406227_262180777.jpg buckingham_palace/test/images/66104636_8655068521.jpg 0 0 895.882 0.0 319.5 0.0 895.882 239.5 0.0 0.0 1.0 493.211 0.0 318.5 0.0 493.211 319.5 0.0 0.0 1.0 0.7156255930252732 -0.0016372234926885895 -0.6984821616236602 103005.86459116585 -0.06304568369136855 0.9957640300814601 -0.06692711082825108 -3761.238804183971 0.6956329868365313 0.09193103880172397 0.712491004665829 -4537.9129681677005 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/12276618_145746984.jpg buckingham_palace/test/images/11279513_3229126513.jpg 0 0 1074.1 0.0 319.5 0.0 1074.1 212.0 0.0 0.0 1.0 539.004 0.0 319.5 0.0 539.004 239.5 0.0 0.0 1.0 0.949870578627568 0.02935291393851189 0.3112624138906712 -44101.1108105468 -0.03862143181348258 0.9989739128496979 0.023653888695948477 -8637.189429375117 -0.31024872096820266 -0.034489533036591226 0.9500295801965917 -83852.57319741535 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/86900704_328544021.jpg buckingham_palace/test/images/31471983_2691474123.jpg 0 0 516.297 0.0 249.5 0.0 516.297 187.0 0.0 0.0 1.0 728.105 0.0 319.5 0.0 728.105 239.5 0.0 0.0 1.0 0.8404308631353147 0.008522976378468102 -0.5418517538619597 20016.104385262912 0.05458685448474914 0.99345944776669 0.10029257679691006 -1731.9374082769937 0.5391625354260907 -0.1138669597238609 0.834468738705144 3503.353185585216 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/40640722_7130151431.jpg buckingham_palace/test/images/28945073_6309209323.jpg 0 0 718.085 0.0 319.5 0.0 718.085 239.5 0.0 0.0 1.0 657.152 0.0 319.5 0.0 657.152 239.5 0.0 0.0 1.0 0.6892313407255629 -0.03668608876004942 -0.7236119746474162 109801.05011225291 -0.011720826953505141 0.99802206862267 -0.06176222759626447 -3385.6112034766456 0.7244465343813642 0.05104979366869721 0.6874380971325451 -40125.921304903226 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/54107490_11614068883.jpg buckingham_palace/test/images/66051487_8289127493.jpg 0 0 544.935 0.0 319.5 0.0 544.935 239.5 0.0 0.0 1.0 729.749 0.0 319.5 0.0 729.749 239.5 0.0 0.0 1.0 0.8229894881203343 0.13989539085654162 0.5505611519718093 -32993.94337489363 -0.05643885231173372 0.9845426346883861 -0.16580246207636934 7261.540845953135 -0.5652459273565484 0.10538064384860742 0.8181637742584846 46131.55635906082 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/33491680_3513928900.jpg buckingham_palace/test/images/50394851_7212712178.jpg 0 0 656.038 0.0 239.5 0.0 656.038 319.5 0.0 0.0 1.0 479.773 0.0 319.5 0.0 479.773 213.5 0.0 0.0 1.0 0.9505618778584494 -0.08789846056139049 -0.2978354864571311 13257.737603650374 0.0899821768667142 0.9959205953922036 -0.006736135388057313 8459.95272054703 0.29721259093205593 -0.020396771915588943 0.9545934461784649 39598.08765883203 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88943277_2580116986.jpg buckingham_palace/test/images/84152459_248601304.jpg 0 0 502.948 0.0 319.5 0.0 502.948 212.5 0.0 0.0 1.0 652.486 0.0 319.5 0.0 652.486 239.5 0.0 0.0 1.0 0.850053533119433 0.040066071731758884 0.5251701635919114 -5576.485446692919 -0.07260329569937087 0.9964974069211203 0.04149312537123623 4244.5232342238705 -0.5216682396741811 -0.07340046250173744 0.8499850703511046 28515.80835606669 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/75966612_8640534113.jpg buckingham_palace/test/images/04563674_4259679500.jpg 0 0 858.38 0.0 319.5 0.0 858.38 239.5 0.0 0.0 1.0 611.976 0.0 319.5 0.0 611.976 239.5 0.0 0.0 1.0 0.9326951082647102 0.031236446670868168 -0.35931061690194827 68104.57980496963 0.0306379706555819 0.9857794186970037 0.1652278802971977 -27098.784558702624 0.35936214293270835 -0.1651157838390243 0.9184746203102383 -95126.97394813511 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/52927333_9772228794.jpg buckingham_palace/test/images/24126353_3448607158.jpg 0 0 548.596 0.0 319.5 0.0 548.596 179.0 0.0 0.0 1.0 727.932 0.0 319.5 0.0 727.932 213.0 0.0 0.0 1.0 0.8413402898291434 -0.013654343953193919 -0.5403333004742731 45471.81352430554 0.05362991220305405 0.9968566513753436 0.05831508489086948 2198.9338657531225 0.5378385903106115 -0.07804085788831688 0.8394279452536408 51585.9147347085 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/87435867_4350947433.jpg buckingham_palace/test/images/66051487_8289127493.jpg 0 0 448.32 0.0 319.5 0.0 448.32 239.5 0.0 0.0 1.0 729.749 0.0 319.5 0.0 729.749 239.5 0.0 0.0 1.0 0.9536633300072971 -0.025811463691271637 0.29976661145215516 -24501.8698125305 -0.031175739665585542 0.9824734360236826 0.18377709531963615 4449.469240190285 -0.2992562885817053 -0.1846069225406598 0.9361441971696294 14793.21234640877 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/96610065_7506893394.jpg buckingham_palace/test/images/58780959_4178228.jpg 0 0 1228.87 0.0 319.5 0.0 1228.87 213.0 0.0 0.0 1.0 561.783 0.0 249.5 0.0 561.783 187.0 0.0 0.0 1.0 0.7323606584209787 0.016011810594483932 -0.6807286448495297 87057.15205179286 0.0619156265107394 0.994015986179115 0.08999263533281006 -1219.2789536302023 0.678096100262325 -0.10805480619504104 0.7269868208345863 -10025.47600830329 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/78850803_8040467285.jpg buckingham_palace/test/images/84030835_2661414475.jpg 0 0 936.98 0.0 319.5 0.0 936.98 239.5 0.0 0.0 1.0 520.103 0.0 249.5 0.0 520.103 140.0 0.0 0.0 1.0 0.8333399019051771 -0.07193142237930775 -0.5480606520880322 86382.97098997532 0.06202819532632234 0.9974034304388028 -0.036590981586560246 -3499.6115086740474 0.5492696158329069 -0.0035024881724298224 0.8356378531992029 -37417.33299285076 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/74969573_235362322.jpg buckingham_palace/test/images/94200008_8305050186.jpg 0 0 503.536 0.0 319.5 0.0 503.536 212.5 0.0 0.0 1.0 746.609 0.0 305.5 0.0 746.609 305.5 0.0 0.0 1.0 0.9647376938403275 -0.08176057432532047 -0.25019270686740686 18454.408502558843 0.0949348589811455 0.9946376297616896 0.041028746169951016 6090.664692132723 0.24549654709155572 -0.06333398730572704 0.9673263417368937 21522.365300314 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/12105658_501509035.jpg buckingham_palace/test/images/96236969_1904716577.jpg 0 0 734.683 0.0 319.5 0.0 734.683 212.0 0.0 0.0 1.0 505.334 0.0 249.5 0.0 505.334 187.0 0.0 0.0 1.0 0.9990712400172762 -0.021863880572752986 -0.03712988145203745 16335.777586106138 0.018275252846643872 0.9953684414173064 -0.09438051156818959 -592.1703060263367 0.03902143646424616 0.09361429675419417 0.9948435509865279 -32598.970444881983 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88943277_2580116986.jpg buckingham_palace/test/images/32083947_2349664427.jpg 0 0 502.948 0.0 319.5 0.0 502.948 212.5 0.0 0.0 1.0 739.255 0.0 319.5 0.0 739.255 239.5 0.0 0.0 1.0 0.49490141717065395 0.03853763710624767 0.8680941410980413 -27753.1853540093 -0.2219100146022759 0.971495337867783 0.08338317528362602 423.5874820954414 -0.8401360203572372 -0.23390523514327205 0.4893463070984336 6190.594445798099 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/64429111_220275393.jpg buckingham_palace/test/images/34376995_1253071592.jpg 0 0 679.846 0.0 319.5 0.0 679.846 239.5 0.0 0.0 1.0 536.63 0.0 319.5 0.0 536.63 239.5 0.0 0.0 1.0 0.9191121347904938 -0.059493927953384325 -0.3894783128975718 15837.721863817942 0.039909804009534054 0.9975074135096439 -0.058190785672825956 1445.2673152908674 0.3919695029269265 0.0379398541111811 0.9191955593045696 10620.489100462819 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/19931456_8233563983.jpg buckingham_palace/test/images/90451561_2191844501.jpg 0 0 500.434 0.0 319.5 0.0 500.434 211.5 0.0 0.0 1.0 727.187 0.0 319.5 0.0 727.187 239.5 0.0 0.0 1.0 0.8843451084349785 0.0699835444170493 0.46155826576712217 -27703.063451353784 -0.0347256266163069 0.9958218666811394 -0.08445673860501521 3867.44726471188 -0.4655403957158083 0.05866100366101756 0.883080419104767 39344.24499672749 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/70487332_3297679339.jpg buckingham_palace/test/images/61285342_3151612050.jpg 0 0 553.133 0.0 319.5 0.0 553.133 200.0 0.0 0.0 1.0 536.336 0.0 249.5 0.0 536.336 187.0 0.0 0.0 1.0 0.8332160026016716 0.07328146450936476 0.5480701779588579 -39448.36916791855 0.04418324553777498 0.9791863446548584 -0.19809579312848996 1005.353902840018 -0.5511795840034718 0.18927210412741632 0.8126359189556785 16985.24892458995 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/81547541_3154792166.jpg buckingham_palace/test/images/83721004_321291688.jpg 0 0 514.553 0.0 249.5 0.0 514.553 187.0 0.0 0.0 1.0 713.043 0.0 319.5 0.0 713.043 239.5 0.0 0.0 1.0 0.9975983072418702 0.06288532251011926 -0.029035385324696527 11250.227712311957 -0.059045001160810615 0.9912366493422341 0.1181676471742616 -1250.0594629279415 0.03621194866442825 -0.11616945043159664 0.992569067400524 -6169.5697582476205 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/44140023_3726848652.jpg buckingham_palace/test/images/77141853_3913827430.jpg 0 0 667.066 0.0 319.5 0.0 667.066 212.0 0.0 0.0 1.0 534.162 0.0 319.5 0.0 534.162 213.0 0.0 0.0 1.0 0.8755392639396962 -0.018504362359271363 -0.48279248738315306 56369.617818665254 -0.03620228585713208 0.9939445224735749 -0.10374816019330567 3408.5231558981677 0.481788741876202 0.10831377944866528 0.8695675553876723 -13426.057175427231 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/34591604_85337315.jpg buckingham_palace/test/images/90381445_97622371.jpg 0 0 588.671 0.0 319.5 0.0 588.671 239.5 0.0 0.0 1.0 621.695 0.0 319.5 0.0 621.695 239.5 0.0 0.0 1.0 0.9998862821360631 0.0037862267448513106 0.01459750948478652 64.96611175644466 -0.003384358779924017 0.9996172566579901 -0.027456990133716216 -611.3568260484947 -0.014695880775598745 0.027404464574058235 0.9995163962685347 -29.606460834680547 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/32929018_8338714866.jpg buckingham_palace/test/images/86473777_6072982750.jpg 0 0 503.595 0.0 319.5 0.0 503.595 213.0 0.0 0.0 1.0 861.194 0.0 319.5 0.0 861.194 239.5 0.0 0.0 1.0 0.9279055479358148 -0.024919737498525545 -0.37198158663156944 25187.742246704052 0.029190850662777337 0.9995567129316609 0.005854218208837787 -2614.8005132879143 0.37167080642353195 -0.016290620499472587 0.9282216477416501 7877.630774694924 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/79123276_3884527240.jpg buckingham_palace/test/images/03096691_8059356963.jpg 0 0 1531.74 0.0 319.5 0.0 1531.74 212.0 0.0 0.0 1.0 490.55 0.0 319.5 0.0 490.55 213.0 0.0 0.0 1.0 0.9939167863417602 -0.012171341657392604 -0.10945903466743476 30292.021849843906 0.03272629490993448 0.9816214354171428 0.1880115612164743 -46202.13108118337 0.10515898178251652 -0.19045003536845845 0.9760483454105218 -127336.14967326337 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88943277_2580116986.jpg buckingham_palace/test/images/64410912_3739779843.jpg 0 0 502.948 0.0 319.5 0.0 502.948 212.5 0.0 0.0 1.0 1908.16 0.0 319.5 0.0 1908.16 239.5 0.0 0.0 1.0 0.5598185747572917 0.06452719127259723 0.8260989074821394 -13958.714590159329 -0.12038374600560219 0.9927192198002392 0.0040378629078850455 21243.495363209284 -0.8198237109613098 -0.10170935171199287 0.5635106837673558 122593.09897438675 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/31972807_4194251610.jpg buckingham_palace/test/images/70392907_4845953799.jpg 0 0 900.478 0.0 319.5 0.0 900.478 239.5 0.0 0.0 1.0 367.397 0.0 319.5 0.0 367.397 213.0 0.0 0.0 1.0 0.9872556975476612 0.04150111570917134 0.15363542903437113 -11802.79373273254 -0.058893101063519665 0.9921361728020983 0.11044191805979653 -29654.67864220331 -0.14784380374842696 -0.11808247970168445 0.9819362187437114 -104066.1697522906 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/81485196_7160898455.jpg buckingham_palace/test/images/86521638_6062929958.jpg 0 0 640.287 0.0 319.5 0.0 640.287 232.0 0.0 0.0 1.0 948.461 0.0 319.5 0.0 948.461 239.5 0.0 0.0 1.0 0.9769414459665896 0.010378821777794745 0.21325499105815585 -22160.433295955838 -0.014042960939475064 0.9997785309162662 0.015674321898080087 1483.3937164588451 -0.21304508067721661 -0.01830762620923393 0.9768708330285131 55537.06827654005 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/12225450_205688460.jpg buckingham_palace/test/images/78597216_183348499.jpg 0 0 880.89 0.0 249.5 0.0 880.89 187.0 0.0 0.0 1.0 514.284 0.0 249.5 0.0 514.284 187.0 0.0 0.0 1.0 0.615136091354201 -0.03469022680803217 -0.7876573984147442 85518.23405880418 0.07397664984954826 0.9971637093960247 0.013856115638865537 794.4028219875123 0.7849427013422783 -0.06679165237937722 0.6159576533999064 12556.812980217117 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/74845354_647484279.jpg buckingham_palace/test/images/58780959_4178228.jpg 0 0 550.969 0.0 249.5 0.0 550.969 187.0 0.0 0.0 1.0 561.783 0.0 249.5 0.0 561.783 187.0 0.0 0.0 1.0 0.8906249864644336 -0.025396744222802248 -0.45402878638706284 37209.12688419651 0.0678857884720992 0.994676414880279 0.07752644325929314 -2002.319792362973 0.44964280624596786 -0.09986908963135968 0.887607746545429 1308.796450631165 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/36917951_370694487.jpg buckingham_palace/test/images/69599759_2579291719.jpg 0 0 531.303 0.0 319.5 0.0 531.303 213.0 0.0 0.0 1.0 502.541 0.0 319.5 0.0 502.541 212.5 0.0 0.0 1.0 0.9909820841959285 -0.001207133144507379 -0.13398899817621265 1714.3975121837138 0.027362444575788757 0.9807113155392423 0.1935371080700685 -5290.543874480865 0.13117090161133504 -0.1954580732608912 0.9719003735813716 -20306.90606374774 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/89269947_2824630864.jpg buckingham_palace/test/images/55790389_5367781874.jpg 0 0 509.392 0.0 239.5 0.0 509.392 319.5 0.0 0.0 1.0 866.206 0.0 319.5 0.0 866.206 212.0 0.0 0.0 1.0 0.8393711672699496 0.05356035311751869 0.5409134238765099 -4479.116953286775 -0.06312429451006075 0.9980052967264177 -0.0008666883074548663 6882.572053326166 -0.5398808822309689 -0.033417305096938535 0.8410778303590986 41262.94489306356 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/39753040_13785121575.jpg buckingham_palace/test/images/20914462_2140816472.jpg 1 0 456.694 0.0 319.5 0.0 456.694 239.5 0.0 0.0 1.0 661.15 0.0 319.5 0.0 661.15 239.5 0.0 0.0 1.0 0.1421695948333097 0.9604456429552622 -0.2394409598067669 -20093.063886676307 -0.892519605604693 0.019785802401670823 -0.45057438413048456 437.2382821245435 -0.4280146725477715 0.2777637286464438 0.8600295059660736 28572.41031718752 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/91136231_4677075766.jpg buckingham_palace/test/images/12944457_8797082397.jpg 0 0 492.926 0.0 319.5 0.0 492.926 213.5 0.0 0.0 1.0 672.2 0.0 319.5 0.0 672.2 239.5 0.0 0.0 1.0 0.7193760267508075 -0.1938694075687115 -0.6670178295556864 39039.55319536613 0.08191656834986168 0.9772387579073035 -0.19568874743728393 6136.927203730263 0.6897737367905539 0.08613398198590073 0.7188832514262996 64352.32805776429 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/89902711_383052108.jpg buckingham_palace/test/images/92891727_3739824491.jpg 0 0 728.351 0.0 319.5 0.0 728.351 239.5 0.0 0.0 1.0 528.312 0.0 319.5 0.0 528.312 239.5 0.0 0.0 1.0 0.7631114653963096 -0.03930943696507799 0.6450702748896321 -67660.45808859856 -0.06640551451381813 0.9880957644151249 0.13876983817474509 -8696.508868722261 -0.64284617057493 -0.14873307806395458 0.7514168433477983 -19985.58291033335 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/80396877_5553830938.jpg buckingham_palace/test/images/18612281_10598628955.jpg 0 0 628.545 0.0 319.5 0.0 628.545 191.0 0.0 0.0 1.0 456.298 0.0 319.5 0.0 456.298 239.5 0.0 0.0 1.0 0.7308888917110118 0.0011883287331262557 0.682495432840595 -39755.514966851224 -0.10552156966618124 0.9881706578892859 0.1112831937978089 -344.665309514364 -0.6742897198598199 -0.1533536395442816 0.7223683512792406 10195.335239513772 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/56032606_8199293549.jpg buckingham_palace/test/images/96610065_7506893394.jpg 0 0 476.287 0.0 319.5 0.0 476.287 239.5 0.0 0.0 1.0 1228.87 0.0 319.5 0.0 1228.87 213.0 0.0 0.0 1.0 0.7121701616706531 0.08295481362591725 0.6970883442737266 -60031.05990603723 0.031161340105341943 0.9882792514482227 -0.14944260450012276 -1252.5666925823673 -0.7013149304761984 0.12815077078671916 0.7012380111188603 83675.08430780115 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/80208883_2309723001.jpg buckingham_palace/test/images/22496504_4546656558.jpg 0 0 608.393 0.0 212.5 0.0 608.393 319.5 0.0 0.0 1.0 835.668 0.0 319.5 0.0 835.668 213.0 0.0 0.0 1.0 0.8121422041053132 -0.13134715860132287 -0.5684830377753787 16775.429914934193 0.08475466383804608 0.9905549547900905 -0.1077846394367097 7725.040815770788 0.5772708959134032 0.03935486587654242 0.8156037685440009 53891.29205794695 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/50054515_355625972.jpg buckingham_palace/test/images/34511353_8612252871.jpg 0 0 2158.55 0.0 249.5 0.0 2158.55 187.0 0.0 0.0 1.0 526.275 0.0 319.5 0.0 526.275 239.5 0.0 0.0 1.0 0.9306674812639452 -0.033225151300157144 -0.3643543997798095 159763.2071284973 0.09129428776885534 0.9854552318376499 0.14332947730519757 -57700.85343962093 0.35429280593684215 -0.16665555905785254 0.9201644050366835 -309401.6701710959 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/15064245_12177287034.jpg buckingham_palace/test/images/12137996_9115608785.jpg 0 0 604.78 0.0 319.5 0.0 604.78 239.5 0.0 0.0 1.0 2212.1 0.0 255.5 0.0 2212.1 319.5 0.0 0.0 1.0 0.9904248262108162 0.0043912558371703775 0.13798326165679387 -15496.414017879204 -0.016583625541886842 0.9960408288775394 0.08733642180001805 9776.97117536879 -0.13705344573983247 -0.08878842312552188 0.9865763877823766 134829.48838827704 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/10538802_8199902487.jpg buckingham_palace/test/images/70919478_5339080781.jpg 0 0 594.899 0.0 319.5 0.0 594.899 239.5 0.0 0.0 1.0 458.531 0.0 319.5 0.0 458.531 212.5 0.0 0.0 1.0 0.9989460673868558 0.01418245608590325 -0.04365332051181387 -2693.660867232826 -0.022075738509898503 0.982294765947316 -0.18603670219005314 2866.825388316249 0.04024197089579866 0.1868043113310808 0.9815725816497435 31814.6457956929 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/82736794_5152319320.jpg buckingham_palace/test/images/39881987_8753914632.jpg 0 0 723.947 0.0 319.5 0.0 723.947 239.5 0.0 0.0 1.0 696.104 0.0 319.5 0.0 696.104 211.5 0.0 0.0 1.0 0.8849229339519249 -0.06011562154772294 -0.4618414370883674 53198.35256167373 0.03415136272195983 0.9973407631237733 -0.06438234723837387 742.8716745418863 0.46448367612882857 0.04120090117485739 0.8846227446500735 40780.10362572413 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/83626729_2399731869.jpg buckingham_palace/test/images/00212661_8137933114.jpg 0 0 900.714 0.0 319.5 0.0 900.714 213.0 0.0 0.0 1.0 607.957 0.0 319.5 0.0 607.957 239.5 0.0 0.0 1.0 0.4455462759589199 -0.08018153774441339 -0.8916610549889905 113487.43300048917 0.03501283223340651 0.9967798510873955 -0.07213896343298325 10766.203186257691 0.8945739866317002 0.0009216675817105834 0.4469189333321372 60296.44810350212 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/44185683_144541432.jpg buckingham_palace/test/images/18653284_7502960042.jpg 0 0 406.156 0.0 249.5 0.0 406.156 187.0 0.0 0.0 1.0 306.853 0.0 319.5 0.0 306.853 213.0 0.0 0.0 1.0 0.9059618686808393 0.027853144501275743 -0.42244206092399544 42158.93011369222 0.006140191303159155 0.9968640193888714 0.07889502454923653 -2334.315930735742 0.42331476533081414 -0.07406975893882116 0.9029497661906019 -34715.38437373462 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/38109366_1994420460.jpg buckingham_palace/test/images/76951988_220277127.jpg 0 0 562.71 0.0 249.5 0.0 562.71 160.0 0.0 0.0 1.0 678.241 0.0 319.5 0.0 678.241 239.5 0.0 0.0 1.0 0.9937912360948797 0.005594579836150045 0.11112011400942584 -9994.598036837377 -0.006582431649467864 0.9999419956432225 0.008525077279970756 -5039.318891317212 -0.11106597433323558 -0.009203587643214635 0.9937704178128381 -33615.759902947815 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/84030835_2661414475.jpg buckingham_palace/test/images/52015143_29202491.jpg 0 0 520.103 0.0 249.5 0.0 520.103 140.0 0.0 0.0 1.0 483.179 0.0 249.5 0.0 483.179 187.0 0.0 0.0 1.0 0.7815984706815926 -0.07736651002462895 -0.6189654705674662 35321.96994971126 0.10279045294503877 0.99468799595177 0.005469322883594938 -3608.1747385902568 0.6152543810583959 -0.06789855547845054 0.78539915504945 -10085.335742185256 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/11993356_3855314871.jpg buckingham_palace/test/images/94916212_250193805.jpg 0 0 726.941 0.0 319.5 0.0 726.941 239.5 0.0 0.0 1.0 540.593 0.0 249.5 0.0 540.593 187.0 0.0 0.0 1.0 0.9999796428516383 0.004573246817053965 0.004449639969723743 -20372.402680181636 -0.004595894496967159 0.9999764696022576 0.005092935850507566 -7083.489771333632 -0.004426244015257672 -0.005113282248707175 0.999977131092788 -49574.69009765423 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/59557144_4072456064.jpg buckingham_palace/test/images/86521638_6062929958.jpg 0 0 569.526 0.0 249.5 0.0 569.526 187.0 0.0 0.0 1.0 948.461 0.0 319.5 0.0 948.461 239.5 0.0 0.0 1.0 0.9905674866024324 0.010885908092161806 -0.13659264801280047 10729.451720844902 -0.003404430945062602 0.9984867862686234 0.05488667868341987 4206.33227785163 0.13698344548185404 -0.05390393911362768 0.9891056066022245 75646.25152196814 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/40301915_5005868978.jpg buckingham_palace/test/images/88100674_4580463979.jpg 0 0 501.329 0.0 319.5 0.0 501.329 213.0 0.0 0.0 1.0 396.465 0.0 249.5 0.0 396.465 166.0 0.0 0.0 1.0 0.7728265757072537 -0.5293786173418393 -0.34999623338236524 51566.20334341993 0.4887537395995783 0.8482776329791291 -0.20382551217831793 -1202.250787857875 0.40479484422115386 -0.013540195292851323 0.9143072772341929 5226.995725394458 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/74030407_9757753664.jpg buckingham_palace/test/images/40526132_6338472744.jpg 0 0 1019.01 0.0 319.5 0.0 1019.01 213.0 0.0 0.0 1.0 622.524 0.0 319.5 0.0 622.524 239.5 0.0 0.0 1.0 0.9879397181833665 -0.023417647031681386 0.15305792055058834 -24659.852535795195 0.01835045250736521 0.9992384282909472 0.03443579996765856 -7844.697452763104 -0.15374776137734675 -0.031211812413527756 0.9876170556634375 -93761.87193536364 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/52580713_3540604945.jpg buckingham_palace/test/images/75711673_2633557923.jpg 0 0 547.77 0.0 319.5 0.0 547.77 213.0 0.0 0.0 1.0 645.555 0.0 319.5 0.0 645.555 178.5 0.0 0.0 1.0 0.9916032292569111 -0.018951524248395638 -0.12792136434516319 18891.139789548695 0.03654963009779888 0.9899434530608615 0.13666047080868668 2420.734730661566 0.12404499291377939 -0.14018844271408504 0.9823237960379563 21681.91885403719 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/81888816_2734302.jpg buckingham_palace/test/images/56366869_8166763434.jpg 0 0 669.636 0.0 319.5 0.0 669.636 239.5 0.0 0.0 1.0 517.399 0.0 319.5 0.0 517.399 164.5 0.0 0.0 1.0 0.994989858155297 -0.0009081360849775319 0.09997178330385588 -6153.394621297578 -0.014996659196468448 0.9872890622826184 0.1582258124013063 -10432.573607933446 -0.09884473876260148 -0.15893232140115351 0.982328985031488 -24763.58712972113 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/58837390_828863639.jpg buckingham_palace/test/images/39733199_8623371744.jpg 0 0 664.357 0.0 319.5 0.0 664.357 239.5 0.0 0.0 1.0 1338.45 0.0 319.5 0.0 1338.45 239.5 0.0 0.0 1.0 0.9998245787360959 -0.010055795320984561 -0.015801668761576695 -1988.891272730989 0.006304236192202261 0.9751072254125024 -0.2216442093860425 2355.2472253709593 0.01763713018665598 0.22150571082659104 0.9749995649793828 12500.633949105017 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/01823206_282483519.jpg buckingham_palace/test/images/61285342_3151612050.jpg 0 0 523.613 0.0 319.5 0.0 523.613 239.5 0.0 0.0 1.0 536.336 0.0 249.5 0.0 536.336 187.0 0.0 0.0 1.0 0.836371109049105 0.1560550632335199 0.5254809084896921 -10908.311319148492 0.08833657726428804 0.9077208188403548 -0.41017016488407126 -781.1192048617102 -0.5409990915567239 0.38947366057665295 0.7454060978096582 43491.67721273337 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/94200008_8305050186.jpg buckingham_palace/test/images/97292713_2986088736.jpg 0 0 746.609 0.0 305.5 0.0 746.609 305.5 0.0 0.0 1.0 683.491 0.0 319.5 0.0 683.491 221.0 0.0 0.0 1.0 0.9937053297111326 0.004426586503454623 -0.11193803212320892 12369.424563332119 -0.010519535274972219 0.9984909492916467 -0.053899569202960816 5493.394965570278 0.11153052085096589 0.05473782526364724 0.9922523436123084 27197.63599059696 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/87374275_5233148436.jpg buckingham_palace/test/images/39528348_6563861043.jpg 0 0 539.491 0.0 319.5 0.0 539.491 202.5 0.0 0.0 1.0 528.566 0.0 319.5 0.0 528.566 213.0 0.0 0.0 1.0 0.9896406874643934 0.040123634455492475 0.13784557908429723 -18721.10462493895 -0.0973569615334782 0.8932139258183331 0.43896526601221003 -21245.661932648574 -0.10551270897845468 -0.4478381143697837 0.8878671587358914 -35161.937883010105 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/54235905_5885592660.jpg buckingham_palace/test/images/19946837_1447873686.jpg 0 0 955.39 0.0 213.0 0.0 955.39 319.5 0.0 0.0 1.0 1048.17 0.0 319.5 0.0 1048.17 239.5 0.0 0.0 1.0 0.8776337680951839 -0.00245981905038982 -0.47932548272472275 69439.96685252468 0.017720496739619396 0.9994697502985793 0.02731670246198338 2471.0407611338205 0.4790041263855148 -0.0324679461674854 0.8772119922671573 26778.828196047936 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/92766299_2205106180.jpg buckingham_palace/test/images/76603337_13067710124.jpg 0 0 529.386 0.0 319.5 0.0 529.386 213.0 0.0 0.0 1.0 880.963 0.0 319.5 0.0 880.963 228.0 0.0 0.0 1.0 0.9324005203793109 0.021744231216115267 0.36077203051956536 -23281.769801758135 -0.031204777044176443 0.9993044416707875 0.020418000554869576 5607.0682137269205 -0.36007711880375476 -0.030295565118603315 0.9324305053182951 108313.59089907524 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/47468990_5940765373.jpg buckingham_palace/test/images/34988822_5659731458.jpg 0 0 1182.75 0.0 319.5 0.0 1182.75 239.5 0.0 0.0 1.0 627.58 0.0 319.5 0.0 627.58 213.5 0.0 0.0 1.0 0.6810625545558388 -0.2150445531361506 -0.6999354519870732 60017.002939010985 0.1075339285705256 0.9749119770704896 -0.19489251183844397 4614.7034200982325 0.7242860284363246 0.05746718307853822 0.6871006271871344 54779.506380579194 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/81310018_8608208863.jpg buckingham_palace/test/images/52927333_9772228794.jpg 0 0 559.102 0.0 319.5 0.0 559.102 239.5 0.0 0.0 1.0 548.596 0.0 319.5 0.0 548.596 179.0 0.0 0.0 1.0 0.9730024167815987 -0.028009827939527356 0.22908894882985167 -5058.82699698872 0.011240304396538307 0.997181448474465 0.07418095695959384 628.4242082384287 -0.2305210456644718 -0.06960322088212602 0.9705747983275645 419.97450801670766 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/13281945_9328537386.jpg buckingham_palace/test/images/25919709_2805904071.jpg 0 0 480.216 0.0 319.5 0.0 480.216 211.5 0.0 0.0 1.0 562.99 0.0 249.5 0.0 562.99 187.0 0.0 0.0 1.0 0.8083355229380408 -0.008852333637845305 -0.5886555177229278 58441.43493157111 0.0428675237583742 0.9981177721683372 0.04385531083620692 -110.4695076221073 0.5871593120808944 -0.060684010009881335 0.8071935289419826 35116.293307102285 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/39528348_6563861043.jpg buckingham_palace/test/images/02147392_4434343749.jpg 0 0 528.566 0.0 319.5 0.0 528.566 213.0 0.0 0.0 1.0 1522.3 0.0 319.5 0.0 1522.3 213.0 0.0 0.0 1.0 0.9958174713696708 -0.0066305079359738886 0.09112409165213015 -4188.2495455644475 0.050013760036102264 0.8742204620644749 -0.48294638161479936 9736.07032769988 -0.07646036569338398 0.48548390300017896 0.8708956265854978 136624.69045139244 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/34376995_1253071592.jpg buckingham_palace/test/images/83500228_4350950097.jpg 0 0 536.63 0.0 319.5 0.0 536.63 239.5 0.0 0.0 1.0 450.353 0.0 319.5 0.0 450.353 239.5 0.0 0.0 1.0 0.9495478999374601 0.02101741458757389 0.31291700818014556 219.88516721112683 0.04310114035706081 0.9795395044428425 -0.19658242784081986 -1283.4681948891161 -0.310646225511079 0.2001515114105418 0.9292138048134 16471.17133108004 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/38217522_12120715573.jpg buckingham_palace/test/images/39881987_8753914632.jpg 0 0 416.694 0.0 319.5 0.0 416.694 239.5 0.0 0.0 1.0 696.104 0.0 319.5 0.0 696.104 211.5 0.0 0.0 1.0 0.8973602208019107 -0.036156359539393786 -0.4398151336495872 38354.2648717274 0.04986366050259517 0.9985627625796762 0.019647507488916877 4952.617326545582 0.438472632536659 -0.03956168416666818 0.8978733895501464 62740.66038565636 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/58961667_2085265349.jpg buckingham_palace/test/images/95099681_7121588727.jpg 0 0 391.75 0.0 249.5 0.0 391.75 166.5 0.0 0.0 1.0 544.463 0.0 319.5 0.0 544.463 240.0 0.0 0.0 1.0 0.9999960584035904 -0.002750995454041546 0.0005614279070160727 2185.6287936109784 0.0026894081880900686 0.9959498220126274 0.0898705686897206 -1050.0386917863896 -0.0008063875499831151 -0.08986870454739958 0.9959532949300841 -2698.254090856575 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/58780959_4178228.jpg buckingham_palace/test/images/77059222_3193034364.jpg 0 0 561.783 0.0 249.5 0.0 561.783 187.0 0.0 0.0 1.0 665.902 0.0 319.5 0.0 665.902 239.5 0.0 0.0 1.0 0.9897109328191951 -0.016137452012332045 -0.14216839346601767 30965.090290346503 0.00047955889279308874 0.9939879437693919 -0.10948852754679167 2349.3117015951198 0.14308053494947195 0.10829381461397458 0.9837684738976582 55675.454692885854 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/83600107_4900371165.jpg buckingham_palace/test/images/74845354_647484279.jpg 0 0 540.202 0.0 319.5 0.0 540.202 239.5 0.0 0.0 1.0 550.969 0.0 249.5 0.0 550.969 187.0 0.0 0.0 1.0 0.9989312344428383 0.0010262960242838552 0.04620969131013817 -730.1654601693335 0.004847146447450021 0.9919148688961132 -0.12681245220452145 -113.32934446703325 -0.04596622701315276 0.1269009045644577 0.9908497698414719 -1084.1208250202271 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/93037627_13638822993.jpg buckingham_palace/test/images/89730574_3288971741.jpg 0 0 585.228 0.0 239.5 0.0 585.228 319.5 0.0 0.0 1.0 664.171 0.0 319.5 0.0 664.171 239.5 0.0 0.0 1.0 0.8971924282135999 0.13454831409752416 0.42064533508610136 -37803.68246402616 -0.12274053021406363 0.9909047208784014 -0.05515973516676909 6857.566958405989 -0.42424109772504964 -0.0021413347266478954 0.9055467440649506 34886.05205205849 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/82724591_6779971696.jpg buckingham_palace/test/images/55790389_5367781874.jpg 0 0 530.953 0.0 319.5 0.0 530.953 213.0 0.0 0.0 1.0 866.206 0.0 319.5 0.0 866.206 212.0 0.0 0.0 1.0 0.36972709389101494 -0.01856682017946322 0.928954869318918 -50710.82228780005 -0.15035977181577365 0.9854265351207261 0.07953919096564177 7976.205184597465 -0.9168935680123472 -0.16908523610411355 0.3615471862277499 50802.82591813173 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/61285342_3151612050.jpg buckingham_palace/test/images/12516230_8673895442.jpg 0 0 536.336 0.0 249.5 0.0 536.336 187.0 0.0 0.0 1.0 607.086 0.0 319.5 0.0 607.086 211.5 0.0 0.0 1.0 0.7947095446054258 0.05278206837813731 -0.6046906589081416 49941.612459092146 0.07396274022571535 0.980367969560876 0.1827789848899175 3324.8579627424856 0.602466806364749 -0.18998078196704785 0.7752038762234417 48773.0075642045 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/86576612_2460544550.jpg buckingham_palace/test/images/88827990_5044159062.jpg 0 0 775.263 0.0 319.5 0.0 775.263 180.0 0.0 0.0 1.0 800.954 0.0 319.5 0.0 800.954 239.5 0.0 0.0 1.0 0.8962167210010032 0.03725220333748823 0.44204961525230635 -59069.03066680493 -0.055255746820803454 0.998081902744723 0.02791626509310515 2505.2401524939614 -0.44016177871492296 -0.04944480518695249 0.8965560884844513 -1507.0804027127924 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/63307507_3556599632.jpg buckingham_palace/test/images/02189109_4611484390.jpg 0 0 1617.87 0.0 319.5 0.0 1617.87 213.5 0.0 0.0 1.0 1008.42 0.0 319.5 0.0 1008.42 213.0 0.0 0.0 1.0 0.8914943401904112 -0.0013847033827027752 0.4530297164701287 -75861.17830511079 -0.03028622884305939 0.9975760563693403 0.0626478738750206 1071.5285213877614 -0.4520183466972651 -0.06957078665026421 0.8892914707192093 15416.086523346254 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/63914563_273289734.jpg buckingham_palace/test/images/70570527_4281018485.jpg 0 0 699.454 0.0 319.5 0.0 699.454 212.5 0.0 0.0 1.0 986.13 0.0 319.5 0.0 986.13 239.5 0.0 0.0 1.0 0.9526158549618184 -0.12951098278765538 -0.27522706664268975 12868.03980301397 0.10168099030558399 0.9883617799183765 -0.11314578298396506 2641.606967012477 0.2866775350212146 0.07979910609746461 0.9546979069738268 23233.971735215866 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/99129354_2398993692.jpg buckingham_palace/test/images/65292787_5063207561.jpg 0 0 491.793 0.0 319.5 0.0 491.793 190.0 0.0 0.0 1.0 693.23 0.0 319.5 0.0 693.23 239.5 0.0 0.0 1.0 0.846427369805395 0.033645778560862455 -0.5314401840558864 42815.6952625737 -0.0877954708654946 0.9931615864291735 -0.0769546524713969 -9491.534700975113 0.5252167770928754 0.11179456528168438 0.8435930963643858 85383.54804142033 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/92636956_2423667989.jpg buckingham_palace/test/images/10898443_3371442566.jpg 0 0 656.41 0.0 319.5 0.0 656.41 239.0 0.0 0.0 1.0 764.043 0.0 319.5 0.0 764.043 213.0 0.0 0.0 1.0 0.9899687869013123 -0.050941550324905924 -0.13178300122413092 35503.06737498803 0.051905354000327905 0.9986444456304236 0.00388657144593843 -8090.292035583581 0.13140637422608112 -0.010687827749305075 0.9912709695894238 -37961.158084269235 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/86521638_6062929958.jpg buckingham_palace/test/images/86465693_49695665.jpg 0 0 948.461 0.0 319.5 0.0 948.461 239.5 0.0 0.0 1.0 529.185 0.0 249.5 0.0 529.185 187.0 0.0 0.0 1.0 0.9981021801319638 -0.012521908803520637 -0.06029294996711368 18318.66872948605 0.01462477240394479 0.9992954950747279 0.034563413539277554 -4587.176847257105 0.05981767337462548 -0.03537958907718703 0.9975821422964507 -44051.731098505465 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/91176153_7095273843.jpg buckingham_palace/test/images/36638733_5857779927.jpg 0 0 1095.48 0.0 319.5 0.0 1095.48 239.5 0.0 0.0 1.0 491.356 0.0 319.5 0.0 491.356 212.0 0.0 0.0 1.0 0.9814360298772082 -0.02121799548830979 0.19061247578876184 -24913.64385604508 0.02391043558040885 0.9996440348013492 -0.011836163079066537 -5187.622875011311 -0.19029348472614177 0.016174064224467658 0.9815940043201389 -112999.06284958399 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/12103866_2466593345.jpg buckingham_palace/test/images/83387888_3756983584.jpg 0 0 415.566 0.0 249.5 0.0 415.566 166.5 0.0 0.0 1.0 533.38 0.0 319.5 0.0 533.38 239.5 0.0 0.0 1.0 0.8864125384844765 0.1035978493278475 0.4511544050900432 -27093.589989455577 -0.12111991044469157 0.9925870460471541 0.010046059588447703 3001.074209666147 -0.4467692680919045 -0.06354873432279641 0.8923893653863174 11342.522757076073 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/15885029_599614928.jpg buckingham_palace/test/images/48484647_7883607208.jpg 0 0 433.441 0.0 319.5 0.0 433.441 239.5 0.0 0.0 1.0 530.224 0.0 319.5 0.0 530.224 182.5 0.0 0.0 1.0 0.998537459409271 0.006445179134693289 0.05367869058015512 -2596.752557323056 -0.010276744001443947 0.9973939234082227 0.07141253448156813 1794.576584605335 -0.05307853322396074 -0.07185973291262698 0.9960014297663026 9541.533640570819 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/77853040_2216395549.jpg buckingham_palace/test/images/72406227_262180777.jpg 0 0 539.264 0.0 319.5 0.0 539.264 239.5 0.0 0.0 1.0 895.882 0.0 319.5 0.0 895.882 239.5 0.0 0.0 1.0 0.5652051361613661 0.001386860395851626 0.824949229149924 -99972.2223936489 -0.011712376238104201 0.9999112854795705 0.00634361201916228 5390.8024785791895 -0.8248672464704053 -0.013247557844183442 0.5651712376895133 98300.41439899174 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/99568304_8816950671.jpg buckingham_palace/test/images/94455955_3929007141.jpg 0 0 612.545 0.0 239.5 0.0 612.545 319.5 0.0 0.0 1.0 731.249 0.0 319.5 0.0 731.249 239.5 0.0 0.0 1.0 0.9928397528101753 0.01966936754033593 -0.11782334751819291 1235.7170398028538 0.012972493159970662 0.9627628390601422 0.27003597935473245 -321.6241349334823 0.11874737749122789 -0.2696309175621708 0.9556140584114163 -2235.6631504536126 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/72807922_9586802730.jpg buckingham_palace/test/images/50616321_9586801446.jpg 0 0 604.967 0.0 319.5 0.0 604.967 213.0 0.0 0.0 1.0 541.873 0.0 319.5 0.0 541.873 213.0 0.0 0.0 1.0 0.9886117257033802 0.0382150727783138 0.14555570759792522 -14964.523283552073 -0.0604897739474383 0.9865539792144078 0.15182961945551107 -13235.636752383598 -0.13779638257070595 -0.1589051739521582 0.9776304530044377 -48030.03780960117 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/37484866_5209954283.jpg buckingham_palace/test/images/02324203_9313663960.jpg 0 0 756.578 0.0 319.5 0.0 756.578 213.0 0.0 0.0 1.0 869.083 0.0 319.5 0.0 869.083 213.0 0.0 0.0 1.0 0.9934836599866059 0.0002291940866819087 -0.11397440418659253 42364.7478564934 0.030632571745858928 0.9626664474694867 0.26895158758541043 4621.955627690808 0.10978097689423665 -0.27069033670699905 0.9563863647739853 19389.331643030273 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/32929018_8338714866.jpg buckingham_palace/test/images/38067003_3099337568.jpg 0 0 503.595 0.0 319.5 0.0 503.595 213.0 0.0 0.0 1.0 666.233 0.0 319.5 0.0 666.233 213.0 0.0 0.0 1.0 0.8091303548189669 -0.00292845406488163 -0.5876218963477472 50454.40788387022 0.10578494040665519 0.9843766515608302 0.14075565439813856 -6042.806579130895 0.5780290782423433 -0.1760512198727339 0.7967988156916586 -10767.433902463263 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/53184146_19405394.jpg buckingham_palace/test/images/66563458_10330669473.jpg 0 0 671.452 0.0 319.5 0.0 671.452 239.5 0.0 0.0 1.0 720.394 0.0 319.5 0.0 720.394 319.5 0.0 0.0 1.0 0.9015923890990271 -0.06918290413242519 -0.4270186057943054 40195.35241020579 0.04152928630748774 0.9964117680934524 -0.07374894428851646 4906.64422301521 0.4305885301508849 0.04875770893595867 0.9012303831550603 50569.98412585561 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/27360182_6693505247.jpg buckingham_palace/test/images/77723988_970616651.jpg 0 0 668.989 0.0 319.5 0.0 668.989 240.0 0.0 0.0 1.0 1260.22 0.0 319.5 0.0 1260.22 239.0 0.0 0.0 1.0 0.931855555314402 -0.04601216550403512 -0.359900131502222 11270.757646266975 0.014172128521456613 0.9957852777287611 -0.09061363822198815 448.34966092676495 0.36255258212135066 0.07933827124587046 0.9285801332749144 4512.4332977562735 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/18653284_7502960042.jpg buckingham_palace/test/images/94455955_3929007141.jpg 0 0 306.853 0.0 319.5 0.0 306.853 213.0 0.0 0.0 1.0 731.249 0.0 319.5 0.0 731.249 239.5 0.0 0.0 1.0 0.9998628994667248 -0.0021201112038553133 -0.01642216180889462 3190.6286683194558 0.00418341525034597 0.9919390038632871 0.1266471936189389 9116.86928082451 0.016021276691868237 -0.12669853094331088 0.9918118778024236 72848.47028579495 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/34988822_5659731458.jpg buckingham_palace/test/images/62184736_5578846989.jpg 0 0 627.58 0.0 319.5 0.0 627.58 213.5 0.0 0.0 1.0 581.244 0.0 319.5 0.0 581.244 239.5 0.0 0.0 1.0 0.919462048052751 0.08248706950541833 0.3844287002228748 -39051.60118948938 -0.09922406797657084 0.9947787689783761 0.02387017226681924 3860.572709588666 -0.38045252860878925 -0.0600922969628809 0.922846026876046 15788.887046655836 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/90381445_97622371.jpg buckingham_palace/test/images/36638733_5857779927.jpg 0 0 621.695 0.0 319.5 0.0 621.695 239.5 0.0 0.0 1.0 491.356 0.0 319.5 0.0 491.356 212.0 0.0 0.0 1.0 0.9991960595741702 -0.031427615262623394 0.024890551025556203 6114.780274380428 0.030555562556283743 0.9989314900559167 0.03467327171662707 -2958.2169273999216 -0.025953653467678216 -0.033884851682876554 0.9990886971125783 -30353.50341339576 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/64607896_8679897848.jpg buckingham_palace/test/images/64429111_220275393.jpg 0 0 519.758 0.0 319.5 0.0 519.758 211.5 0.0 0.0 1.0 679.846 0.0 319.5 0.0 679.846 239.5 0.0 0.0 1.0 0.9998704839267222 -0.007430027192840184 -0.014276206360789445 597.923955141563 0.009368561100760266 0.9899767525721033 0.14091933660677616 -6954.157749147635 0.013086077909118183 -0.1410348327992281 0.9899181433342102 -29186.738919998126 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88943277_2580116986.jpg buckingham_palace/test/images/15064245_12177287034.jpg 0 0 502.948 0.0 319.5 0.0 502.948 212.5 0.0 0.0 1.0 604.78 0.0 319.5 0.0 604.78 239.5 0.0 0.0 1.0 0.7596375179961343 0.030964727529260654 0.649609133942644 -6466.073063183072 0.04301466355941475 0.9942864210287323 -0.09769468602101647 -902.3452634337896 -0.648922630189103 0.10215526715208217 0.7539653317106454 28712.645757663242 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/68304166_169924929.jpg buckingham_palace/test/images/34791488_2406713663.jpg 0 0 734.815 0.0 319.5 0.0 734.815 239.5 0.0 0.0 1.0 696.679 0.0 319.5 0.0 696.679 239.5 0.0 0.0 1.0 0.9900374846427396 -0.010989256810649179 0.14037455338139754 -26015.203909293912 0.029821586544210667 0.9906982121818184 -0.13276944436026894 1837.264512269844 -0.1376097815500897 0.13563291862412313 0.9811560831015821 17233.29531864575 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/95099681_7121588727.jpg buckingham_palace/test/images/16826010_408223455.jpg 0 0 544.463 0.0 319.5 0.0 544.463 240.0 0.0 0.0 1.0 761.316 0.0 319.5 0.0 761.316 239.5 0.0 0.0 1.0 0.7894286716272081 0.1046852594242088 0.604849873003366 -55490.88851849621 -0.13114186016171012 0.9913635237188158 -0.0004199442098927284 -4498.99499874431 -0.5996700633900514 -0.07898962146446233 0.796339409281415 -15394.612395040793 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/34791488_2406713663.jpg buckingham_palace/test/images/54107490_11614068883.jpg 0 0 696.679 0.0 319.5 0.0 696.679 239.5 0.0 0.0 1.0 544.935 0.0 319.5 0.0 544.935 239.5 0.0 0.0 1.0 0.9474573261215932 0.011028668786864117 -0.31969201373088907 43607.308477656596 0.05821963752596982 0.9767680400605605 0.20623935056772275 -5355.923277985825 0.3145394871631636 -0.2140153367893082 0.9248039503776425 -13131.22040319085 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/66563458_10330669473.jpg buckingham_palace/test/images/80731258_3052461790.jpg 0 0 720.394 0.0 319.5 0.0 720.394 319.5 0.0 0.0 1.0 576.354 0.0 249.5 0.0 576.354 187.0 0.0 0.0 1.0 0.993479939938458 -0.02476508203558949 0.11128476828231547 -17178.44705993843 0.022382061447751466 0.9994937332859122 0.0226123958823222 677.4251313699469 -0.1117884263473962 -0.01997417918114051 0.9935312677016324 4843.290401887454 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/31516490_8149048396.jpg buckingham_palace/test/images/82926537_6868011588.jpg 0 0 739.67 0.0 319.5 0.0 739.67 239.5 0.0 0.0 1.0 1568.62 0.0 319.5 0.0 1568.62 213.0 0.0 0.0 1.0 0.4255297902302009 0.1880508832322696 0.8851899586767827 -78343.03065209814 -0.06380068716840616 0.9819707521874491 -0.17794076026940667 1912.751766175798 -0.9026925666823009 0.019243366752691286 0.4298555837633624 77801.05326140815 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88674170_169924932.jpg buckingham_palace/test/images/09863937_226875692.jpg 0 0 761.397 0.0 319.5 0.0 761.397 201.0 0.0 0.0 1.0 673.473 0.0 319.5 0.0 673.473 239.5 0.0 0.0 1.0 0.9734401558537374 0.0670393181074366 0.21890635623284446 -39273.207849703496 -0.0020337234224894495 0.9586611105559042 -0.2845430355442941 789.461977336688 -0.2289325816490346 0.27654042188333067 0.9333355603019192 15641.718579904988 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/97156938_2710050704.jpg buckingham_palace/test/images/16210476_4152300283.jpg 0 0 730.199 0.0 319.5 0.0 730.199 239.5 0.0 0.0 1.0 723.131 0.0 239.5 0.0 723.131 319.5 0.0 0.0 1.0 0.747775066192852 -0.09845570556755819 -0.6566116998816501 81892.6762252006 0.011300400114726957 0.9906883306299239 -0.13567952133959463 -407.39114366350054 0.663855971832387 0.09403778812205615 0.7419246208797685 46891.08104508135 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/91534757_514721391.jpg buckingham_palace/test/images/54235905_5885592660.jpg 0 0 527.291 0.0 249.5 0.0 527.291 187.0 0.0 0.0 1.0 955.39 0.0 213.0 0.0 955.39 319.5 0.0 0.0 1.0 0.7727236748692613 0.026558155674040598 0.6341867127776627 -75126.01789247047 -0.007423496991949231 0.9994340817419143 -0.03280865655748648 3159.2954316739383 -0.6346991523461764 0.020644142507985276 0.7724835308219556 65795.26415956327 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/34924995_12663040884.jpg buckingham_palace/test/images/91136231_4677075766.jpg 0 0 501.919 0.0 319.5 0.0 501.919 212.0 0.0 0.0 1.0 492.926 0.0 319.5 0.0 492.926 213.5 0.0 0.0 1.0 0.9999358717142784 -0.0011587143526588224 -0.011265426758681007 4000.1607851214067 0.002385181455383314 0.9939866949773383 0.10947493374034499 -10464.136448359668 0.011070834134389257 -0.10949478338750655 0.9939257160585453 -37395.30337960402 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/77141853_3913827430.jpg buckingham_palace/test/images/65005823_3953864220.jpg 0 0 534.162 0.0 319.5 0.0 534.162 213.0 0.0 0.0 1.0 626.087 0.0 319.5 0.0 626.087 179.0 0.0 0.0 1.0 0.8178064928456774 -0.00156702272276568 -0.5754911682200164 62664.949881035165 0.08664431381396782 0.9889329891219092 0.12043382377933778 1858.6657829627952 0.5689334786626286 -0.14835460042139664 0.8088915931017259 28193.619908484892 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/44140023_3726848652.jpg buckingham_palace/test/images/50104251_6186277165.jpg 0 0 667.066 0.0 319.5 0.0 667.066 212.0 0.0 0.0 1.0 756.898 0.0 319.5 0.0 756.898 213.0 0.0 0.0 1.0 0.6738347355879887 -0.043637680050551325 -0.7375923684494514 73180.7512848004 -0.014480138570920726 0.9972828815617304 -0.07223004728572867 1454.513644704586 0.7387401943187011 0.059351554518288586 0.6713719671495304 31779.80653229943 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/81310018_8608208863.jpg buckingham_palace/test/images/81394496_5045390386.jpg 0 0 559.102 0.0 319.5 0.0 559.102 239.5 0.0 0.0 1.0 672.414 0.0 319.5 0.0 672.414 239.5 0.0 0.0 1.0 0.9155926827715895 -0.08728530458763996 0.39251919043298533 -14864.410323151946 0.03392078683571412 0.9894424791012646 0.140900535025207 -1609.961100094582 -0.40067370699307103 -0.11569293908007725 0.908887080099307 -969.4059486529266 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/70570527_4281018485.jpg buckingham_palace/test/images/53946397_6373045583.jpg 0 0 986.13 0.0 319.5 0.0 986.13 239.5 0.0 0.0 1.0 518.644 0.0 319.5 0.0 518.644 213.5 0.0 0.0 1.0 0.9838720676227434 0.02427743383951866 0.17721839847463808 8360.087602474392 -0.058271101100880074 0.9802028547469886 0.18922695981900875 205.44984660602222 -0.16911603510087037 -0.19650183142154565 0.9658088821913678 -1415.8699135228126 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/64523389_2561024232.jpg buckingham_palace/test/images/65805167_10855307395.jpg 0 0 670.613 0.0 319.5 0.0 670.613 179.5 0.0 0.0 1.0 590.213 0.0 319.5 0.0 590.213 239.5 0.0 0.0 1.0 0.9976248335781026 0.032359217169295275 0.060807668039925454 24743.86536711508 -0.027188799584276883 0.9960937226646934 -0.08401228984594115 -1847.3608080786362 -0.06328870835646287 0.08215945917654756 0.9946076425718774 -42818.838836217175 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/31471983_2691474123.jpg buckingham_palace/test/images/33491680_3513928900.jpg 0 0 728.105 0.0 319.5 0.0 728.105 239.5 0.0 0.0 1.0 656.038 0.0 239.5 0.0 656.038 319.5 0.0 0.0 1.0 0.8960430097657948 0.06115452550286782 0.4397352028896195 -12507.506126887507 -0.10656201691532612 0.9911386653518423 0.07930121433816181 -7048.200126839911 -0.4309889339655874 -0.11791636890223692 0.8946196223782029 -33228.14514426213 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/52927333_9772228794.jpg buckingham_palace/test/images/84843004_4889485367.jpg 0 0 548.596 0.0 319.5 0.0 548.596 179.0 0.0 0.0 1.0 538.063 0.0 319.5 0.0 538.063 213.0 0.0 0.0 1.0 0.9973078865638652 -0.008974011678606113 -0.0727766893442464 118.95203515743879 0.015499214545426595 0.99585739695348 0.0895980986489874 1427.8251343895881 0.07167115002559635 -0.09048487192581468 0.9933155260070071 8059.005414234195 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/48728464_4071692457.jpg buckingham_palace/test/images/42080522_204096736.jpg 0 0 569.812 0.0 249.5 0.0 569.812 187.0 0.0 0.0 1.0 671.754 0.0 319.5 0.0 671.754 239.5 0.0 0.0 1.0 0.6674922388894575 0.004450905730048829 0.7446034518188334 -67353.78044008715 -0.05812349908991201 0.99724243195971 0.046143154992138065 4972.6870630633675 -0.7423447783044508 -0.07407915588926278 0.6659102858395042 50272.3679415383 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/65062872_13486503543.jpg buckingham_palace/test/images/80448535_2424346689.jpg 0 0 588.768 0.0 319.5 0.0 588.768 239.5 0.0 0.0 1.0 770.034 0.0 319.5 0.0 770.034 239.5 0.0 0.0 1.0 0.7705978253412843 0.05972952788560959 -0.6345166468090851 51825.5345804341 0.0060407445065031205 0.9948693852197326 0.10098720591400792 76.59791482541033 0.6372931044543713 -0.08165347421312379 0.7662833739314956 32489.114472665206 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/40580817_2599681870.jpg buckingham_palace/test/images/91136231_4677075766.jpg 0 0 725.526 0.0 319.5 0.0 725.526 235.0 0.0 0.0 1.0 492.926 0.0 319.5 0.0 492.926 213.5 0.0 0.0 1.0 0.8840274620857467 0.07048261676648683 0.462090518201772 -41878.41430813918 -0.13029405562847615 0.9865415234971578 0.09878907573102769 -9175.085204586107 -0.4489085712549017 -0.14753990358427016 0.8813132652492115 -29132.744075971495 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/74969573_235362322.jpg buckingham_palace/test/images/97483818_594151094.jpg 0 0 503.536 0.0 319.5 0.0 503.536 212.5 0.0 0.0 1.0 655.958 0.0 319.5 0.0 655.958 239.5 0.0 0.0 1.0 0.997585178334337 -0.024480291110392457 -0.06499636385829066 5652.381153766166 0.026140658539494908 0.9993501278779872 0.02481910315406381 2238.460456765705 0.06434654566307661 -0.0264582171999734 0.9975768064684688 9741.606439651274 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/48484647_7883607208.jpg buckingham_palace/test/images/90451561_2191844501.jpg 0 0 530.224 0.0 319.5 0.0 530.224 182.5 0.0 0.0 1.0 727.187 0.0 319.5 0.0 727.187 239.5 0.0 0.0 1.0 0.9983615354438263 0.007489448853884297 -0.056728764327373206 7621.186995418753 -0.010035310069655645 0.9989488543498107 -0.0447267139974132 -1647.106962201026 0.05633415569662396 0.04522272160170793 0.997387271000028 -8821.028041626882 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/48659678_6312182163.jpg buckingham_palace/test/images/62496239_2805675448.jpg 0 0 642.526 0.0 319.5 0.0 642.526 239.5 0.0 0.0 1.0 752.203 0.0 319.5 0.0 752.203 239.5 0.0 0.0 1.0 0.9992377296486451 -0.009893950642536705 -0.03776333390080868 25674.50595796547 0.006331079571654776 0.9956154370362743 -0.0933264108734798 -3980.3308110815815 0.03852112508842754 0.09301618824565562 0.9949191482960665 -32811.83602192287 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/37484866_5209954283.jpg buckingham_palace/test/images/92766299_2205106180.jpg 0 0 756.578 0.0 319.5 0.0 756.578 213.0 0.0 0.0 1.0 529.386 0.0 319.5 0.0 529.386 213.0 0.0 0.0 1.0 0.9208222899998509 0.005858691467253422 -0.3899384386973436 53731.914031254295 0.043108580695706764 0.992230389259406 0.11670691882030584 1402.1872241645692 0.3875925186453322 -0.12427602489788306 0.9134152993714024 -19994.197714963248 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/86758289_301058596.jpg buckingham_palace/test/images/16826010_408223455.jpg 0 0 681.584 0.0 319.5 0.0 681.584 213.0 0.0 0.0 1.0 761.316 0.0 319.5 0.0 761.316 239.5 0.0 0.0 1.0 0.7466753739600659 0.06902772019034255 0.6615973547157815 -45225.89672404502 -0.14623792139739186 0.9873025629651011 0.06203321294204421 -5227.968923671919 -0.6489147526963507 -0.14306929442709407 0.7472889807331349 -18484.314140063114 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/84030835_2661414475.jpg buckingham_palace/test/images/40698826_4043332345.jpg 0 0 520.103 0.0 249.5 0.0 520.103 140.0 0.0 0.0 1.0 664.744 0.0 319.5 0.0 664.744 239.5 0.0 0.0 1.0 0.9029031604622857 -0.056866234220628205 -0.42606585668506824 41660.97471260599 0.004409638208127706 0.9923836195866232 -0.12310689122476252 -1970.8650698415468 0.4298214023499644 0.10927480488070772 0.8962770660349361 52756.97037566918 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/73590053_4109923193.jpg buckingham_palace/test/images/44185683_144541432.jpg 0 0 847.053 0.0 319.5 0.0 847.053 212.5 0.0 0.0 1.0 406.156 0.0 249.5 0.0 406.156 187.0 0.0 0.0 1.0 0.8708573080372829 0.060181049557640406 0.4878378729785111 -79166.84818476535 0.034798752452154275 0.982437780483463 -0.1833168140310658 4199.629566951862 -0.4903025554347344 0.1766189365636298 0.8534688953800845 -33417.055090180096 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/67629930_160884597.jpg buckingham_palace/test/images/40526132_6338472744.jpg 0 0 686.526 0.0 319.5 0.0 686.526 213.0 0.0 0.0 1.0 622.524 0.0 319.5 0.0 622.524 239.5 0.0 0.0 1.0 0.9605165705202394 -0.008879645851746032 0.2780810486990902 -36629.21308964622 0.01858358619751639 0.9993060965875046 -0.032279647567537796 -1172.2967961670527 -0.27760145547182863 0.03617287951756868 0.9600150804582863 -42571.87897743818 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/22458636_3472229736.jpg buckingham_palace/test/images/24967538_249111453.jpg 0 0 1016.97 0.0 249.5 0.0 1016.97 187.0 0.0 0.0 1.0 1172.73 0.0 319.5 0.0 1172.73 239.5 0.0 0.0 1.0 0.8546016293628429 -0.06730397992227855 -0.5149040972618065 84196.60483853763 0.029563319673858283 0.996262867833296 -0.08115607374952138 -4984.211122919268 0.5184419593553706 0.054133838430301805 0.8533975991977982 -46806.9665368638 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/15885029_599614928.jpg buckingham_palace/test/images/66460486_3000292784.jpg 0 0 433.441 0.0 319.5 0.0 433.441 239.5 0.0 0.0 1.0 634.978 0.0 319.5 0.0 634.978 239.5 0.0 0.0 1.0 0.9309159906616105 -0.02871631381783833 -0.36410272129061033 35559.445053075964 0.04021815925702898 0.9989015584668468 0.024045293894669913 2308.2882872730556 0.3630122835338891 -0.037027689817489606 0.9310483511559919 48376.47537550542 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/37738135_1526579232.jpg buckingham_palace/test/images/49071313_2710217481.jpg 0 0 526.293 0.0 319.5 0.0 526.293 213.5 0.0 0.0 1.0 527.855 0.0 319.5 0.0 527.855 239.5 0.0 0.0 1.0 0.7073940823016851 -0.048989209492604054 -0.7051196137378724 61802.36416141561 0.03211603802998434 0.9987926375905842 -0.037172936339497364 -1386.421689291483 0.7060893515878943 0.0036502668578443287 0.7081133405931945 50819.03475061947 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/22496504_4546656558.jpg buckingham_palace/test/images/87292117_4922805851.jpg 0 0 835.668 0.0 319.5 0.0 835.668 213.0 0.0 0.0 1.0 721.2 0.0 319.5 0.0 721.2 239.0 0.0 0.0 1.0 0.339147077136115 0.09077391155458665 0.936343610567782 -89916.71054943034 -0.1815820171324978 0.982932598169857 -0.029520814845591506 10776.33339554349 -0.923042377750948 -0.16001126346646502 0.34984162765420296 65213.43864445612 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/63914563_273289734.jpg buckingham_palace/test/images/34376995_1253071592.jpg 0 0 699.454 0.0 319.5 0.0 699.454 212.5 0.0 0.0 1.0 536.63 0.0 319.5 0.0 536.63 239.5 0.0 0.0 1.0 0.9458147429641698 0.02289229539319418 0.32389877246333054 -26027.96150514189 0.0025286893804539715 0.9969621407219753 -0.07784661647800338 2021.4302174536751 -0.3246969013120373 0.07444751694104315 0.9428836033677084 10174.344093899843 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/54122468_53118210.jpg buckingham_palace/test/images/72721744_6254882589.jpg 0 0 475.674 0.0 239.5 0.0 475.674 159.5 0.0 0.0 1.0 292.816 0.0 319.5 0.0 292.816 187.0 0.0 0.0 1.0 0.8430663720354226 0.09360250487617558 0.529601419393808 -25630.50503729983 -0.2002790288671105 0.9685510305943488 0.14763878802900018 640.0865754678271 -0.4991266401817056 -0.23053735535815115 0.8352994222704765 -4046.6400693065953 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/11993356_3855314871.jpg buckingham_palace/test/images/16210476_4152300283.jpg 0 0 726.941 0.0 319.5 0.0 726.941 239.5 0.0 0.0 1.0 723.131 0.0 239.5 0.0 723.131 319.5 0.0 0.0 1.0 0.8940089243646898 0.03734977751318806 0.4464896832805945 -60411.38215859451 0.019255238561531024 0.9923959732381541 -0.12157083568288529 -2022.6814130433609 -0.4476352074448888 0.11728267740980299 0.8864916777022555 37350.21239312667 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/87785947_1573426398.jpg buckingham_palace/test/images/95871367_5793063419.jpg 0 0 660.277 0.0 319.5 0.0 660.277 239.5 0.0 0.0 1.0 667.829 0.0 319.5 0.0 667.829 239.5 0.0 0.0 1.0 0.6710651620356703 -0.18968755909458182 -0.7167218276477835 37036.99648832605 0.14447631809046016 0.9816411351218842 -0.12452821105132292 20964.154496829433 0.7271850808515419 -0.019982786626448968 0.6861505275269982 93336.20704638521 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/95099681_7121588727.jpg buckingham_palace/test/images/44579495_1325305773.jpg 0 0 544.463 0.0 319.5 0.0 544.463 240.0 0.0 0.0 1.0 1027.15 0.0 213.0 0.0 1027.15 319.5 0.0 0.0 1.0 0.9976395502967272 0.007142819470124434 -0.06829573788869492 3136.027772049868 -0.014102896714003147 0.9946865648230198 -0.10197914524477392 -280.9208811269224 0.06720443428835829 0.10270159633909175 0.9924393916614678 -3702.051932730221 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/15676476_3064491824.jpg buckingham_palace/test/images/06301377_3135673857.jpg 0 0 571.819 0.0 249.5 0.0 571.819 187.0 0.0 0.0 1.0 498.489 0.0 249.5 0.0 498.489 187.0 0.0 0.0 1.0 0.9967811820251942 0.01174539346123747 0.07930523874813 -20008.235379041158 -0.008083660326179918 0.9988931641315594 -0.046336822150131775 3164.6133870314848 -0.079761705073225 0.045546595741973075 0.9957728546310797 -10784.382209853778 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/13281945_9328537386.jpg buckingham_palace/test/images/56337910_5339349187.jpg 0 0 480.216 0.0 319.5 0.0 480.216 211.5 0.0 0.0 1.0 489.79 0.0 319.5 0.0 489.79 239.5 0.0 0.0 1.0 0.9802700654876707 -0.012389782913187186 -0.1972741543846073 20992.363430062283 0.0141446664441256 0.9998719130237623 0.0074890558407682845 -2559.924736986655 0.19715609835859052 -0.01013167437128796 0.9803197550057082 -2575.563187747873 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/38329625_8740352627.jpg buckingham_palace/test/images/38494630_2754668056.jpg 0 0 523.576 0.0 319.5 0.0 523.576 239.5 0.0 0.0 1.0 782.467 0.0 249.5 0.0 782.467 187.0 0.0 0.0 1.0 0.9967025652761365 -0.008420080348949808 -0.08070377078480247 37302.58012875108 0.00481032232725101 0.998983543096506 -0.04481898505610007 2228.8768503369342 0.08099911833518104 0.04428298622798831 0.9957299633734313 69562.02600940215 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/15885029_599614928.jpg buckingham_palace/test/images/67361631_6199942663.jpg 0 0 433.441 0.0 319.5 0.0 433.441 239.5 0.0 0.0 1.0 507.066 0.0 319.5 0.0 507.066 212.5 0.0 0.0 1.0 0.9113639773062022 -0.01878250993009617 0.4111726136178648 -16317.718012923087 -0.10112981121873307 0.9581184130544987 0.2679213837094615 -4209.09045728694 -0.3989842881010271 -0.2857557066563237 0.8712951359682102 -5065.258973735721 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/40526132_6338472744.jpg buckingham_palace/test/images/83626729_2399731869.jpg 0 0 622.524 0.0 319.5 0.0 622.524 239.5 0.0 0.0 1.0 900.714 0.0 319.5 0.0 900.714 213.0 0.0 0.0 1.0 0.9349515613128534 -0.023072893739409638 0.35402432059556016 -26577.028563596705 0.02293019351171201 0.9997264928413863 0.004598449366648928 267.5165199638979 -0.3540335919431566 0.003818518764142056 0.9352249112861966 51392.28954186715 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/64944499_5112796042.jpg buckingham_palace/test/images/93206568_5039285632.jpg 0 0 855.12 0.0 319.5 0.0 855.12 213.0 0.0 0.0 1.0 801.943 0.0 319.5 0.0 801.943 212.0 0.0 0.0 1.0 0.7086710726419818 0.10444859366906153 0.6977648615981016 -51894.77480721429 0.0065963384604204 0.987957160300816 -0.15458699081508598 2575.7221156192068 -0.7055081850123202 0.11415402179031267 0.6994476822391497 65264.40270448837 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/64569789_11614065733.jpg buckingham_palace/test/images/63307507_3556599632.jpg 0 0 549.862 0.0 319.5 0.0 549.862 239.5 0.0 0.0 1.0 1617.87 0.0 319.5 0.0 1617.87 213.5 0.0 0.0 1.0 0.9991371304335457 0.0029999794628367228 -0.04142456653053332 21514.88485244276 -0.005147853742392741 0.9986420641692484 -0.05184136643289584 260.0180299138476 0.041212791592744116 0.05200988170535869 0.9977958097798004 86634.91609030259 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/35654194_9287834913.jpg buckingham_palace/test/images/21622015_377333223.jpg 0 0 541.361 0.0 319.5 0.0 541.361 213.0 0.0 0.0 1.0 671.989 0.0 319.5 0.0 671.989 239.5 0.0 0.0 1.0 0.19780368850679667 -0.06272539869276536 -0.9782327050206098 54171.467399296205 0.014561552070729544 0.9980284672719384 -0.06105030479954102 -1289.6459915766354 0.9801334919358676 -0.0021686109976348272 0.19832709122039613 57108.99007575986 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/87785947_1573426398.jpg buckingham_palace/test/images/64429111_220275393.jpg 0 0 660.277 0.0 319.5 0.0 660.277 239.5 0.0 0.0 1.0 679.846 0.0 319.5 0.0 679.846 239.5 0.0 0.0 1.0 0.9385194576050283 -0.10040201227912847 -0.3303038958702505 11837.15668334841 0.06361888358597563 0.9906881866213144 -0.12037256556311311 3317.202393633601 0.33931381543939176 0.0919584298434549 0.9361676034945284 15865.437606106974 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88817343_6780061632.jpg buckingham_palace/test/images/67361631_6199942663.jpg 0 0 716.556 0.0 319.5 0.0 716.556 213.0 0.0 0.0 1.0 507.066 0.0 319.5 0.0 507.066 212.5 0.0 0.0 1.0 0.42128832645352066 0.030727343598308757 0.9064060769596501 -46725.178268102754 -0.2548833075347806 0.9631563304917855 0.08581598087610907 7902.536682724862 -0.8703738538893055 -0.2671810498313638 0.41359840555409294 30304.72540249485 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/29436220_2235567230.jpg buckingham_palace/test/images/80396877_5553830938.jpg 0 0 737.798 0.0 319.5 0.0 737.798 213.0 0.0 0.0 1.0 628.545 0.0 319.5 0.0 628.545 191.0 0.0 0.0 1.0 0.9514450551194163 0.016329252674621368 0.3073852023046969 -64198.44799733515 0.025319426829731508 0.9910565007985888 -0.13101884921594606 1396.6765196881674 -0.3067755428873445 0.13244005335224426 0.9425223597104897 -12567.030832369059 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/08460254_3187461223.jpg buckingham_palace/test/images/35090949_260308535.jpg 0 0 732.252 0.0 319.5 0.0 732.252 239.5 0.0 0.0 1.0 724.592 0.0 319.5 0.0 724.592 239.5 0.0 0.0 1.0 0.9017074098145532 0.05697494793333503 0.42857625038436675 -31663.62527826776 8.57575219354142e-05 0.9912553098683011 -0.13195796036444984 4243.577851797229 -0.43234678179810376 0.11902422428183289 0.8938173718959208 25861.020621929183 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/82739196_8119743979.jpg buckingham_palace/test/images/37946480_5143153071.jpg 0 0 681.143 0.0 319.5 0.0 681.143 221.0 0.0 0.0 1.0 936.404 0.0 319.5 0.0 936.404 239.5 0.0 0.0 1.0 0.6828035114571309 -0.06818031557398932 -0.7274137813583428 31436.01731922551 0.06066429073974315 0.997488800682082 -0.03655046296376664 3367.652225532053 0.7280791224659964 -0.01917125666337477 0.6852249662315957 66080.16001591293 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88100674_4580463979.jpg buckingham_palace/test/images/84457371_9304536157.jpg 0 0 396.465 0.0 249.5 0.0 396.465 166.0 0.0 0.0 1.0 498.178 0.0 319.5 0.0 498.178 239.5 0.0 0.0 1.0 0.7560176696418658 0.12059147757500965 0.6433467018066995 -33756.16180423148 0.03714658251807628 0.9733934892563457 -0.22610892614088396 -481.00731028580674 -0.6534963003694131 0.19484047477265065 0.7314231161194302 38299.96102997204 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/91136231_4677075766.jpg buckingham_palace/test/images/88975383_10138413065.jpg 0 0 492.926 0.0 319.5 0.0 492.926 213.5 0.0 0.0 1.0 818.871 0.0 319.5 0.0 818.871 180.0 0.0 0.0 1.0 0.947356527589874 -0.0955821815585984 -0.3055808505148118 26884.764107729286 0.026551524765377053 0.9745667937522391 -0.22251872066887793 7329.095039625381 0.31907777447746194 0.20269092501634023 0.9258000662942999 129080.06911053736 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/72406227_262180777.jpg buckingham_palace/test/images/81888816_2734302.jpg 0 0 895.882 0.0 319.5 0.0 895.882 239.5 0.0 0.0 1.0 669.636 0.0 319.5 0.0 669.636 239.5 0.0 0.0 1.0 0.9143269786097209 0.0034035015357847813 -0.40496245796828495 62552.849803375444 0.04841046607923072 0.9918759003460087 0.11763768565721677 -14876.031351685577 0.40207288264742586 -0.12716373103243866 0.9067341300235142 -83303.8700734338 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/72807922_9586802730.jpg buckingham_palace/test/images/46081654_9210533871.jpg 0 0 604.967 0.0 319.5 0.0 604.967 213.0 0.0 0.0 1.0 915.01 0.0 319.5 0.0 915.01 213.0 0.0 0.0 1.0 0.5787022687568769 -0.08757737541813264 -0.8108229692420625 95424.62528117248 0.11560967167062135 0.9929865796003265 -0.024739776673507748 10698.996451005329 0.8073029715985534 -0.07942201236757578 0.5847683780777054 88555.32568748508 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/15064245_12177287034.jpg buckingham_palace/test/images/66118214_3789268806.jpg 0 0 604.78 0.0 319.5 0.0 604.78 239.5 0.0 0.0 1.0 872.296 0.0 319.5 0.0 872.296 239.5 0.0 0.0 1.0 0.9995514258172251 0.017486599884845085 -0.024313904894523362 -1198.606073623383 -0.015498737195427197 0.9967006908400079 0.07967133753363174 1848.4349515426072 0.02562686660713074 -0.07925876420635217 0.9965246168582 30333.88075950619 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/51262215_3370618807.jpg buckingham_palace/test/images/63307507_3556599632.jpg 0 0 821.974 0.0 319.5 0.0 821.974 213.0 0.0 0.0 1.0 1617.87 0.0 319.5 0.0 1617.87 213.5 0.0 0.0 1.0 0.6231999306328401 0.10395023133710804 0.775123342355386 -84236.25390650338 -0.0075583088150051134 0.9918813033821469 -0.12694231748629253 4361.117230466749 -0.7820260343665549 0.07325182186058853 0.618926047413602 95851.3361374706 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/05108322_3880700444.jpg buckingham_palace/test/images/47561034_5631016960.jpg 0 0 525.813 0.0 319.5 0.0 525.813 213.0 0.0 0.0 1.0 705.387 0.0 319.5 0.0 705.387 239.5 0.0 0.0 1.0 0.9946226725697107 0.01877390915929585 -0.10184929820654082 4933.627864221817 -0.00908433259998038 0.9954569254100358 0.09477860810547428 3019.0512903926265 0.10316595422666971 -0.0933437195963212 0.9902745760143619 13961.50882671582 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/29436220_2235567230.jpg buckingham_palace/test/images/66580194_6996358425.jpg 0 0 737.798 0.0 319.5 0.0 737.798 213.0 0.0 0.0 1.0 729.144 0.0 319.5 0.0 729.144 239.5 0.0 0.0 1.0 0.9898263785770332 -0.001734320850062258 -0.14226992796886156 17640.732179283543 -0.01146234992425539 0.9957035647961833 -0.09188593791427903 -109.36603650218672 0.14181803413984417 0.09258187286592262 0.9855537742859838 9185.706760574438 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/19454938_7173253342.jpg notre_dame_front_facade/test/images/58525912_2163151497.jpg 0 0 353.538 0.0 319.5 0.0 353.538 211.5 0.0 0.0 1.0 672.919 0.0 239.5 0.0 672.919 319.5 0.0 0.0 1.0 0.9979760360664431 -0.008092662569242738 -0.06307408540478487 0.1804675016373502 -0.011631108958813467 0.9519076212800891 -0.30616433145170685 0.7420037511854227 0.06251838722726243 0.3062782874469276 0.9498868679464305 2.0064519433741284 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/82029482_2765362893.jpg notre_dame_front_facade/test/images/00504662_7553416128.jpg 0 0 686.558 0.0 212.5 0.0 686.558 319.5 0.0 0.0 1.0 647.636 0.0 239.5 0.0 647.636 319.5 0.0 0.0 1.0 0.9412942740447555 -0.026359750322547653 -0.3365564636335033 0.8603261471699869 0.10751710913647466 0.9684415417012812 0.22485784742850595 -0.599725351467738 0.3200080637944801 -0.24784298228955123 0.9144226021027306 -1.4605955984709134 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/99737831_307230759.jpg notre_dame_front_facade/test/images/98283507_7198318944.jpg 0 0 677.829 0.0 213.0 0.0 677.829 319.5 0.0 0.0 1.0 733.699 0.0 239.5 0.0 733.699 319.5 0.0 0.0 1.0 0.9991904319254707 -0.04010742017552104 -0.003142546014904282 0.14033499624629625 0.04002456200043387 0.9989326699018879 -0.023055486101128324 -0.06527948478508717 0.004063887949366702 0.022911042087825347 0.9997292478292235 -0.3074811672212078 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/67143278_8608643015.jpg notre_dame_front_facade/test/images/89754598_4524545386.jpg 0 0 725.024 0.0 319.5 0.0 725.024 239.0 0.0 0.0 1.0 499.552 0.0 212.5 0.0 499.552 319.5 0.0 0.0 1.0 0.9956692796885599 -0.012942519811192862 0.09206072270735745 -0.11959037473695877 -0.005454240380454348 0.9804236389429247 0.19682413333680812 0.05242090863829296 -0.0928059090054954 -0.19647386437602912 0.9761071067617597 0.5456130089864039 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/68906626_8236091211.jpg notre_dame_front_facade/test/images/65265933_1398358926.jpg 0 0 595.075 0.0 319.5 0.0 595.075 239.5 0.0 0.0 1.0 902.934 0.0 319.5 0.0 902.934 239.5 0.0 0.0 1.0 0.9851934773430219 0.080739535927068 0.1512446347446626 -0.15621427331382987 -0.0037822866122232887 0.8921901991309045 -0.4516440444451138 0.6294849713156883 -0.17140451134304405 0.4443847161109827 0.8792853447989529 1.894604464255594 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/66842228_181918175.jpg notre_dame_front_facade/test/images/66532758_5458132477.jpg 0 0 658.953 0.0 239.5 0.0 658.953 319.5 0.0 0.0 1.0 748.109 0.0 228.0 0.0 748.109 319.5 0.0 0.0 1.0 0.986159531265074 0.038281084245283856 0.16131936487618168 -0.2726109269463654 -0.023956586163226323 0.9956695210478187 -0.08982364296670874 0.21830324157415093 -0.16405932120563305 0.08471578038011768 0.9828060722645817 0.8082031162907874 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/84092770_8200390352.jpg notre_dame_front_facade/test/images/80810945_5469108219.jpg 0 0 499.749 0.0 319.5 0.0 499.749 212.5 0.0 0.0 1.0 470.538 0.0 239.5 0.0 470.538 319.5 0.0 0.0 1.0 0.9992472134801672 0.013306839205782897 0.03644083399803337 -0.01907568558695097 -0.009391041862808574 0.9943651238858583 -0.10559265472651105 0.09243391302715803 -0.03764059889071589 0.10517094860184838 0.9937415443088488 0.48907046670211307 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/72214550_1126054905.jpg notre_dame_front_facade/test/images/88697814_397500572.jpg 0 0 431.766 0.0 319.5 0.0 431.766 239.5 0.0 0.0 1.0 534.268 0.0 183.0 0.0 534.268 249.5 0.0 0.0 1.0 0.9784805775994582 0.16344066435023313 0.1259480388786794 -0.28415514978814677 -0.07626297453703111 0.8536321946264981 -0.5152630735963061 0.47320435688578233 -0.19172823990063392 0.49456973778619207 0.8477269940792863 1.4040689228503482 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/86709056_2624498473.jpg notre_dame_front_facade/test/images/66708604_3288303413.jpg 0 0 528.258 0.0 239.5 0.0 528.258 319.5 0.0 0.0 1.0 740.97 0.0 319.5 0.0 740.97 239.5 0.0 0.0 1.0 0.99402847987022 0.02553812760057331 0.10609045784403351 -0.34085452075286005 -0.029721472081672116 0.998834132701867 0.03803957737683027 0.03625094920676209 -0.1049953108676678 -0.04096558785573947 0.993628605318625 0.1521445651484461 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/48230605_9403570019.jpg notre_dame_front_facade/test/images/75437734_2225459366.jpg 0 0 450.656 0.0 179.5 0.0 450.656 319.5 0.0 0.0 1.0 740.607 0.0 319.5 0.0 740.607 239.5 0.0 0.0 1.0 0.9990669313397346 0.043177047242615105 -0.001004636658217177 0.04731054855950215 -0.03666767244934867 0.8602792884206396 0.5085027312725328 -0.41813605344326277 0.02281991456060533 -0.5079914256224088 0.8610597906031612 -0.1801443870460403 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/70950675_2625630826.jpg notre_dame_front_facade/test/images/90054575_2232251410.jpg 0 0 511.931 0.0 319.5 0.0 511.931 239.5 0.0 0.0 1.0 712.891 0.0 319.5 0.0 712.891 239.5 0.0 0.0 1.0 0.9957366329193167 0.08933136501061031 0.02298836853374081 0.12825170183164114 -0.0635985338997095 0.8453854386142998 -0.5303571312471578 0.2873970512841346 -0.06681155849334369 0.5266339975773008 0.8474625940107575 1.843756801216965 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/20281279_9286833193.jpg notre_dame_front_facade/test/images/90054575_2232251410.jpg 0 0 729.434 0.0 239.5 0.0 729.434 319.5 0.0 0.0 1.0 712.891 0.0 319.5 0.0 712.891 239.5 0.0 0.0 1.0 0.9969018933890412 0.007663528010535474 0.07828081052069077 0.03187352397183635 -0.0002178338393972943 0.9955073552988577 -0.09468399069690821 0.055987179803746276 -0.07865473606695889 0.09437359738987133 0.992424836755878 0.4439546285559111 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/46129623_985747637.jpg notre_dame_front_facade/test/images/29281983_5767482367.jpg 0 0 663.962 0.0 319.5 0.0 663.962 239.5 0.0 0.0 1.0 664.297 0.0 239.5 0.0 664.297 319.5 0.0 0.0 1.0 0.7343506394498283 0.41903984839923547 0.5339800968137053 -0.4380370171115633 -0.023379738253048798 0.8018360478583973 -0.5970865433034352 0.145628993422938 -0.678367545051241 0.425986569985923 0.5986258564519085 0.3827722054589785 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/02864341_2175867632.jpg notre_dame_front_facade/test/images/94185952_3045662541.jpg 0 0 725.615 0.0 240.0 0.0 725.615 319.5 0.0 0.0 1.0 640.582 0.0 239.5 0.0 640.582 319.5 0.0 0.0 1.0 0.9508634145969611 -0.041605135551079205 -0.3068025089153994 0.36151549930560156 0.1267691847305058 0.9563765190481766 0.26319864668355675 -0.2513952344808633 0.28246830013962687 -0.28915906783130485 0.9146576916569173 -0.39790326086241545 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/64910807_2663494883.jpg notre_dame_front_facade/test/images/40557752_4654011030.jpg 0 0 744.149 0.0 239.5 0.0 744.149 319.5 0.0 0.0 1.0 524.982 0.0 239.5 0.0 524.982 319.5 0.0 0.0 1.0 0.9762914338007503 0.0252150092720484 -0.2149866032911955 0.6887204235970532 0.06595559351155544 0.9113115250976483 0.40640025087189174 -1.1412475562089104 0.20616715541476005 -0.41094465263780783 0.8880425645747945 -1.2833059797496014 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/06852016_2679741155.jpg notre_dame_front_facade/test/images/89267134_4172331604.jpg 0 0 882.112 0.0 213.0 0.0 882.112 319.5 0.0 0.0 1.0 278.458 0.0 319.5 0.0 278.458 221.0 0.0 0.0 1.0 0.9960558733125241 0.028950089209620194 0.0838724601664952 -0.0370358634126563 -0.008682993548143189 0.9725404225073694 -0.2325719936110752 -0.06498033146169976 -0.08830233780975563 0.23092643617382158 0.9689559733101343 -0.7520809005529531 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/87346419_3926882707.jpg notre_dame_front_facade/test/images/27925422_3744130638.jpg 0 0 634.076 0.0 212.5 0.0 634.076 319.5 0.0 0.0 1.0 876.403 0.0 239.5 0.0 876.403 319.5 0.0 0.0 1.0 0.976438708638534 -0.04833323633329933 -0.21031249734112703 0.5212962638052598 0.051913789374202504 0.9985849589489838 0.011534220115247133 0.12100123547669883 0.20945741033709714 -0.02218057768421426 0.9775661692327897 0.6978847570426319 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/66708604_3288303413.jpg notre_dame_front_facade/test/images/88494215_13093430663.jpg 0 0 740.97 0.0 319.5 0.0 740.97 239.5 0.0 0.0 1.0 527.97 0.0 239.5 0.0 527.97 319.5 0.0 0.0 1.0 0.9830114714379664 0.04409889908406435 0.17816771346385343 -0.42398215280406876 -0.10695688657337811 0.9264905323405039 0.36079844497716346 -1.2054154191167568 -0.14915988547828077 -0.3737252742095231 0.9154675024167286 -1.7151772173806994 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/61417692_9303851232.jpg notre_dame_front_facade/test/images/72214550_1126054905.jpg 0 0 643.682 0.0 289.0 0.0 643.682 319.5 0.0 0.0 1.0 431.766 0.0 319.5 0.0 431.766 239.5 0.0 0.0 1.0 0.9347629386855579 -0.19703229755995288 -0.29562902796949114 0.6254334644625246 0.25486783035751553 0.9516213242349804 0.17163695496633313 -0.40714231796868827 0.2475088634954164 -0.23578619336065582 0.939757539747194 -0.3307030223280323 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/74454771_4611697867.jpg notre_dame_front_facade/test/images/79392901_158654812.jpg 0 0 515.145 0.0 319.5 0.0 515.145 239.5 0.0 0.0 1.0 506.813 0.0 249.5 0.0 506.813 187.0 0.0 0.0 1.0 0.9597799241024882 -0.1971552795579582 -0.19988069699759742 0.3604863433223994 0.08241637263141365 0.8784306833478929 -0.47070912045044766 0.45089089079145583 0.2683841254845412 0.4353037218946989 0.8593489575792366 1.5049816653021082 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/68856645_2061608134.jpg notre_dame_front_facade/test/images/04364411_6931256047.jpg 0 0 845.996 0.0 213.0 0.0 845.996 319.5 0.0 0.0 1.0 648.753 0.0 239.5 0.0 648.753 319.5 0.0 0.0 1.0 0.9999891682241785 0.004482676102607167 -0.0012526169704711572 -0.2469489098506591 -0.004468137188460479 0.9999252846307042 0.011378088867221876 -0.15016920607456752 0.0013035276677900553 -0.011372368757845329 0.9999344828759806 -0.48933387188192323 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/91197547_4558095525.jpg notre_dame_front_facade/test/images/61608835_3806465422.jpg 0 0 730.902 0.0 239.5 0.0 730.902 319.5 0.0 0.0 1.0 577.89 0.0 213.0 0.0 577.89 319.5 0.0 0.0 1.0 0.990289752836804 0.03051443597068242 0.13562844326988743 -0.3398807412910803 -0.012630222887308112 0.9913263885951625 -0.13081463505544777 0.201203613103555 -0.13844378966294904 0.12783137514813883 0.9820857684700949 0.6035173111371491 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/02670240_5196986488.jpg notre_dame_front_facade/test/images/32485075_5873194828.jpg 0 0 705.055 0.0 237.5 0.0 705.055 319.5 0.0 0.0 1.0 1688.87 0.0 239.5 0.0 1688.87 319.5 0.0 0.0 1.0 0.9984564677732389 -0.006622060476477706 0.05514372382087452 -0.5246717220673909 -0.007288278849872945 0.9686587431228162 0.24828838145014467 0.20389662774528583 -0.05505963088500962 -0.24830704316787297 0.967115323712759 0.4902232054677728 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/92639314_4796735674.jpg notre_dame_front_facade/test/images/45459434_6823683093.jpg 0 0 502.277 0.0 239.5 0.0 502.277 319.5 0.0 0.0 1.0 722.12 0.0 319.5 0.0 722.12 319.5 0.0 0.0 1.0 0.9864429335109688 0.014745928303305744 0.1634408043444105 -0.29991311681186344 -0.042898698635924305 0.9844941311454839 0.1700911737728996 -0.007843074438189893 -0.15839836041328914 -0.17479663423124697 0.9717798598858743 -0.13030249691956566 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/29281983_5767482367.jpg notre_dame_front_facade/test/images/86821962_2883156666.jpg 0 0 664.297 0.0 239.5 0.0 664.297 319.5 0.0 0.0 1.0 732.355 0.0 319.5 0.0 732.355 239.5 0.0 0.0 1.0 0.7346133399731373 -0.17661123121474204 -0.6550967209064054 0.460480373536871 0.3864245077051842 0.9025367378741592 0.1900093066991133 0.36448612509075173 0.5576910798805356 -0.3927287992957541 0.7312624355355589 0.45165827365674094 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/48315441_8654343906.jpg notre_dame_front_facade/test/images/66556628_3153467175.jpg 0 0 311.727 0.0 213.0 0.0 311.727 319.5 0.0 0.0 1.0 659.486 0.0 319.5 0.0 659.486 239.5 0.0 0.0 1.0 0.9458792567021342 0.12406308388513194 0.2998679425305891 0.09537838022721756 -0.14353410160869395 0.9886796145337172 0.04371019881955695 0.32229286495666665 -0.29105049976937525 -0.0843858461021206 0.9529788221999617 1.5805221473248576 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/55678768_1001564500.jpg notre_dame_front_facade/test/images/28398273_5904550418.jpg 0 0 672.4 0.0 319.5 0.0 672.4 239.5 0.0 0.0 1.0 432.411 0.0 239.5 0.0 432.411 319.5 0.0 0.0 1.0 0.9861697271039467 -0.03044073803842525 0.16291909283875522 -0.2789497227116872 0.09791063887934767 0.9001277289586591 -0.4244803627424535 0.20726707316230109 -0.1337264975162549 0.43456119595219583 0.8906591889351574 0.2973872518118814 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/06852016_2679741155.jpg notre_dame_front_facade/test/images/00504662_7553416128.jpg 0 0 882.112 0.0 213.0 0.0 882.112 319.5 0.0 0.0 1.0 647.636 0.0 239.5 0.0 647.636 319.5 0.0 0.0 1.0 0.8919377823196338 -0.08002519344271798 -0.445020180312297 1.2831948045401835 0.14392663193197688 0.9832695561751719 0.11165171077864278 -0.5302902200045425 0.428639845431396 -0.16363663499820572 0.8885330239192086 -1.309357869454986 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/75437734_2225459366.jpg notre_dame_front_facade/test/images/57706804_4859293655.jpg 0 0 740.607 0.0 319.5 0.0 740.607 239.5 0.0 0.0 1.0 639.797 0.0 239.5 0.0 639.797 319.5 0.0 0.0 1.0 0.9317715669037692 -0.22138692686793243 -0.2877317773928828 0.3914019371133282 0.2090277156206659 0.9751511629090127 -0.07340043310230474 -0.06708073745001975 0.2968318736458414 0.008248520423241585 0.9548941306232469 -0.02282444135736683 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/47488321_414904806.jpg notre_dame_front_facade/test/images/37313008_126874366.jpg 0 0 559.625 0.0 249.5 0.0 559.625 187.0 0.0 0.0 1.0 400.148 0.0 166.0 0.0 400.148 249.5 0.0 0.0 1.0 0.9601746330048585 0.06022684476954081 0.27283218524047137 -0.25189254514253123 0.06736170973189864 0.8977866873221526 -0.43524873822805143 0.03703259829508887 -0.27115876197530603 0.43629323996163527 0.8579750197807617 1.1769693628510665 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/63136592_197609530.jpg notre_dame_front_facade/test/images/29443215_4125074438.jpg 0 0 889.805 0.0 259.5 0.0 889.805 319.5 0.0 0.0 1.0 532.032 0.0 319.5 0.0 532.032 213.0 0.0 0.0 1.0 0.9818059445836345 -0.0336086062776726 -0.18688913495521764 0.6957612870482927 0.04685130837836659 0.9966592054281036 0.06689830445277664 -0.3154393649099488 0.18401641797261561 -0.074437153488655 0.9801005397901961 -0.9108320483209834 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/33325174_3149906599.jpg notre_dame_front_facade/test/images/56381788_7846730740.jpg 0 0 796.707 0.0 239.5 0.0 796.707 319.5 0.0 0.0 1.0 665.593 0.0 213.5 0.0 665.593 319.5 0.0 0.0 1.0 0.9764705366789702 0.19616353466238215 -0.08958324992231677 0.2962414609254752 -0.17388079616535462 0.9619005293894521 0.21098066329688595 -0.508079530162008 0.12755688818243516 -0.19043959469882296 0.973376597750409 -0.8098947274252184 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/41649063_2788519393.jpg notre_dame_front_facade/test/images/66790349_9649911334.jpg 0 0 395.918 0.0 167.0 0.0 395.918 249.5 0.0 0.0 1.0 596.021 0.0 239.5 0.0 596.021 319.5 0.0 0.0 1.0 0.9952884218519411 0.024857861278323436 0.09371789615724217 -0.23883291617387994 -0.022748290989593373 0.9994647199514879 -0.02351146165908746 0.1590161501550564 -0.09425217548961287 0.021268763597388142 0.9953211376789471 0.24786007533341115 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/90793558_9763268725.jpg notre_dame_front_facade/test/images/04747376_6924913614.jpg 0 0 1558.15 0.0 239.5 0.0 1558.15 319.5 0.0 0.0 1.0 1060.77 0.0 213.0 0.0 1060.77 319.5 0.0 0.0 1.0 0.7868198572886166 -0.10759788769614548 -0.6077311961218121 2.7524441381558664 0.006748122032810061 0.9861269609529866 -0.16585559903318783 -0.011904502528400465 0.6171458296264759 0.12639743448723523 0.7766303583621323 -0.7185436613656828 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/70336114_5249999416.jpg notre_dame_front_facade/test/images/27459823_3045826276.jpg 0 0 678.309 0.0 239.5 0.0 678.309 319.5 0.0 0.0 1.0 442.162 0.0 249.5 0.0 442.162 165.5 0.0 0.0 1.0 0.9273172662777918 0.038511559991575524 0.3722896015336693 -0.7863205694159694 -0.05014848497503908 0.998507706222511 0.021621518655442342 0.24602443239589575 -0.37090135766506876 -0.038719767061213585 0.9278647328791704 1.4038679768296078 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/55721528_5595678955.jpg notre_dame_front_facade/test/images/66556628_3153467175.jpg 0 0 791.388 0.0 319.5 0.0 791.388 212.0 0.0 0.0 1.0 659.486 0.0 319.5 0.0 659.486 239.5 0.0 0.0 1.0 0.9054445324206561 0.3569743170539606 0.22965089957019086 0.1147956277382175 -0.1671202248381441 0.7971464639960908 -0.5801968160793174 0.5238302204449349 -0.3901807647226958 0.48695672487643865 0.7814295354912206 1.7374423562246077 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/93967284_1001548090.jpg notre_dame_front_facade/test/images/15793931_276435531.jpg 0 0 693.696 0.0 319.5 0.0 693.696 239.5 0.0 0.0 1.0 548.704 0.0 187.0 0.0 548.704 249.5 0.0 0.0 1.0 0.9438129007638271 0.08263378501818626 0.31998260253541705 -0.9631469454772648 -0.062037195825369415 0.9953228054632441 -0.07405335413674409 0.05360680474322543 -0.3246052906005928 0.05004168760489037 0.9445248725236193 0.20672947117021767 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/69682451_4629605098.jpg notre_dame_front_facade/test/images/48878579_6144672125.jpg 0 0 714.494 0.0 319.5 0.0 714.494 239.5 0.0 0.0 1.0 1152.32 0.0 239.5 0.0 1152.32 319.5 0.0 0.0 1.0 0.9107771740819648 0.03721777265905551 0.4112174322296774 -0.5561814625623139 -0.07548804556511257 0.9941525102976781 0.07721619807776214 0.5184613854636091 -0.4059390276236445 -0.10136875093993993 0.9082609108537295 2.136515579522471 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/56381788_7846730740.jpg notre_dame_front_facade/test/images/06852016_2679741155.jpg 0 0 665.593 0.0 213.5 0.0 665.593 319.5 0.0 0.0 1.0 882.112 0.0 213.0 0.0 882.112 319.5 0.0 0.0 1.0 0.9279614725744061 -0.0659172304856316 0.36680025101224234 -0.7216164209031223 0.15245015275383328 0.9652582614711447 -0.21221554982384344 0.43851518887418806 -0.34006831128888326 0.25284660841468176 0.9057715695860186 1.6206054491677384 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/09939185_8343101195.jpg notre_dame_front_facade/test/images/47104342_7985973355.jpg 0 3 612.367 0.0 319.5 0.0 612.367 239.5 0.0 0.0 1.0 459.867 0.0 319.5 0.0 459.867 239.5 0.0 0.0 1.0 0.011785737963190745 0.9661232418156903 0.2578119043104954 -0.6397851615079435 -0.9994577827023944 0.019309334884751946 -0.026670024033019157 0.03414609679426514 -0.030744706475689797 -0.25735778832172446 0.9658269678435544 -0.42517905551940405 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/02670240_5196986488.jpg notre_dame_front_facade/test/images/48541802_2699303896.jpg 0 0 705.055 0.0 237.5 0.0 705.055 319.5 0.0 0.0 1.0 606.303 0.0 239.5 0.0 606.303 319.5 0.0 0.0 1.0 0.8170855783934877 0.08681042408745006 0.5699430742198177 -1.1407336164687076 -0.12584010356008482 0.9916156702795887 0.029370576976780666 -0.01560953994128586 -0.5626148113206465 -0.09571997035999827 0.8211590962517035 -0.17470130802665607 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/03224502_8509869187.jpg notre_dame_front_facade/test/images/17052017_6917897836.jpg 0 0 641.298 0.0 319.5 0.0 641.298 213.5 0.0 0.0 1.0 482.741 0.0 213.5 0.0 482.741 319.5 0.0 0.0 1.0 0.8302030057736063 -0.1498212197280658 -0.53695118150877 1.289786257517426 0.11718190039539578 0.9885890061115074 -0.09465822317783891 -0.10282756077244358 0.5450058453119497 0.015664581534679926 0.8382858995958066 -0.6383380376430452 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/73783180_6254295715.jpg notre_dame_front_facade/test/images/88264143_2551880831.jpg 0 0 510.796 0.0 319.5 0.0 510.796 239.5 0.0 0.0 1.0 688.704 0.0 239.5 0.0 688.704 319.5 0.0 0.0 1.0 0.9924395395680804 0.025509943758731505 0.12005416723847291 -0.3805610893602336 -0.05044106963719535 0.9765110054884463 0.20948020110215448 -0.42685117693956687 -0.11189038741443555 -0.21395209494036244 0.970414881519692 -1.334323278023135 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/66615582_2839963127.jpg notre_dame_front_facade/test/images/81974946_5100244969.jpg 0 0 537.15 0.0 187.0 0.0 537.15 249.5 0.0 0.0 1.0 697.124 0.0 319.5 0.0 697.124 213.0 0.0 0.0 1.0 0.998294393633474 0.015974981309589978 -0.05615250316889404 0.20983561858586422 -0.00901014623481683 0.9924688571822374 0.12216539930852188 -0.250954694164371 0.05768120061858646 -0.12145109096068932 0.9909200328985466 -0.6824633008950487 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/90054575_2232251410.jpg notre_dame_front_facade/test/images/16445294_19140011.jpg 0 0 712.891 0.0 319.5 0.0 712.891 239.5 0.0 0.0 1.0 627.378 0.0 239.5 0.0 627.378 319.5 0.0 0.0 1.0 0.9983793426075825 -0.0034850340695371336 -0.056802665359869164 -0.07040658026710694 0.009944781787045111 0.9934492316698381 0.1138407897452222 0.06198941297739447 0.056033825227795916 -0.1142211829396895 0.9918738487318834 0.005326352851112881 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/33779601_2412524560.jpg notre_dame_front_facade/test/images/35249264_6310946396.jpg 0 0 1178.29 0.0 202.5 0.0 1178.29 319.5 0.0 0.0 1.0 1037.12 0.0 319.5 0.0 1037.12 239.5 0.0 0.0 1.0 0.9973382748656744 0.03347892031376895 0.064772890799968 -0.2836403146344598 -0.03539188272830776 0.9989637726075089 0.028614605618788133 0.0573532144901667 -0.0637477852549089 -0.03083087595896976 0.9974896876472943 -2.6031516598166657 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/66556628_3153467175.jpg notre_dame_front_facade/test/images/64481818_6172668375.jpg 0 0 659.486 0.0 319.5 0.0 659.486 239.5 0.0 0.0 1.0 758.649 0.0 319.5 0.0 758.649 319.5 0.0 0.0 1.0 0.999875294850275 -0.015549764600939268 -0.0027567315667422214 -0.722031637750816 0.015535841969923575 0.999866800587821 -0.005001869306615943 -0.2056848082433944 0.002834142262000413 0.004958417401780746 0.9999836907342581 -0.6344106111250086 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/79443789_562514295.jpg notre_dame_front_facade/test/images/30596090_277515099.jpg 0 0 646.586 0.0 239.5 0.0 646.586 319.5 0.0 0.0 1.0 721.475 0.0 319.5 0.0 721.475 239.5 0.0 0.0 1.0 0.9973929982328358 0.021232800558826943 0.06896647922392049 -0.31068217726344977 -0.024936963780745294 0.9982671015933353 0.053300485118235263 -0.09671190262872381 -0.06771524875175582 -0.05488134525383374 0.996194099073879 -0.22197570143991097 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/62554528_6086102803.jpg notre_dame_front_facade/test/images/34341942_1196841579.jpg 0 0 297.501 0.0 319.5 0.0 297.501 216.0 0.0 0.0 1.0 2048.74 0.0 239.5 0.0 2048.74 319.5 0.0 0.0 1.0 0.9696871865231017 0.11358062839954487 0.2163474084551874 -0.15459557452479566 -0.015772356481546946 0.9126488125893522 -0.40844017634197655 0.9804756333429054 -0.24384009732595283 0.3926468970100368 0.886775293523934 7.671700462320798 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/30853200_42283424.jpg notre_dame_front_facade/test/images/27459823_3045826276.jpg 0 0 648.551 0.0 239.5 0.0 648.551 319.5 0.0 0.0 1.0 442.162 0.0 249.5 0.0 442.162 165.5 0.0 0.0 1.0 0.9998792435815576 0.005720697484231515 0.01444894027486677 0.03501632472301075 -0.007518056258293904 0.9918001080095364 0.12757752381344042 0.15979165049335703 -0.013600628105712293 -0.12767074595445008 0.9917233503062052 0.8452442503586212 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/07174573_8039801985.jpg notre_dame_front_facade/test/images/17253180_3321954648.jpg 0 0 746.806 0.0 319.5 0.0 746.806 239.5 0.0 0.0 1.0 2056.32 0.0 319.5 0.0 2056.32 213.0 0.0 0.0 1.0 0.9515832385187928 -0.012217260325614024 0.30714830085843275 -1.2609136311311757 0.005974225703829731 0.9997561767775602 0.021257836728027175 0.2239239929029156 -0.3073331234952162 -0.01839362784368378 0.9514242090978253 0.9892323537549275 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/43866772_7750717370.jpg notre_dame_front_facade/test/images/04785646_8607050988.jpg 0 0 440.442 0.0 319.5 0.0 440.442 212.5 0.0 0.0 1.0 1561.94 0.0 213.0 0.0 1561.94 319.5 0.0 0.0 1.0 0.9660584361860433 0.038871296915355 0.25538230195120193 -0.88212912603548 -0.08441339118564702 0.9818438370271889 0.16987365622799158 0.2830112967187718 -0.24414232992726892 -0.18566556484131688 0.9517997797697998 1.1176760970850101 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/66503262_8564870595.jpg notre_dame_front_facade/test/images/24103524_6438819413.jpg 0 0 434.857 0.0 319.5 0.0 434.857 213.0 0.0 0.0 1.0 1651.1 0.0 305.5 0.0 1651.1 305.5 0.0 0.0 1.0 0.9643180436077696 0.1721751433641157 0.20111298013810516 -0.18822718511389103 -0.039519614088856896 0.8447469667847879 -0.5337047519089262 0.7854044165185274 -0.2617802721267428 0.5067132148616679 0.8214090375749477 3.4738804040039764 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/14726037_8034366725.jpg notre_dame_front_facade/test/images/56007984_3321151457.jpg 0 0 626.047 0.0 319.5 0.0 626.047 239.5 0.0 0.0 1.0 703.863 0.0 319.5 0.0 703.863 213.0 0.0 0.0 1.0 0.9897823876452124 0.06216672841804854 0.1283203919302743 -0.3701135297444163 0.013944109644020774 0.853433756911814 -0.5210147640610794 0.5686265563169098 -0.14190273751262916 0.5174805507854217 0.8438468419359277 1.9986585903268788 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/01569849_8047248507.jpg notre_dame_front_facade/test/images/66615705_4179549738.jpg 0 0 528.055 0.0 319.5 0.0 528.055 213.0 0.0 0.0 1.0 738.007 0.0 239.5 0.0 738.007 319.5 0.0 0.0 1.0 0.9527654084781345 0.16746611040015233 0.25336372722814526 0.2198145624305804 -0.04626573957279489 0.9045318241532737 -0.4238887359151381 0.30489222684234923 -0.3001625522100922 0.3921444644023365 0.8695545763719078 1.362227538376181 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/29281983_5767482367.jpg notre_dame_front_facade/test/images/92064571_307220044.jpg 0 0 664.297 0.0 239.5 0.0 664.297 319.5 0.0 0.0 1.0 674.607 0.0 213.0 0.0 674.607 319.5 0.0 0.0 1.0 0.8535086709369842 -0.17040780158470012 -0.49242677607381613 0.3799314120075778 0.07897030112686321 0.9764001802428267 -0.20101338154886295 0.5005290261874681 0.5150598413537164 0.13267957333683927 0.8468231755471971 2.1232607043061145 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/78178757_2465451170.jpg notre_dame_front_facade/test/images/96890437_6186643187.jpg 0 0 840.903 0.0 239.5 0.0 840.903 319.5 0.0 0.0 1.0 705.87 0.0 239.5 0.0 705.87 319.5 0.0 0.0 1.0 0.995221862660448 -0.002004901274475897 0.09761877101023148 -0.18064881887533737 -0.003948060821678754 0.9981451809274492 0.06075039594157272 -0.23172018147297352 -0.09755950439817095 -0.06084552705161766 0.9933679906959927 -0.6635400014690739 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/43666192_4761714801.jpg notre_dame_front_facade/test/images/05852089_7355180390.jpg 0 0 654.307 0.0 239.5 0.0 654.307 319.5 0.0 0.0 1.0 678.861 0.0 319.5 0.0 678.861 239.5 0.0 0.0 1.0 0.9886378520222032 0.13054493689594093 0.07451991008957909 0.4194263018570048 -0.13382757283468422 0.9901610344687477 0.040881616515945504 -0.5427688156411512 -0.0684498232145376 -0.05038993223466706 0.9963811903239063 -1.2886430053464377 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/86821962_2883156666.jpg notre_dame_front_facade/test/images/12297295_3241434580.jpg 0 0 732.355 0.0 319.5 0.0 732.355 239.5 0.0 0.0 1.0 709.584 0.0 239.5 0.0 709.584 319.5 0.0 0.0 1.0 0.9980747394990493 0.016455627556663237 0.05979988875926884 -0.12509082442559255 0.007419282279301701 0.9255617134386732 -0.3785240664302965 0.4810590359890344 -0.061577338561881544 0.3782389812515149 0.9236576770846715 1.2943139854376757 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/34341942_1196841579.jpg notre_dame_front_facade/test/images/78165838_2796390716.jpg 0 0 2048.74 0.0 239.5 0.0 2048.74 319.5 0.0 0.0 1.0 697.682 0.0 239.5 0.0 697.682 319.5 0.0 0.0 1.0 0.973650026982587 -0.0001277440277906779 0.2280473824411737 -1.1555739416680886 0.05031909400746461 0.9754728164113116 -0.21429132791797995 0.4504086460409873 -0.2224266479877704 0.2201198948846892 0.9497755619833971 -5.069567154941019 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/06285764_3594606656.jpg notre_dame_front_facade/test/images/57166610_6309910907.jpg 0 0 624.925 0.0 239.5 0.0 624.925 319.5 0.0 0.0 1.0 718.825 0.0 213.0 0.0 718.825 319.5 0.0 0.0 1.0 0.9851478417119219 0.003235250529340749 0.17167778867504682 -0.48086168994965706 -5.846160640184227e-06 0.9998231135695745 -0.018808017914290733 -0.007787889227538682 -0.1717082698537378 0.018527674599211775 0.9849736013405544 0.09752661462807677 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/02611690_173893259.jpg notre_dame_front_facade/test/images/16199404_86872664.jpg 0 0 343.22 0.0 130.5 0.0 343.22 174.5 0.0 0.0 1.0 719.163 0.0 239.5 0.0 719.163 319.5 0.0 0.0 1.0 0.9738096173018544 0.051523132891408335 0.2214502111705249 -0.40042015575094597 -0.07104905217102153 0.9941682169642598 0.08112699035280563 -0.18424968946896436 -0.2159788448807319 -0.09473607103505521 0.9717912406524488 -0.2755785997345167 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/23110319_2359081668.jpg notre_dame_front_facade/test/images/05311113_3754895202.jpg 0 0 650.731 0.0 319.5 0.0 650.731 239.5 0.0 0.0 1.0 427.358 0.0 319.5 0.0 427.358 213.0 0.0 0.0 1.0 0.9997111757305636 -0.008243212777097412 -0.02257464423918338 0.048069008023356646 0.0074634243537244505 0.9993798733333258 -0.034411714185462274 -0.14726732586045146 0.022844308182355437 0.03423329109766124 0.9991527507665144 -0.7024753739151263 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/99737831_307230759.jpg notre_dame_front_facade/test/images/79443789_562514295.jpg 0 0 677.829 0.0 213.0 0.0 677.829 319.5 0.0 0.0 1.0 646.586 0.0 239.5 0.0 646.586 319.5 0.0 0.0 1.0 0.9964416009629987 -0.005028710341384372 0.0841358897415299 -0.22118441312063564 0.00836275200814494 0.9991916155455983 -0.039321492878927236 0.1000390710666107 -0.0838701391983267 0.03988517889742643 0.9956781469205667 0.4007301772920314 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/48323035_392280377.jpg notre_dame_front_facade/test/images/53305116_6893683400.jpg 0 0 523.158 0.0 319.5 0.0 523.158 239.5 0.0 0.0 1.0 539.892 0.0 213.0 0.0 539.892 319.5 0.0 0.0 1.0 0.8040353798106517 0.5194081730552866 0.2893825457350716 -0.23500407647405686 -0.37731942368930615 0.82187107302139 -0.4267997092752514 0.4581776804125609 -0.45951840063213056 0.23397241096770105 0.856796212868877 0.6484138206104219 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/67484798_514709769.jpg notre_dame_front_facade/test/images/99239692_3743536843.jpg 0 0 753.349 0.0 319.5 0.0 753.349 239.5 0.0 0.0 1.0 562.649 0.0 187.0 0.0 562.649 249.5 0.0 0.0 1.0 0.9920895809814662 -0.05798316176984879 -0.11133829646258477 0.24107490066358123 0.01810047442323936 0.9437382722131626 -0.3301975868866518 0.2091160677975228 0.12422011163121906 0.3255703096280216 0.9373224297727234 1.0570636547453611 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/24103524_6438819413.jpg notre_dame_front_facade/test/images/80611845_3920219739.jpg 0 0 1651.1 0.0 305.5 0.0 1651.1 305.5 0.0 0.0 1.0 692.473 0.0 213.0 0.0 692.473 319.5 0.0 0.0 1.0 0.9420546234903108 -0.12436221431295257 -0.3115559757278107 1.0765413451561492 0.09422687642647738 0.9894506761186703 -0.11003933518163113 -0.2508929916794998 0.3219540062174072 0.07430611804882066 0.9438348471533969 -2.3004612115572787 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/83886867_8305111396.jpg notre_dame_front_facade/test/images/92967069_3531809918.jpg 0 0 821.266 0.0 212.0 0.0 821.266 319.5 0.0 0.0 1.0 547.756 0.0 249.5 0.0 547.756 187.0 0.0 0.0 1.0 0.9887794580600088 -0.04575702857949375 -0.14220224208545693 -0.4799036209027318 0.12204438961600265 0.796374224259275 0.5923624413302172 -1.2829816195289165 0.08614145507136996 -0.6030707995509424 0.7930228624996724 -1.3212768614693706 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/58525912_2163151497.jpg notre_dame_front_facade/test/images/85088510_2525102624.jpg 0 0 672.919 0.0 239.5 0.0 672.919 319.5 0.0 0.0 1.0 889.277 0.0 166.0 0.0 889.277 249.5 0.0 0.0 1.0 0.9790479723477763 -0.05908844132532364 -0.1948682219948948 0.6385455506601586 0.06167441700306642 0.9980701752045038 0.0072243791832487135 0.05450015568316077 0.19406528316275348 -0.019091397774790398 0.9808028264651185 0.18329534122325908 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/45459434_6823683093.jpg notre_dame_front_facade/test/images/67306591_4879787713.jpg 0 0 722.12 0.0 319.5 0.0 722.12 319.5 0.0 0.0 1.0 701.749 0.0 239.5 0.0 701.749 319.5 0.0 0.0 1.0 0.9999318533941026 -4.195748920984315e-05 -0.011674194079416243 -0.021158332109148456 0.00039623205160426014 0.9995393708895782 0.030346153657880445 -0.05569920981555955 0.011667543357367877 -0.030348711360377548 0.9994712722988931 -0.09091971839097046 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/70473816_1756100188.jpg notre_dame_front_facade/test/images/81875745_5270921683.jpg 0 0 677.33 0.0 239.5 0.0 677.33 319.5 0.0 0.0 1.0 785.224 0.0 319.5 0.0 785.224 214.5 0.0 0.0 1.0 0.8876343772398515 0.4599481576292377 0.023513924289468517 -0.2901888078057544 -0.4579394016206283 0.8868813103712334 -0.06109865593893775 0.32105448827553973 -0.048956274218550914 0.04346531499567896 0.997854723698277 0.7603925817489452 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/87453268_2874605638.jpg notre_dame_front_facade/test/images/15594978_7330790386.jpg 0 0 859.782 0.0 212.5 0.0 859.782 319.5 0.0 0.0 1.0 716.242 0.0 239.5 0.0 716.242 319.5 0.0 0.0 1.0 0.9967579427110412 0.04592717972090052 0.0660628322533685 -0.309110639724878 -0.04225470428806196 0.9975388548991315 -0.05595331028686256 0.03316576851467405 -0.06847001977494266 0.05298044100810773 0.9962454161814775 0.17074073567195813 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/35184160_219996854.jpg notre_dame_front_facade/test/images/17253180_3321954648.jpg 0 0 541.484 0.0 187.0 0.0 541.484 249.5 0.0 0.0 1.0 2056.32 0.0 319.5 0.0 2056.32 213.0 0.0 0.0 1.0 0.9378400172651097 -0.2020799237978659 -0.282169818396701 0.30147767202693376 0.05389132300232379 0.8879390764717551 -0.45679308420722164 0.8928826177235611 0.3428583196033571 0.41319232915475984 0.8436351532543122 3.32835962997241 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/58668083_4179544564.jpg notre_dame_front_facade/test/images/47626142_1393227120.jpg 0 0 681.176 0.0 239.5 0.0 681.176 319.5 0.0 0.0 1.0 253.177 0.0 166.0 0.0 253.177 249.5 0.0 0.0 1.0 0.9548806091059646 -0.03808061706311902 -0.29453843375273453 1.1654537466604142 0.11593919945149599 0.9608508220621901 0.2516422058657088 -0.7370301360574203 0.2734248057217343 -0.274436813030806 0.9219128544876279 -1.4792548012124263 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/22891861_445889696.jpg notre_dame_front_facade/test/images/37313008_126874366.jpg 0 0 1183.91 0.0 319.5 0.0 1183.91 239.5 0.0 0.0 1.0 400.148 0.0 166.0 0.0 400.148 249.5 0.0 0.0 1.0 0.9653514253517409 -0.014954528973587067 -0.2605244472876589 0.9198117608005044 -0.008398947991573612 0.9960587824002048 -0.0882969969820952 0.011490746583247485 0.26081810375048137 0.08742576317424647 0.9614211630130698 -0.16331996047075892 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/62554528_6086102803.jpg notre_dame_front_facade/test/images/78178757_2465451170.jpg 0 0 297.501 0.0 319.5 0.0 297.501 216.0 0.0 0.0 1.0 840.903 0.0 239.5 0.0 840.903 319.5 0.0 0.0 1.0 0.9997655639847344 -0.020132045373340693 -0.007969806733643189 -0.06380621108672445 0.016808248514079492 0.953647745803667 -0.30045542049607643 0.5153584429205492 0.013649170384122892 0.30025102443234214 0.9537625608479053 2.0133771086527803 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/63928027_3334035886.jpg notre_dame_front_facade/test/images/32840366_393315242.jpg 0 0 1039.51 0.0 239.5 0.0 1039.51 319.5 0.0 0.0 1.0 516.713 0.0 319.5 0.0 516.713 213.5 0.0 0.0 1.0 0.9714666283391372 -0.11937903738087129 -0.2049420295044554 1.1582468709003375 0.14130361141030642 0.9853141713707351 0.09586069631713932 -0.9630845865251121 0.19048852833121904 -0.12208451634019037 0.9740685250249018 -3.340612679211625 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/08410560_8917559350.jpg notre_dame_front_facade/test/images/64105845_298847718.jpg 0 0 1475.25 0.0 319.5 0.0 1475.25 213.0 0.0 0.0 1.0 680.938 0.0 165.0 0.0 680.938 249.5 0.0 0.0 1.0 0.9787636420932352 0.03501267916644598 0.20197981387745875 -1.0095177815095562 -0.03682517192473334 0.9993080806932246 0.005221740508448323 0.04063129489118528 -0.20165723301954533 -0.012548791129477726 0.9793757645623511 0.22003125864778994 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/85618831_8338198385.jpg notre_dame_front_facade/test/images/08334105_1973261812.jpg 0 0 540.444 0.0 319.5 0.0 540.444 179.0 0.0 0.0 1.0 522.005 0.0 249.5 0.0 522.005 187.0 0.0 0.0 1.0 0.9993863047706194 0.0011616537514104585 -0.03500949010608415 0.013984828858170591 0.004025421387732421 0.989019972315101 0.14772708060639347 -0.3450678910768261 0.034796692652856495 -0.14777734915202173 0.9884083393304732 -0.14112773484154384 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/30596090_277515099.jpg notre_dame_front_facade/test/images/03224502_8509869187.jpg 0 0 721.475 0.0 319.5 0.0 721.475 239.5 0.0 0.0 1.0 641.298 0.0 319.5 0.0 641.298 213.5 0.0 0.0 1.0 0.9818914822088078 0.0581891518268803 0.18028627173320355 -0.14619667609986386 -0.06055260289414069 0.9981358526982657 0.007629013111173137 -0.0018633600731491617 -0.17950626576399692 -0.018407666011046073 0.9835845964549726 0.006538816938529979 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/61900107_5317613163.jpg notre_dame_front_facade/test/images/08334105_1973261812.jpg 0 0 537.046 0.0 319.5 0.0 537.046 239.5 0.0 0.0 1.0 522.005 0.0 249.5 0.0 522.005 187.0 0.0 0.0 1.0 0.9848118065464031 0.09150594286526796 0.14755462753552842 -0.2013203922564463 -0.045539881157305104 0.9562269861069949 -0.28906066883080345 0.19640854646416117 -0.16754648582106613 0.2779507392705966 0.9458707954197232 0.18159289064669037 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/89455443_12073338213.jpg notre_dame_front_facade/test/images/87628400_7656196462.jpg 0 0 460.921 0.0 212.5 0.0 460.921 319.5 0.0 0.0 1.0 486.204 0.0 212.0 0.0 486.204 319.5 0.0 0.0 1.0 0.9998623652130167 -0.010805940815844368 -0.012588974291678124 0.060665848907082265 0.012630041151709322 0.9877971282251846 0.155233100628005 -0.2879476040674617 0.010757912954574102 -0.15537073441662902 0.9877976524550457 -0.28710143673154176 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/78165838_2796390716.jpg notre_dame_front_facade/test/images/30320088_5875331143.jpg 0 0 697.682 0.0 239.5 0.0 697.682 319.5 0.0 0.0 1.0 805.754 0.0 319.5 0.0 805.754 319.5 0.0 0.0 1.0 0.9067040569799512 0.05824752047196783 -0.4177259621031052 0.6139919457141458 0.19493903291235834 0.820405111494221 0.5375260240038146 -1.0870838443306416 0.3740140726006064 -0.5688081217713251 0.7325099276485512 -1.1356263594558753 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/62264502_3538081511.jpg notre_dame_front_facade/test/images/03640003_2550682198.jpg 0 0 506.064 0.0 213.0 0.0 506.064 319.5 0.0 0.0 1.0 679.184 0.0 319.5 0.0 679.184 239.5 0.0 0.0 1.0 0.8403092883741252 0.05136822242661083 0.5396680513027444 -1.9113286747215206 -0.06258677351321044 0.9980365067216301 0.0024550014442504195 0.2601052478108391 -0.5384823076512149 -0.035839042615775966 0.8418743180374413 1.7040057210247108 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/60021260_328346427.jpg notre_dame_front_facade/test/images/11229713_5151251181.jpg 0 0 600.288 0.0 187.0 0.0 600.288 249.5 0.0 0.0 1.0 510.333 0.0 230.0 0.0 510.333 319.5 0.0 0.0 1.0 0.9790810411970894 0.06156060324194241 0.19393454281512543 -0.7060390450467443 -0.05912072201016811 0.9980821826897917 -0.01834930042747164 -0.01885708739014235 -0.19469220579525004 0.006499901973825062 0.98084284993923 -0.25324123977746504 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/99737831_307230759.jpg notre_dame_front_facade/test/images/54439631_9271690013.jpg 0 0 677.829 0.0 213.0 0.0 677.829 319.5 0.0 0.0 1.0 449.574 0.0 319.5 0.0 449.574 239.5 0.0 0.0 1.0 0.9975847844346125 -0.008848177672297251 0.06889345118679605 -0.2512797302800665 -0.006279579260203313 0.9763027045030266 0.21631827492005998 -0.6019688508489202 -0.06917488524647379 -0.21622844154263168 0.9738891601815794 -1.4804718558146248 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/30320088_5875331143.jpg notre_dame_front_facade/test/images/88494215_13093430663.jpg 0 0 805.754 0.0 319.5 0.0 805.754 319.5 0.0 0.0 1.0 527.97 0.0 239.5 0.0 527.97 319.5 0.0 0.0 1.0 0.9632637402626313 0.14958717449174877 0.22303955685667354 -0.32224757980193247 -0.1641031498342884 0.9852782110323812 0.04792705999010728 -0.18696440804252368 -0.21258674208358186 -0.08276789288368622 0.9736305012672328 -0.8908585902754373 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/56095608_3447757339.jpg notre_dame_front_facade/test/images/16926208_509236966.jpg 0 1 544.208 0.0 213.0 0.0 544.208 319.5 0.0 0.0 1.0 864.355 0.0 319.5 0.0 864.355 239.5 0.0 0.0 1.0 0.0439264262810859 -0.9947286539680396 -0.09265729355590153 -0.21827257706589 0.9834902288762492 0.026759223358108045 0.17897182367683986 -0.247820856502193 -0.1755489640502481 -0.09898913546547966 0.9794813486129695 0.7009835853814631 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/54439631_9271690013.jpg notre_dame_front_facade/test/images/74454771_4611697867.jpg 0 0 449.574 0.0 319.5 0.0 449.574 239.5 0.0 0.0 1.0 515.145 0.0 319.5 0.0 515.145 239.5 0.0 0.0 1.0 0.9877136358275009 0.07154510923108856 0.13893549202968508 -0.21660925279045395 -0.11042554612335528 0.9486145499924625 0.2965411173951367 -0.33740654484805344 -0.11058016261417701 -0.30823973281799527 0.9448599339312218 -0.15292856501986873 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/86620018_1656400518.jpg notre_dame_front_facade/test/images/90581608_3777244265.jpg 0 0 622.811 0.0 165.5 0.0 622.811 249.5 0.0 0.0 1.0 508.089 0.0 239.5 0.0 508.089 319.5 0.0 0.0 1.0 0.972913362921985 0.02857134061483397 0.2293976171264752 -0.5883254072939641 -0.04160299015783671 0.9977710810935249 0.052173373893061405 -0.13307159309019634 -0.22739564520403796 -0.06030379945682839 0.9719334711354012 -0.4832570604703308 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/87453268_2874605638.jpg notre_dame_front_facade/test/images/37414234_5204240482.jpg 0 0 859.782 0.0 212.5 0.0 859.782 319.5 0.0 0.0 1.0 981.426 0.0 213.5 0.0 981.426 319.5 0.0 0.0 1.0 0.9861469709937409 0.029965085050990443 0.16314485979569487 -0.5186807883755192 -0.033237489458507526 0.9992966123492539 0.01736519052012649 0.2540287260446523 -0.1625097563051697 -0.022547155589821063 0.986449291591029 0.5467916784431308 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/68816036_11955201904.jpg notre_dame_front_facade/test/images/91963349_6452367725.jpg 0 0 838.493 0.0 319.5 0.0 838.493 319.5 0.0 0.0 1.0 516.037 0.0 239.5 0.0 516.037 319.5 0.0 0.0 1.0 0.9805697748178794 -0.07200168728188214 -0.18247924194870807 0.5084966204485197 0.09656407970780619 0.986865774371939 0.12950413848004141 -0.5025973139122378 0.17075800193196683 -0.14460878397191282 0.9746435268211485 -0.9382100898368524 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/89810148_5254985106.jpg notre_dame_front_facade/test/images/72357333_2327691828.jpg 0 0 782.364 0.0 211.5 0.0 782.364 319.5 0.0 0.0 1.0 1291.45 0.0 249.5 0.0 1291.45 249.5 0.0 0.0 1.0 0.983184599283158 0.026419239297418948 0.18069329685232283 -0.7577671704117972 -0.042144744802969834 0.9955951149922723 0.08375074619975946 -0.19474310193886768 -0.17768473265283233 -0.08995771672552434 0.9799672162800254 1.836720956383797 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/57817490_9610856334.jpg notre_dame_front_facade/test/images/12015220_144820170.jpg 0 0 581.452 0.0 319.5 0.0 581.452 239.5 0.0 0.0 1.0 647.595 0.0 239.5 0.0 647.595 319.5 0.0 0.0 1.0 0.8467813161778344 -0.18340068041699428 0.499325137555399 -0.7095977708437831 -0.09620616304453947 0.87040343766727 0.48284804016299576 0.06389124346475572 -0.5231689753458075 -0.4569048545590012 0.7193970927909258 0.789356816025615 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/04785646_8607050988.jpg notre_dame_front_facade/test/images/52678522_7965495246.jpg 0 0 1561.94 0.0 213.0 0.0 1561.94 319.5 0.0 0.0 1.0 736.382 0.0 239.5 0.0 736.382 319.5 0.0 0.0 1.0 0.9437108324112361 -0.09264776042433454 -0.3175315059612937 1.339846927066274 0.11602275790849667 0.9916964232523863 0.05547002574121014 -0.46714657075743005 0.30975568507615536 -0.08918854521057759 0.9466239057652315 -1.478688836000472 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/02611690_173893259.jpg notre_dame_front_facade/test/images/67306591_4879787713.jpg 0 0 343.22 0.0 130.5 0.0 343.22 174.5 0.0 0.0 1.0 701.749 0.0 239.5 0.0 701.749 319.5 0.0 0.0 1.0 0.9790195754474259 0.04474768292991422 0.1987921421061359 -0.3857652518676077 -0.015996860397982853 0.9894567347071411 -0.14394259480810365 0.25694149377243813 -0.20313732140635732 0.13774256791234266 0.9694133347735444 0.8606252087068448 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16926208_509236966.jpg notre_dame_front_facade/test/images/35136042_91813767.jpg 1 0 864.355 0.0 319.5 0.0 864.355 239.5 0.0 0.0 1.0 763.496 0.0 319.5 0.0 763.496 239.5 0.0 0.0 1.0 0.10970496960932678 0.9923768706259514 -0.056151280391994705 0.19755458289913985 -0.7132955213525324 0.11794429289233098 0.6908680358741074 -1.8752460822870327 0.6922241825170771 -0.0357392000578041 0.7207970523786793 -1.2917014011738952 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/79443789_562514295.jpg notre_dame_front_facade/test/images/89455443_12073338213.jpg 0 0 646.586 0.0 239.5 0.0 646.586 319.5 0.0 0.0 1.0 460.921 0.0 212.5 0.0 460.921 319.5 0.0 0.0 1.0 0.9940041665323469 -0.005367993564357178 -0.10921035464381103 0.2460681055217603 0.014481863347986691 0.9964583427274679 0.0828314363197833 -0.23107725792863493 0.1083789303799599 -0.0839163622538602 0.9905614829962726 -1.1458720145107462 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/78529936_5637285314.jpg notre_dame_front_facade/test/images/37313008_126874366.jpg 0 0 580.444 0.0 319.5 0.0 580.444 213.5 0.0 0.0 1.0 400.148 0.0 166.0 0.0 400.148 249.5 0.0 0.0 1.0 0.9908998934027509 -0.06537840585531106 -0.11765655656288532 0.37240276699479613 0.038480967790488416 0.9752296368312042 -0.21782187806550848 0.08592668032436845 0.12898300807596558 0.21131213759246315 0.9688707675091554 1.3686679957005647 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/31906475_13763600313.jpg notre_dame_front_facade/test/images/24232395_8292135214.jpg 0 0 820.415 0.0 265.0 0.0 820.415 319.5 0.0 0.0 1.0 606.526 0.0 319.5 0.0 606.526 239.5 0.0 0.0 1.0 0.9709107593673387 0.05743526225835133 0.23245104429546395 -0.7182379748555023 -0.11841892891456633 0.9589476508180087 0.2576749119828113 -0.5926233594738475 -0.20810875671019768 -0.27770594815368477 0.9378540140877994 -0.9274102354163531 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/78529936_5637285314.jpg notre_dame_front_facade/test/images/11134066_2199195810.jpg 0 0 580.444 0.0 319.5 0.0 580.444 213.5 0.0 0.0 1.0 535.043 0.0 239.5 0.0 535.043 319.5 0.0 0.0 1.0 0.9383946614987634 0.07529137987186742 0.33726349845130255 -0.24360856986406654 -0.0536109354200441 0.995878539261087 -0.07315601576488161 -0.17591243098381384 -0.3413814975566331 0.05056820301527334 0.9385635460477872 -0.5932064422077861 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/36077348_6211893193.jpg notre_dame_front_facade/test/images/96809970_2634698191.jpg 0 0 634.572 0.0 319.5 0.0 634.572 179.0 0.0 0.0 1.0 1900.54 0.0 319.5 0.0 1900.54 239.5 0.0 0.0 1.0 0.9862431022557435 -0.03977831237067834 -0.16044385035864628 0.03629870691046544 0.018731100481177196 0.9912556446897633 -0.13061926636390947 0.07758611219845624 0.16423668630282046 0.1258170605904566 0.978364133713336 0.4144518121583891 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/89605242_113630817.jpg notre_dame_front_facade/test/images/92064571_307220044.jpg 0 0 660.594 0.0 239.5 0.0 660.594 319.5 0.0 0.0 1.0 674.607 0.0 213.0 0.0 674.607 319.5 0.0 0.0 1.0 0.9976497591149366 -0.032880993686462745 -0.06011487662883463 0.058800201344894554 0.02618702647550748 0.9937040949160614 -0.10893305922181101 -0.171674286684953 0.06331822630396625 0.10710281042644172 0.992229706376743 -0.7021351844450324 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/46008440_428692335.jpg notre_dame_front_facade/test/images/61616050_10894465215.jpg 0 0 662.084 0.0 249.5 0.0 662.084 187.0 0.0 0.0 1.0 951.587 0.0 213.0 0.0 951.587 319.5 0.0 0.0 1.0 0.973111963824324 -0.2004853198379225 -0.11339639496674248 0.08674568328932328 0.026082222914270543 0.5850626670723919 -0.8105685617182484 0.1986422471902199 0.22885109462228453 0.7858163348567052 0.5745605837181634 0.707032276653158 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/76309603_8305176254.jpg notre_dame_front_facade/test/images/59441370_9094154456.jpg 0 0 484.145 0.0 319.5 0.0 484.145 212.0 0.0 0.0 1.0 709.773 0.0 319.5 0.0 709.773 239.5 0.0 0.0 1.0 0.9898496605484328 -0.06414053757286631 -0.1268212953411821 0.1209499477118329 0.0448644401415372 0.9877593613347533 -0.1493941970303604 0.25017617228801603 0.1348511457976462 0.1421880288049014 0.9806108978293268 0.3097727112929307 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/75271422_4231357851.jpg notre_dame_front_facade/test/images/27108396_3799319410.jpg 0 0 733.721 0.0 319.5 0.0 733.721 239.5 0.0 0.0 1.0 586.555 0.0 211.5 0.0 586.555 319.5 0.0 0.0 1.0 0.8983472856122245 -0.08700841064132815 -0.4305829663500611 0.0944606680119476 -0.1094057485100463 0.9049872698844571 -0.41113066480138993 -0.21853597135639052 0.4254439288861745 0.41644636848548255 0.8034736371214362 1.2598099456073564 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/88727883_287637082.jpg notre_dame_front_facade/test/images/66615582_2839963127.jpg 0 0 559.362 0.0 186.5 0.0 559.362 249.5 0.0 0.0 1.0 537.15 0.0 187.0 0.0 537.15 249.5 0.0 0.0 1.0 0.9927464809260612 -0.055291172719907966 -0.10675818857670231 0.17277072430362314 0.05137993756750742 0.9979155151380532 -0.03904774849224084 0.17176547524377153 0.10869464855493331 0.03327928583986686 0.993517972917203 0.4058619380218045 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/61900107_5317613163.jpg notre_dame_front_facade/test/images/16936811_3689681321.jpg 0 0 537.046 0.0 319.5 0.0 537.046 239.5 0.0 0.0 1.0 503.368 0.0 212.5 0.0 503.368 319.5 0.0 0.0 1.0 0.987258376167323 -0.001077392706137107 0.15912177070538705 -0.12052649748341296 0.13606903505093357 0.5241579005840198 -0.8406805058734622 0.16363908024810397 -0.0824991902249277 0.8516204168996356 0.5176258775717475 1.9591183681218778 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/47626142_1393227120.jpg notre_dame_front_facade/test/images/09939185_8343101195.jpg 0 0 253.177 0.0 166.0 0.0 253.177 249.5 0.0 0.0 1.0 612.367 0.0 319.5 0.0 612.367 239.5 0.0 0.0 1.0 0.9739107944540966 0.1148503506470196 0.19572215358013764 -0.35342858704209673 -0.12802670621130252 0.9901876528343273 0.05601405779918644 0.006378526328979062 -0.18736842568179723 -0.07961035818725107 0.9790583557310679 -0.254095037384207 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/27553172_6999659277.jpg notre_dame_front_facade/test/images/20432678_1041916289.jpg 0 0 500.952 0.0 319.5 0.0 500.952 213.5 0.0 0.0 1.0 637.694 0.0 319.5 0.0 637.694 239.5 0.0 0.0 1.0 0.945961975507326 0.11597231277027323 0.30283058558374076 -0.6569064087157452 -0.10264492680422323 0.9929298590395979 -0.05961806797405956 0.17617432352782916 -0.3076035758823897 0.025312402065348252 0.9511778605529299 0.664241306461082 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/24710907_307223581.jpg notre_dame_front_facade/test/images/33988966_5921987459.jpg 0 0 667.982 0.0 319.5 0.0 667.982 213.0 0.0 0.0 1.0 710.599 0.0 231.0 0.0 710.599 319.5 0.0 0.0 1.0 0.9867853036028982 -0.01809790603143041 -0.16101934787662597 0.32626689252686863 0.0402130578999857 0.9900063672298904 0.13516768407651314 -0.06419438888517175 0.15696392760016165 -0.13985656452792328 0.9776515057988601 -0.09265532586464653 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/79846448_7965487020.jpg notre_dame_front_facade/test/images/28398273_5904550418.jpg 0 0 727.071 0.0 239.5 0.0 727.071 319.5 0.0 0.0 1.0 432.411 0.0 239.5 0.0 432.411 319.5 0.0 0.0 1.0 0.7380432687768411 -0.14687576648467998 -0.6585739462146472 1.3287374236966298 0.25301565063537784 0.9650467889176905 0.06832112216006736 -0.2006511521512646 0.6255199548749437 -0.21705345981852525 0.7494081542350979 -0.20037163781524292 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/66532758_5458132477.jpg notre_dame_front_facade/test/images/29664667_2558113171.jpg 0 0 748.109 0.0 228.0 0.0 748.109 319.5 0.0 0.0 1.0 843.474 0.0 213.0 0.0 843.474 319.5 0.0 0.0 1.0 0.9994288627995845 -0.01396033722647398 0.030774294267333517 -0.17617948397143213 0.012829090582441397 0.9992456155348838 0.03665534434619658 0.09244042018398703 -0.03126279958603873 -0.0362396029066801 0.9988540076223399 0.39998431505298876 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/76423402_3823704092.jpg notre_dame_front_facade/test/images/78529936_5637285314.jpg 0 0 502.678 0.0 319.5 0.0 502.678 213.5 0.0 0.0 1.0 580.444 0.0 319.5 0.0 580.444 213.5 0.0 0.0 1.0 0.9981722218860715 0.04269230485599514 0.042773619920525495 -0.15693778938553998 -0.014556602390324863 0.8567877675237622 -0.5154637007088835 0.090537047382525 -0.05865424777348007 0.5138989088602254 0.8558432045009162 0.2296344665554273 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/67691681_4057682871.jpg notre_dame_front_facade/test/images/94100874_2339251144.jpg 0 0 662.741 0.0 239.5 0.0 662.741 319.5 0.0 0.0 1.0 481.564 0.0 187.0 0.0 481.564 249.5 0.0 0.0 1.0 0.9863448645835861 -0.023487154770581678 -0.16300969808686253 0.4171322954550139 -0.0001978849925743866 0.9896089899356977 -0.14378458846474987 0.16589673098006721 0.16469295355635907 0.14185344761136578 0.9760910974133779 0.7875815984806359 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/04510340_91856354.jpg notre_dame_front_facade/test/images/50944188_2452211231.jpg 0 0 795.252 0.0 239.5 0.0 795.252 319.5 0.0 0.0 1.0 802.246 0.0 239.5 0.0 802.246 319.5 0.0 0.0 1.0 0.9995282628219648 -0.014051757915590346 -0.027309337589673258 0.15815699150771112 0.016069557421432238 0.9970442530235136 0.0751300661324283 0.042791650089243655 0.026172908596187573 -0.07553347345558391 0.9967997157119127 0.13297410313160918 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/24232395_8292135214.jpg notre_dame_front_facade/test/images/89527506_47064183.jpg 0 0 606.526 0.0 319.5 0.0 606.526 239.5 0.0 0.0 1.0 486.165 0.0 249.5 0.0 486.165 187.0 0.0 0.0 1.0 0.942272509870079 -0.16039438293826994 -0.2939322354982409 0.5784866003342376 0.057303670897700616 0.9421032161307565 -0.33039040460905184 0.4540965154795954 0.3299072694633899 0.2944743996987456 0.8969091489539359 1.0372485760043038 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/69189455_2043939797.jpg notre_dame_front_facade/test/images/78307185_6277857825.jpg 0 0 572.409 0.0 187.0 0.0 572.409 249.5 0.0 0.0 1.0 750.961 0.0 299.5 0.0 750.961 299.5 0.0 0.0 1.0 0.9910291389789037 0.015808204064751703 0.13270774799905255 -0.3465746393216122 -0.04771255722834392 0.9693935500981856 0.24083117927454614 -0.4919026053570833 -0.12483892653121012 -0.2450025422567769 0.9614515051266243 -0.8116498574125863 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/60713194_2656171721.jpg notre_dame_front_facade/test/images/94098462_7321392130.jpg 0 0 525.662 0.0 319.5 0.0 525.662 212.5 0.0 0.0 1.0 515.113 0.0 319.5 0.0 515.113 211.5 0.0 0.0 1.0 0.9992283741035504 0.002698037812526569 0.03918388671810568 -0.8714559495709392 0.0013284339318335287 0.9947454642127139 -0.1023703897204697 0.26748837807335746 -0.039254192765409424 0.10234345128142915 0.9939743086871721 1.4414464801384252 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/90399956_55117568.jpg notre_dame_front_facade/test/images/88668272_2557713073.jpg 0 0 284.825 0.0 213.5 0.0 284.825 319.5 0.0 0.0 1.0 552.97 0.0 168.5 0.0 552.97 224.5 0.0 0.0 1.0 0.9870165414284957 -0.09224700194292108 0.1314870243753094 -0.14456195891757445 0.08882760120625374 0.9955440214009423 0.031650572139888124 -0.39613540187938523 -0.1338207913983221 -0.01955996128273859 0.990812496744033 0.34587096835433195 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/11918894_425039935.jpg notre_dame_front_facade/test/images/20956942_2106154790.jpg 0 0 1858.52 0.0 319.5 0.0 1858.52 239.5 0.0 0.0 1.0 773.542 0.0 319.5 0.0 773.542 275.5 0.0 0.0 1.0 0.9903201428354078 -0.11175074474776157 0.08232730860885865 -0.39258797176172977 0.028916994230712353 0.7462197637424531 0.6650713282384216 -5.559068056808007 -0.1357564810206812 -0.6562528744687356 0.7422279586571794 -5.122790948266079 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/00504662_7553416128.jpg notre_dame_front_facade/test/images/84557583_2821153446.jpg 0 0 647.636 0.0 239.5 0.0 647.636 319.5 0.0 0.0 1.0 1702.85 0.0 319.5 0.0 1702.85 239.5 0.0 0.0 1.0 0.9925787512545944 0.06758771282381562 0.10109067035644528 0.0944140182808892 -0.06802864610889292 0.9976829470244333 0.0009168016323705716 0.4468436894376455 -0.10079447339244878 -0.0077870592579959335 0.9948767943025164 1.2677869259838612 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/08090503_170650847.jpg notre_dame_front_facade/test/images/70690360_2494937213.jpg 0 0 3257.44 0.0 239.5 0.0 3257.44 319.5 0.0 0.0 1.0 562.188 0.0 187.0 0.0 562.188 249.5 0.0 0.0 1.0 0.9692705166892439 -0.01514428353527267 -0.24553068271230216 2.329640615050995 0.11186335113467626 0.9160723704685239 0.3850947970787189 -3.612807918894169 0.21909188974009522 -0.40072691791341253 0.8896160301555558 -6.642128366824631 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/26229574_20742004.jpg notre_dame_front_facade/test/images/60062345_10045738.jpg 0 0 479.354 0.0 249.5 0.0 479.354 187.0 0.0 0.0 1.0 678.814 0.0 239.5 0.0 678.814 319.5 0.0 0.0 1.0 0.9559954284621854 0.13416129632977086 0.26090896367606514 -0.5288296872422771 -0.09302211893192384 0.9820426269596934 -0.1641315454856856 0.8087296464084694 -0.2782438249967425 0.1326387025012687 0.951308229991711 3.080805133047399 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/35184160_219996854.jpg notre_dame_front_facade/test/images/02611690_173893259.jpg 0 0 541.484 0.0 187.0 0.0 541.484 249.5 0.0 0.0 1.0 343.22 0.0 130.5 0.0 343.22 174.5 0.0 0.0 1.0 0.7058989497912216 -0.35415696008052683 -0.6134162700077088 0.786336264772366 0.18619526415427856 0.9283480415945692 -0.3217160817771571 0.42762796874662656 0.683401782475118 0.11288383982682436 0.7212622563366138 0.954315227608697 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16248504_5575722639.jpg notre_dame_front_facade/test/images/21382041_8924895915.jpg 0 0 303.539 0.0 211.5 0.0 303.539 319.5 0.0 0.0 1.0 838.043 0.0 239.5 0.0 838.043 319.5 0.0 0.0 1.0 0.9986057396339577 -0.009615512755825199 -0.05190490039060686 -0.03321699525330499 -0.021957674356897366 0.8185066895343719 -0.5740772245302195 0.6208430738755432 0.048004555064625996 0.5744165223093135 0.8171543437999464 2.4365977234741187 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/85808395_9116833255.jpg notre_dame_front_facade/test/images/61417692_9303851232.jpg 0 0 533.422 0.0 319.5 0.0 533.422 213.0 0.0 0.0 1.0 643.682 0.0 289.0 0.0 643.682 319.5 0.0 0.0 1.0 0.894980931633924 0.0584351120639356 0.4422606354738668 -0.658849070185223 -0.22868307294951165 0.9113125740091146 0.34236449085623716 0.04599463139030713 -0.38303157070669985 -0.40754721214965695 0.8289704974913166 0.25223648074852134 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/27925422_3744130638.jpg notre_dame_front_facade/test/images/16936811_3689681321.jpg 0 0 876.403 0.0 239.5 0.0 876.403 319.5 0.0 0.0 1.0 503.368 0.0 212.5 0.0 503.368 319.5 0.0 0.0 1.0 0.999154634375183 0.01836458688182188 0.03677986616689385 0.027680393263901537 -0.014778060099862402 0.9953182552348978 -0.09551533769946925 -0.03399027707007924 -0.03836177193873425 0.0948910572436561 0.9947482403648178 -0.7142780223903304 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/61608835_3806465422.jpg notre_dame_front_facade/test/images/76309603_8305176254.jpg 0 0 577.89 0.0 213.0 0.0 577.89 319.5 0.0 0.0 1.0 484.145 0.0 319.5 0.0 484.145 212.0 0.0 0.0 1.0 0.9915825706875891 -0.03023280322118259 -0.12589671607306535 0.406929069421302 0.10276142943950588 0.775292331602997 0.6231868814225296 -1.8476379025378216 0.07876607218937758 -0.6308785764051413 0.7718731292802465 -1.6410486248331781 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/67306591_4879787713.jpg notre_dame_front_facade/test/images/99239692_3743536843.jpg 0 0 701.749 0.0 239.5 0.0 701.749 319.5 0.0 0.0 1.0 562.649 0.0 187.0 0.0 562.649 249.5 0.0 0.0 1.0 0.9974906064014546 -0.038030939188819196 -0.05971714833509002 0.20435419772802868 0.03217026931066357 0.9948413356120694 -0.09620702017042707 0.06063081828960639 0.06306793094226407 0.09404448214547154 0.9935683526887579 0.33921702886022115 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/85635538_4143473890.jpg notre_dame_front_facade/test/images/97773068_506947032.jpg 0 0 1872.28 0.0 319.5 0.0 1872.28 239.5 0.0 0.0 1.0 919.356 0.0 213.0 0.0 919.356 319.5 0.0 0.0 1.0 0.9830713192776448 -0.09049347046894296 -0.15931639280437346 1.6808479334942 0.10328334675872486 0.9919025565827739 0.07390445539258164 -0.930895145530964 0.15133846667661163 -0.08910808070564445 0.9844574233845406 -6.118474297035979 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/48878579_6144672125.jpg notre_dame_front_facade/test/images/01569849_8047248507.jpg 0 0 1152.32 0.0 239.5 0.0 1152.32 319.5 0.0 0.0 1.0 528.055 0.0 319.5 0.0 528.055 213.0 0.0 0.0 1.0 0.8628558619248513 -0.020005675153044918 -0.5050539916717741 1.494807116217323 0.2311713310406918 0.9042056977469851 0.3591265401871082 -1.1174886200635705 0.44948812803765625 -0.42662844387541554 0.7848239252403337 -1.246797252946694 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/80611845_3920219739.jpg notre_dame_front_facade/test/images/66708604_3288303413.jpg 0 0 692.473 0.0 213.0 0.0 692.473 319.5 0.0 0.0 1.0 740.97 0.0 319.5 0.0 740.97 239.5 0.0 0.0 1.0 0.9782370020168087 0.08073108372260403 0.19114094277820243 -0.021396680781107125 -0.09791084070607461 0.9917948452637008 0.08219764096725234 0.26097035760826326 -0.18293669713153735 -0.0991235442734245 0.9781148643248804 1.1641203239278524 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/27925422_3744130638.jpg notre_dame_front_facade/test/images/20084313_4238584258.jpg 0 0 876.403 0.0 239.5 0.0 876.403 319.5 0.0 0.0 1.0 634.619 0.0 213.0 0.0 634.619 319.5 0.0 0.0 1.0 0.9854233258504698 0.04105363764401746 -0.1650923005654502 0.6049636346471914 0.025687788484524715 0.9234103310392519 0.3829536500057854 -1.0490237607632507 0.1681695762989655 -0.38161231553262664 0.9088955023770626 -1.5860031688437757 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/28423302_8234914327.jpg notre_dame_front_facade/test/images/72214550_1126054905.jpg 0 0 656.289 0.0 239.5 0.0 656.289 319.5 0.0 0.0 1.0 431.766 0.0 319.5 0.0 431.766 239.5 0.0 0.0 1.0 0.8038803923435126 -0.13841805988968983 -0.5784606775762849 0.6081030001743036 0.44759769745243105 0.7812583349743599 0.43507667745855205 0.10668650061483653 0.39170475621432316 -0.608667277524811 0.6899938617332855 0.0874036787973047 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/29281983_5767482367.jpg notre_dame_front_facade/test/images/72214550_1126054905.jpg 0 0 664.297 0.0 239.5 0.0 664.297 319.5 0.0 0.0 1.0 431.766 0.0 319.5 0.0 431.766 239.5 0.0 0.0 1.0 0.5846242019030523 -0.303132041759449 -0.7525460170700307 0.6696928655132227 0.5658731102457393 0.8170556959862308 0.11048806613055524 0.20977689639603847 0.5813795366626114 -0.49043955276384904 0.6492048054618536 0.19453700112696737 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/88668272_2557713073.jpg notre_dame_front_facade/test/images/78529936_5637285314.jpg 0 0 552.97 0.0 168.5 0.0 552.97 224.5 0.0 0.0 1.0 580.444 0.0 319.5 0.0 580.444 213.5 0.0 0.0 1.0 0.9877383155176197 0.04202811623420148 -0.15035510468294552 0.13874711116218602 -0.02391069855009822 0.9924452580109192 0.1203357317943701 0.01911957120574248 0.1542766947833061 -0.1152651174356088 0.9812811290090592 -0.014863102309039311 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/33779601_2412524560.jpg notre_dame_front_facade/test/images/97684963_8291074855.jpg 0 0 1178.29 0.0 202.5 0.0 1178.29 319.5 0.0 0.0 1.0 599.175 0.0 319.5 0.0 599.175 239.5 0.0 0.0 1.0 0.9645266199236794 0.08151304309791942 0.25108568908545675 -1.2729427265809732 -0.12963309447322047 0.9748069665547441 0.18151208988283665 -0.4644614006030047 -0.22996447611728862 -0.20762225738406423 0.950794056545815 -2.720464381138961 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/87453268_2874605638.jpg notre_dame_front_facade/test/images/47104342_7985973355.jpg 0 3 859.782 0.0 212.5 0.0 859.782 319.5 0.0 0.0 1.0 459.867 0.0 319.5 0.0 459.867 239.5 0.0 0.0 1.0 -0.012794593717508717 0.8897530632853207 0.4562628461161306 -1.707614188680639 -0.9988171295621314 0.010034816941197795 -0.0475777694119953 0.13779052389004476 -0.04691098021645069 -0.45633188451317386 0.8885722092839654 -1.6493354831270086 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/02670240_5196986488.jpg notre_dame_front_facade/test/images/48323035_392280377.jpg 0 0 705.055 0.0 237.5 0.0 705.055 319.5 0.0 0.0 1.0 523.158 0.0 319.5 0.0 523.158 239.5 0.0 0.0 1.0 0.9762723398699993 -0.029236416239567103 0.21456362778957486 -0.47123212945739756 -0.14362683070207544 0.6541118518749955 0.7426365320526194 -1.0827494201739702 -0.16206064268425505 -0.755832598663309 0.6343921743611246 -0.6699999956932947 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/54976152_2650219365.jpg notre_dame_front_facade/test/images/91316375_2178414357.jpg 0 0 2084.91 0.0 213.0 0.0 2084.91 319.5 0.0 0.0 1.0 665.749 0.0 319.5 0.0 665.749 239.5 0.0 0.0 1.0 0.9542084564852916 -0.042306231475297516 -0.29613578701385584 2.437077970929594 0.06005527376186867 0.9968865410566886 0.05109391699036169 -0.9461196666578973 0.2930521893201692 -0.06653876342696421 0.9537782799457463 -4.890232405268832 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/03224502_8509869187.jpg notre_dame_front_facade/test/images/64105845_298847718.jpg 0 0 641.298 0.0 319.5 0.0 641.298 213.5 0.0 0.0 1.0 680.938 0.0 165.0 0.0 680.938 249.5 0.0 0.0 1.0 0.9744552142908754 -0.06843265664269571 -0.21390186265235475 0.35012672621342444 0.06382579322188439 0.997557492341431 -0.028378118208810435 0.1438855498479517 0.2153213957341936 0.014000749204913038 0.9764428685595384 0.5106359413292494 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/63136592_197609530.jpg notre_dame_front_facade/test/images/43674862_141833517.jpg 0 0 889.805 0.0 259.5 0.0 889.805 319.5 0.0 0.0 1.0 756.183 0.0 213.0 0.0 756.183 319.5 0.0 0.0 1.0 0.9995248494982306 -0.005105157758394272 -0.030397575557953475 0.1021575972207533 0.002490869000009653 0.9963412617460177 -0.08542766363408606 -0.26608791153693945 0.03072248048521432 0.08531135625821265 0.9958805659747658 -1.3815898203385473 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/11114519_4976973093.jpg notre_dame_front_facade/test/images/93201398_6054202502.jpg 0 0 2357.64 0.0 239.5 0.0 2357.64 319.5 0.0 0.0 1.0 668.116 0.0 319.5 0.0 668.116 255.5 0.0 0.0 1.0 0.9976538903071157 0.01604389835316446 0.06655305012327267 -0.9058502850798119 -0.023656451349800375 0.9930579410424707 0.11522281910291596 -1.2470921532713606 -0.06424241172786115 -0.11652690272259916 0.9911076598822479 -5.549900047531335 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/01927388_3809070796.jpg notre_dame_front_facade/test/images/77334826_5801603259.jpg 0 0 688.527 0.0 319.5 0.0 688.527 239.5 0.0 0.0 1.0 308.198 0.0 211.5 0.0 308.198 319.5 0.0 0.0 1.0 0.993615418916566 0.027548402381482623 0.10940514072695431 -0.24045959566536862 -0.049691920821286734 0.9774631809548442 0.20517417693932283 -0.24765253065694603 -0.10128727608316715 -0.20930077736087244 0.9725914210498603 -1.3782307908379965 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/23110319_2359081668.jpg notre_dame_front_facade/test/images/19454938_7173253342.jpg 0 0 650.731 0.0 319.5 0.0 650.731 239.5 0.0 0.0 1.0 353.538 0.0 319.5 0.0 353.538 211.5 0.0 0.0 1.0 0.9990182829975977 -0.030007023524830742 0.03258908982638604 -0.27813995180755996 0.015035506749087454 0.921655288368196 0.38771827782519563 -1.571109615594375 -0.04167017846530235 -0.3868476547196812 0.9212016545059786 -1.9837365940758194 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/21028773_2254858203.jpg notre_dame_front_facade/test/images/71030258_6660702975.jpg 0 0 708.295 0.0 213.0 0.0 708.295 319.5 0.0 0.0 1.0 381.329 0.0 319.5 0.0 381.329 237.5 0.0 0.0 1.0 0.9970554195076374 -0.001920063221222048 0.07666031429413718 -0.0535574745344705 -0.021226942492790897 0.9537131237575669 0.29996782241599124 -0.15278138491796234 -0.07368790499706944 -0.3007118071007695 0.9508640816264605 -0.29819778333643243 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/76540090_3388723256.jpg notre_dame_front_facade/test/images/52366157_4087324332.jpg 0 0 676.182 0.0 239.5 0.0 676.182 319.5 0.0 0.0 1.0 691.211 0.0 319.5 0.0 691.211 239.5 0.0 0.0 1.0 0.9947934053756485 -0.030625686397226605 -0.09720158411167798 0.3606388816998073 0.04235614392024335 0.991746809821452 0.12101331447894616 -0.4134945435882146 0.09269324513322705 -0.12450033149221501 0.987880372193415 -1.146071743742294 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/94098462_7321392130.jpg notre_dame_front_facade/test/images/66532758_5458132477.jpg 0 0 515.113 0.0 319.5 0.0 515.113 211.5 0.0 0.0 1.0 748.109 0.0 228.0 0.0 748.109 319.5 0.0 0.0 1.0 0.9819342892175582 -0.04975325478144089 -0.18256414022874715 1.4149395427703642 0.06420965378972625 0.9951781579823914 0.074145493692994 -0.3197841065730257 0.1779948651478803 -0.08452838288662182 0.9803941964677069 -1.183276514864463 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/63253229_143438035.jpg notre_dame_front_facade/test/images/26162967_291218280.jpg 0 0 520.078 0.0 187.0 0.0 520.078 249.5 0.0 0.0 1.0 1095.75 0.0 165.0 0.0 1095.75 249.5 0.0 0.0 1.0 0.9604189720997115 0.1003367673756345 0.25986136908655927 -0.5541996928218813 -0.047386501818132525 0.9781276527512277 -0.20253595821190337 0.528671252369468 -0.2744993943096656 0.18220545556042375 0.944166963247309 2.6342855800907916 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/86620018_1656400518.jpg notre_dame_front_facade/test/images/51600076_9763474571.jpg 0 0 622.811 0.0 165.5 0.0 622.811 249.5 0.0 0.0 1.0 454.343 0.0 319.5 0.0 454.343 239.5 0.0 0.0 1.0 0.9985716972283618 0.035213997989752624 0.04018133696191332 0.025019596864028465 -0.050471017372553204 0.8684540681701025 0.49319388467840714 -1.5172207609188215 -0.017528317085463607 -0.49451744744182297 0.8689909391217926 -1.7683475552399852 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/91316375_2178414357.jpg notre_dame_front_facade/test/images/59085967_8112490960.jpg 0 0 665.749 0.0 319.5 0.0 665.749 239.5 0.0 0.0 1.0 944.748 0.0 319.5 0.0 944.748 319.5 0.0 0.0 1.0 0.9962942514613239 0.012627106291907914 0.0850783209273268 -0.10069114014437155 -0.024176481816506105 0.990397024610299 0.13612211932688598 0.06287964082823852 -0.08254248743584423 -0.1376745794609873 0.9870321412893015 0.18735448670459232 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/42430740_6049202742.jpg notre_dame_front_facade/test/images/60710605_5891944796.jpg 0 0 459.25 0.0 319.5 0.0 459.25 239.5 0.0 0.0 1.0 524.269 0.0 319.5 0.0 524.269 179.0 0.0 0.0 1.0 0.9817208564556102 0.14687775557430358 -0.12104166603908839 0.5390395466714696 -0.017093286648432918 0.7014397569546696 0.7125237448077985 -0.3241775817821244 0.1895573252386137 -0.6974304211036605 0.6911286625278634 -0.2313514042059699 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/60021260_328346427.jpg notre_dame_front_facade/test/images/27459823_3045826276.jpg 0 0 600.288 0.0 187.0 0.0 600.288 249.5 0.0 0.0 1.0 442.162 0.0 249.5 0.0 442.162 165.5 0.0 0.0 1.0 0.9211958551959335 0.0808060742406518 0.3806160463454571 -0.9235933354389299 -0.07348678713089736 0.9967249593307966 -0.03374977872816065 0.2086762981286719 -0.3820967004398377 0.003119905901769101 0.9241170800824715 1.2367352500703317 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/18811361_141654097.jpg notre_dame_front_facade/test/images/86877326_2716699476.jpg 0 0 487.423 0.0 319.5 0.0 487.423 179.5 0.0 0.0 1.0 570.15 0.0 213.0 0.0 570.15 319.5 0.0 0.0 1.0 0.9967917941375712 0.07150475108143542 -0.035960947050705766 -0.10306249509256227 -0.07628692285406855 0.712840227626351 -0.6971650559796219 0.4213687510841006 -0.02421620410921364 0.697671756953364 0.716008166858554 2.462973488085921 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/58525912_2163151497.jpg notre_dame_front_facade/test/images/81974946_5100244969.jpg 0 0 672.919 0.0 239.5 0.0 672.919 319.5 0.0 0.0 1.0 697.124 0.0 319.5 0.0 697.124 213.0 0.0 0.0 1.0 0.986854155162469 -0.04018235039907784 -0.156538350428817 0.5532843137270802 0.05663280342990101 0.993161972374437 0.10208830591692757 -0.3783031261352131 0.15136578878412246 -0.10961147451669341 0.9823816583385689 -0.974597042933967 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/24103524_6438819413.jpg notre_dame_front_facade/test/images/89527506_47064183.jpg 0 0 1651.1 0.0 305.5 0.0 1651.1 305.5 0.0 0.0 1.0 486.165 0.0 249.5 0.0 486.165 187.0 0.0 0.0 1.0 0.9747635592743614 -0.04983026701948654 -0.2176073252433043 0.9237666656985064 0.04773000822234899 0.998749128018815 -0.014900523371720566 -0.12945339896164043 0.21807762339559988 0.004138087773762852 0.9759226539043467 -1.5300742108014345 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/78924871_3664776274.jpg notre_dame_front_facade/test/images/89267134_4172331604.jpg 0 0 262.62 0.0 212.5 0.0 262.62 319.5 0.0 0.0 1.0 278.458 0.0 319.5 0.0 278.458 221.0 0.0 0.0 1.0 0.9810861718903696 -0.01803266795541248 -0.19272972321857806 0.261583585105435 0.009306677985833536 0.9988941381575308 -0.046085643094042075 -0.004199596556898527 0.1933476378711876 0.04342031368994553 0.9801690503625885 0.8050847554956195 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/43866772_7750717370.jpg notre_dame_front_facade/test/images/91963349_6452367725.jpg 0 0 440.442 0.0 319.5 0.0 440.442 212.5 0.0 0.0 1.0 516.037 0.0 239.5 0.0 516.037 319.5 0.0 0.0 1.0 0.9960764397846942 -0.015106839360088945 -0.08719810497021542 0.13481074131541138 0.04753325717049694 0.9224555397724127 0.38316623886499973 -0.7846301336755357 0.07464794416868853 -0.3858076730026699 0.9195543071965098 -1.515429037385424 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/88668272_2557713073.jpg notre_dame_front_facade/test/images/20084313_4238584258.jpg 0 0 552.97 0.0 168.5 0.0 552.97 224.5 0.0 0.0 1.0 634.619 0.0 213.0 0.0 634.619 319.5 0.0 0.0 1.0 0.8779197155649202 0.012729376617503594 -0.47863862776978144 0.6228429781517433 0.18118252635428492 0.9164816784896207 0.3566990680345642 0.08745190083361964 0.4432040897445425 -0.3998741001412539 0.8022909938855938 0.1973003611927373 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/55721528_5595678955.jpg notre_dame_front_facade/test/images/40934391_13870812494.jpg 0 0 791.388 0.0 319.5 0.0 791.388 212.0 0.0 0.0 1.0 492.012 0.0 319.5 0.0 492.012 211.5 0.0 0.0 1.0 0.9698514130151763 -0.09031137741990386 -0.22634507235852455 0.3541070358627827 0.057365771161665406 0.9873027883090221 -0.1481295800853354 0.08311451057831198 0.23684890747371726 0.13067922293061757 0.9627177861256935 0.13152048715255926 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/59102103_1305207152.jpg notre_dame_front_facade/test/images/99155510_288146072.jpg 0 0 490.265 0.0 166.0 0.0 490.265 249.5 0.0 0.0 1.0 789.09 0.0 319.5 0.0 789.09 239.5 0.0 0.0 1.0 0.9983348291363712 -0.02502080047548983 -0.05197622992117448 0.06730241153599673 0.01404575244504117 0.979353599718977 -0.2016661685948702 0.02282334745491607 0.0559489568401922 0.20060031470824694 0.9780742446089901 0.17819513208045967 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/60710605_5891944796.jpg notre_dame_front_facade/test/images/85616148_2552007129.jpg 0 0 524.269 0.0 319.5 0.0 524.269 179.0 0.0 0.0 1.0 770.576 0.0 239.5 0.0 770.576 319.5 0.0 0.0 1.0 0.7734563100062393 0.3928041948155959 0.4974637685769725 -0.6573559802105045 -0.04277300320065803 0.8153854905753134 -0.5773360996477286 0.21991934544470582 -0.6324047807446815 0.42526622990137236 0.6474664678550884 1.0413415577861365 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/73100287_2167356662.jpg notre_dame_front_facade/test/images/54869923_2442824829.jpg 0 0 410.944 0.0 166.0 0.0 410.944 249.5 0.0 0.0 1.0 527.475 0.0 239.5 0.0 527.475 319.5 0.0 0.0 1.0 0.9834593559767032 0.050935552388794346 0.17381963250662144 -0.29041723007931597 0.013521362231731686 0.9363228127070268 -0.3508799839942434 0.3626864357032634 -0.18062355301921965 0.34742648129820297 0.9201467123168253 1.2935111699556001 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16926208_509236966.jpg notre_dame_front_facade/test/images/88697814_397500572.jpg 1 0 864.355 0.0 319.5 0.0 864.355 239.5 0.0 0.0 1.0 534.268 0.0 183.0 0.0 534.268 249.5 0.0 0.0 1.0 0.0359781745248227 0.9823223025735668 -0.18370755244253748 0.5911977893822373 -0.9962305628877199 0.04977374825180229 0.07104392692822555 -0.15073149662729396 0.07893184735123235 0.18045904757460202 0.9804102690313833 -0.730708215300363 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/94098462_7321392130.jpg notre_dame_front_facade/test/images/73717439_5873359498.jpg 0 0 515.113 0.0 319.5 0.0 515.113 211.5 0.0 0.0 1.0 529.064 0.0 319.5 0.0 529.064 239.5 0.0 0.0 1.0 0.8845836120225904 -0.09036852068448785 -0.4575427453368314 2.3743814863024237 0.12046255259626606 0.9920295881498437 0.03696037956032684 -0.18072189412202883 0.45055588639264166 -0.0878113130783778 0.8884191389948735 -0.6807617925710205 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/70690360_2494937213.jpg notre_dame_front_facade/test/images/04747376_6924913614.jpg 0 0 562.188 0.0 187.0 0.0 562.188 249.5 0.0 0.0 1.0 1060.77 0.0 213.0 0.0 1060.77 319.5 0.0 0.0 1.0 0.9726329105646523 -0.10974851902613679 -0.2047937593241136 0.2237178431125549 0.006382343308793527 0.8936998589513151 -0.44861991463185 0.025693678921437445 0.23225952505854736 0.43503542922613714 0.8699423477090932 1.424552089877321 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/42430740_6049202742.jpg notre_dame_front_facade/test/images/98283507_7198318944.jpg 0 0 459.25 0.0 319.5 0.0 459.25 239.5 0.0 0.0 1.0 733.699 0.0 239.5 0.0 733.699 319.5 0.0 0.0 1.0 0.9650624490957255 0.0631233051404474 0.25430280708931663 0.07064913945939706 -0.1100367456850495 0.9784520342649541 0.17470984872587217 0.24255214883579979 -0.23779483582366537 -0.19658856780321513 0.9512131995849704 1.080887927477828 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/78924871_3664776274.jpg notre_dame_front_facade/test/images/51049781_8641641044.jpg 0 0 262.62 0.0 212.5 0.0 262.62 319.5 0.0 0.0 1.0 815.628 0.0 239.5 0.0 815.628 319.5 0.0 0.0 1.0 0.8252708720506802 -0.026017547679326437 -0.5641374610478049 0.654536000153714 0.140639326482093 0.976934541424827 0.16068441622548862 0.2672923369211657 0.5469447573488324 -0.2119480808684447 0.8098947113204346 0.8498043833180561 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/32840366_393315242.jpg notre_dame_front_facade/test/images/01569849_8047248507.jpg 0 0 516.713 0.0 319.5 0.0 516.713 213.5 0.0 0.0 1.0 528.055 0.0 319.5 0.0 528.055 213.0 0.0 0.0 1.0 0.893883194752787 -0.0313113502686724 -0.44720513579665383 0.400877520815539 0.1752729503502679 0.9425641937587101 0.284345095824608 -0.46471490110050334 0.4126163193743839 -0.3325542662308596 0.8480303255176616 -0.5721795330783244 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/63136592_197609530.jpg notre_dame_front_facade/test/images/09667369_4323694899.jpg 0 0 889.805 0.0 259.5 0.0 889.805 319.5 0.0 0.0 1.0 406.498 0.0 165.5 0.0 406.498 249.5 0.0 0.0 1.0 0.9497909294449302 -0.0632149688517393 -0.306432795335632 1.114621610509529 0.11681192340191811 0.9802055890058544 0.15984986028405085 -0.9361397121696649 0.2902622347038625 -0.18761895158741237 0.9383746395283494 -1.9525744977892647 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/35960796_2756840211.jpg notre_dame_front_facade/test/images/03224502_8509869187.jpg 0 0 544.223 0.0 187.0 0.0 544.223 249.5 0.0 0.0 1.0 641.298 0.0 319.5 0.0 641.298 213.5 0.0 0.0 1.0 0.981893870093973 0.0176625266316263 0.18860663568620045 -0.1222738692710803 -0.04288232857572974 0.9905221701015323 0.13048730372444012 -0.08250529358917771 -0.18451431859832226 -0.13621257537517684 0.9733450572853692 -0.2037102393710455 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/92967069_3531809918.jpg notre_dame_front_facade/test/images/31906475_13763600313.jpg 0 0 547.756 0.0 249.5 0.0 547.756 187.0 0.0 0.0 1.0 820.415 0.0 265.0 0.0 820.415 319.5 0.0 0.0 1.0 0.995363483212896 0.07551081161905608 0.059578969569152096 -0.0865986306315184 -0.03921416624576842 0.8841856421233932 -0.46548684130541435 0.49255801903109336 -0.08782815865051342 0.4609922641340896 0.8830471940709544 1.775134427546504 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/17052017_6917897836.jpg notre_dame_front_facade/test/images/51575595_2715884125.jpg 0 0 482.741 0.0 213.5 0.0 482.741 319.5 0.0 0.0 1.0 912.594 0.0 213.0 0.0 912.594 319.5 0.0 0.0 1.0 0.9150676877137391 0.09574305653431989 0.39177084376928345 -0.8156136303767787 -0.12148001672682458 0.9917310043685112 0.041378986336962756 0.3627151584662529 -0.38456954174541785 -0.08545690200147764 0.9191318651107844 1.392960369558664 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/67691681_4057682871.jpg notre_dame_front_facade/test/images/92064571_307220044.jpg 0 0 662.741 0.0 239.5 0.0 662.741 319.5 0.0 0.0 1.0 674.607 0.0 213.0 0.0 674.607 319.5 0.0 0.0 1.0 0.9988911871216853 0.04306785817243103 0.01901462287477114 0.012019387135776771 -0.04079742247079162 0.9934316976124489 -0.10690665320075984 0.17206003213652388 -0.02349396965968402 0.10601236612436848 0.9940872253571831 0.7684134141199298 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/95306290_4701287373.jpg notre_dame_front_facade/test/images/48194802_193393602.jpg 0 0 1861.15 0.0 239.5 0.0 1861.15 319.5 0.0 0.0 1.0 744.735 0.0 239.5 0.0 744.735 319.5 0.0 0.0 1.0 0.9094284079408729 -0.022206536090068722 0.4152671917994601 -1.4081945494654589 -0.06374644114758424 0.9793276084022304 0.191973505104702 -0.3843008879983455 -0.41094569236232026 -0.20105796471676501 0.8892127601158258 -0.5980569335579694 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/94554102_147558957.jpg notre_dame_front_facade/test/images/70144772_5112848179.jpg 0 0 547.53 0.0 319.5 0.0 547.53 232.5 0.0 0.0 1.0 458.502 0.0 212.0 0.0 458.502 319.5 0.0 0.0 1.0 0.9995811001790418 0.027926318893205022 -0.007599005061931275 0.004902957053567525 -0.028382924757430945 0.9972344816490033 -0.06868623000614849 -0.013629114890132778 0.005659836311259461 0.06887313934560071 0.9976093709110853 -0.07800740908566828 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/08994755_224674449.jpg notre_dame_front_facade/test/images/83586356_85985164.jpg 0 0 665.565 0.0 319.5 0.0 665.565 239.5 0.0 0.0 1.0 761.7 0.0 187.0 0.0 761.7 249.5 0.0 0.0 1.0 0.988614206310602 -0.02557825068832193 -0.14828251472302384 0.5538410435306905 0.0360372468104559 0.997014983680412 0.06828205590834406 -0.5357618283631475 0.1460933534531284 -0.0728483040878324 0.986584946504023 -1.2647045116418958 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/58743588_542015945.jpg notre_dame_front_facade/test/images/16445294_19140011.jpg 0 0 669.222 0.0 239.5 0.0 669.222 319.5 0.0 0.0 1.0 627.378 0.0 239.5 0.0 627.378 319.5 0.0 0.0 1.0 0.8541513132922561 0.16519496192436028 0.49308838817794437 -1.0116818068130375 -0.13255064792258872 0.9860440212079341 -0.10073486970949311 0.4022173012827974 -0.5028477500560343 0.020683635920596372 0.8641274949153557 1.3379408686493437 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/74055833_422957728.jpg notre_dame_front_facade/test/images/28398273_5904550418.jpg 0 0 662.31 0.0 239.5 0.0 662.31 319.5 0.0 0.0 1.0 432.411 0.0 239.5 0.0 432.411 319.5 0.0 0.0 1.0 0.9688641500687801 -0.0007103420056424123 -0.2475919104610145 0.5100256226488714 0.04534048119641348 0.9835945975532295 0.17460214325425064 -0.47337762768181857 0.24340603829070812 -0.1803916934848587 0.9530017510190036 -0.7714489475531378 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/07103363_8108658953.jpg notre_dame_front_facade/test/images/61128028_158284839.jpg 0 0 987.55 0.0 239.5 0.0 987.55 319.5 0.0 0.0 1.0 908.622 0.0 319.5 0.0 908.622 239.5 0.0 0.0 1.0 0.9999870337438862 -0.0015346796454988644 0.004855625859731274 0.02187051639206694 0.0011623364291428917 0.9971241128633115 0.07577699202646998 -0.027137868953072103 -0.004957955035040856 -0.07577036561176075 0.9971129677107458 -0.06861252955148234 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/42430740_6049202742.jpg notre_dame_front_facade/test/images/72357333_2327691828.jpg 0 0 459.25 0.0 319.5 0.0 459.25 239.5 0.0 0.0 1.0 1291.45 0.0 249.5 0.0 1291.45 249.5 0.0 0.0 1.0 0.9470339392896447 0.08259574351513499 0.3103299228026834 -0.19165358194250942 -0.16373710753053464 0.9555030946488301 0.24536502549068234 0.37703651156459544 -0.27625509488708355 -0.2831815305942304 0.9184178478662299 3.615163019575113 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/92799893_8631875281.jpg notre_dame_front_facade/test/images/43666192_4761714801.jpg 0 0 519.666 0.0 319.5 0.0 519.666 262.5 0.0 0.0 1.0 654.307 0.0 239.5 0.0 654.307 319.5 0.0 0.0 1.0 0.9092976854420374 0.004941556241533641 -0.41611693100817926 2.3401971784527995 0.16036175930902305 0.9185448201046758 0.36133020854916614 0.16730323381367568 0.38400758508272864 -0.39528596544878825 0.8344382422433372 0.40563867041136964 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/31955715_370356740.jpg notre_dame_front_facade/test/images/07103363_8108658953.jpg 0 0 893.023 0.0 249.5 0.0 893.023 188.0 0.0 0.0 1.0 987.55 0.0 239.5 0.0 987.55 319.5 0.0 0.0 1.0 0.997930303267258 -0.03414745832599881 -0.0544890898326647 0.1139388821591201 0.01927140543848423 0.967221923490056 -0.2532002441796252 0.5343284144107051 0.06134918706342888 0.251626115119378 0.9658781369492665 1.7902160165154568 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/76264628_2298518271.jpg notre_dame_front_facade/test/images/24710907_307223581.jpg 0 0 527.718 0.0 319.5 0.0 527.718 239.5 0.0 0.0 1.0 667.982 0.0 319.5 0.0 667.982 213.0 0.0 0.0 1.0 0.9847534325733888 0.06162751859827141 0.16267367945167982 -0.08779834409952614 0.019072998062769825 0.8912539875314863 -0.4531032448064376 0.2834055595617113 -0.17290719412397434 0.44929765040632547 0.8764900019735135 1.6574306486952732 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16926208_509236966.jpg notre_dame_front_facade/test/images/94098462_7321392130.jpg 1 0 864.355 0.0 319.5 0.0 864.355 239.5 0.0 0.0 1.0 515.113 0.0 319.5 0.0 515.113 211.5 0.0 0.0 1.0 -0.054605322171966925 0.9773224581547781 0.20459489626282898 -1.2655568906630683 -0.9984767723967611 -0.051824154246635945 -0.018931244564676646 0.2070270540847874 -0.007898973011879773 -0.20531699837793016 0.9786636482481785 1.061372474301959 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/24710907_307223581.jpg notre_dame_front_facade/test/images/45459434_6823683093.jpg 0 0 667.982 0.0 319.5 0.0 667.982 213.0 0.0 0.0 1.0 722.12 0.0 319.5 0.0 722.12 319.5 0.0 0.0 1.0 0.9857619587104715 -0.018359110420077023 -0.1671415682105393 0.39707140197755497 0.03719923430399839 0.9932022455478714 0.11029739981460167 -0.018616244955776497 0.1639804187288567 -0.11494451923971527 0.9797439358170379 -0.10975808021698699 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/86709056_2624498473.jpg notre_dame_front_facade/test/images/62734641_225878925.jpg 0 0 528.258 0.0 239.5 0.0 528.258 319.5 0.0 0.0 1.0 1220.35 0.0 187.0 0.0 1220.35 249.5 0.0 0.0 1.0 0.9643353165522712 0.05504222792303048 0.25889718112660204 -0.6236910799042787 -0.025223383997430286 0.9927974298174843 -0.11711978589254624 0.364033438939758 -0.26347898995887625 0.1064124827878142 0.9587779750063014 5.85478718205574 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/66556628_3153467175.jpg notre_dame_front_facade/test/images/19969696_3085995005.jpg 0 0 659.486 0.0 319.5 0.0 659.486 239.5 0.0 0.0 1.0 1261.33 0.0 319.5 0.0 1261.33 239.5 0.0 0.0 1.0 0.9475045174188091 -0.10627363805944383 -0.3015644264905261 0.3314939115202209 0.07202930668914499 0.9898491584433748 -0.1225170294564146 0.2979848078241586 0.31152362422267543 0.09436396230846388 0.9455413656570589 1.8715387881422536 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/02611690_173893259.jpg notre_dame_front_facade/test/images/88264143_2551880831.jpg 0 0 343.22 0.0 130.5 0.0 343.22 174.5 0.0 0.0 1.0 688.704 0.0 239.5 0.0 688.704 319.5 0.0 0.0 1.0 0.8312880321666459 0.18941489752765597 0.5225726783626303 -0.9717723639618061 -0.1176030603570453 0.9787978860736458 -0.16770276805234788 0.14847801285462497 -0.5432584355269257 0.07795315780871251 0.8359387402295023 0.5210902313889745 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/84046481_8129096.jpg notre_dame_front_facade/test/images/88697814_397500572.jpg 0 0 528.081 0.0 249.5 0.0 528.081 187.0 0.0 0.0 1.0 534.268 0.0 183.0 0.0 534.268 249.5 0.0 0.0 1.0 0.8550192589826684 -0.12606133953491347 -0.5030413555995096 0.6735410392874572 0.10538634872113074 0.9920019096983358 -0.06946890425278641 0.372512927817976 0.5077753285380822 0.006383559314195052 0.8614658820281421 1.086230414609973 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/78771774_3535210759.jpg notre_dame_front_facade/test/images/20084313_4238584258.jpg 0 0 498.975 0.0 212.5 0.0 498.975 319.5 0.0 0.0 1.0 634.619 0.0 213.0 0.0 634.619 319.5 0.0 0.0 1.0 0.6817306718382812 -0.1551257040477933 -0.7149680461521356 1.4200132207726057 0.3247942149721041 0.9398510301124432 0.10577693093124708 0.1383251177225524 0.655554733790841 -0.30432886346887245 0.6911092054546546 0.3778998405123628 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/48323035_392280377.jpg notre_dame_front_facade/test/images/74585657_2877011526.jpg 0 0 523.158 0.0 319.5 0.0 523.158 239.5 0.0 0.0 1.0 1451.95 0.0 319.5 0.0 1451.95 212.5 0.0 0.0 1.0 0.8820836069392874 -0.33905132424720874 -0.32706682787343416 0.1894846234344849 0.1727849312457823 0.8787340623934137 -0.4449402376993547 0.4183249030090419 0.43826233913418433 0.33596227037538345 0.8336998710452406 0.6729071388839019 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/07705674_1304394874.jpg notre_dame_front_facade/test/images/64910807_2663494883.jpg 0 0 825.019 0.0 239.5 0.0 825.019 319.5 0.0 0.0 1.0 744.149 0.0 239.5 0.0 744.149 319.5 0.0 0.0 1.0 0.9997816632845683 -0.0032447944715753374 0.020642118805481252 -0.09891350254264686 0.003174175233291739 0.9999890007494107 0.00345296854661101 -0.052917757999646195 -0.020653095930894413 -0.0033866929345249624 0.9997809659817677 -0.19952935995192803 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/80749661_7180275066.jpg notre_dame_front_facade/test/images/30419716_2588385795.jpg 0 0 744.53 0.0 239.5 0.0 744.53 319.5 0.0 0.0 1.0 569.144 0.0 249.5 0.0 569.144 187.0 0.0 0.0 1.0 0.9537440913311366 -0.19682747325941669 -0.22722489745020868 0.816514446041517 0.2497822919612599 0.9394370025330482 0.23466342896646952 -0.552748924369144 0.1672752667716427 -0.28056561450404954 0.9451465077354099 -0.665297399822289 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/66615705_4179549738.jpg notre_dame_front_facade/test/images/14726037_8034366725.jpg 0 0 738.007 0.0 239.5 0.0 738.007 319.5 0.0 0.0 1.0 626.047 0.0 319.5 0.0 626.047 239.5 0.0 0.0 1.0 0.9995135075530166 -0.028539643740664998 -0.012579227091579779 -0.34504701046836844 0.030789967904521046 0.8386102026857534 0.5438611089495168 -1.3053294218271605 -0.004972534112922342 -0.5439838386262184 0.8390809598709652 -1.2318097198681006 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/77664805_1165807524.jpg notre_dame_front_facade/test/images/20084313_4238584258.jpg 0 0 735.025 0.0 239.5 0.0 735.025 319.5 0.0 0.0 1.0 634.619 0.0 213.0 0.0 634.619 319.5 0.0 0.0 1.0 0.7983887391280502 -0.08296191377043 -0.5963998173181061 1.6558024278053485 0.25553570517172336 0.9435315242424819 0.21083113181655375 -0.3860176812225268 0.5452310745142033 -0.32072664938262724 0.7745046751052448 -0.46457226783935107 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/98282583_3572009571.jpg notre_dame_front_facade/test/images/48878579_6144672125.jpg 0 0 660.309 0.0 239.5 0.0 660.309 319.5 0.0 0.0 1.0 1152.32 0.0 239.5 0.0 1152.32 319.5 0.0 0.0 1.0 0.9728774472590063 -0.05917547354818375 -0.22362409518016577 0.4644928427655579 -0.020342018910154115 0.9410946701044226 -0.33753077514162605 0.5876520713322386 0.23042498753706936 0.33292504446405974 0.9143660316783129 2.2256006793000584 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/31955715_370356740.jpg notre_dame_front_facade/test/images/67484798_514709769.jpg 0 0 893.023 0.0 249.5 0.0 893.023 188.0 0.0 0.0 1.0 753.349 0.0 319.5 0.0 753.349 239.5 0.0 0.0 1.0 0.9981424610520819 0.003863575480887582 0.06080049530551665 -0.04475192039303996 -0.0036165536995727238 0.9999847559130611 -0.004172347161216095 0.3638310740626733 -0.06081568863567005 0.00394470860762695 0.9981412181098276 0.6287614397926222 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/93201398_6054202502.jpg notre_dame_front_facade/test/images/31731830_3056005968.jpg 0 0 668.116 0.0 319.5 0.0 668.116 255.5 0.0 0.0 1.0 692.226 0.0 319.5 0.0 692.226 239.5 0.0 0.0 1.0 0.982221424776656 -0.04525025849107485 -0.18219079783624384 0.8920143311752344 0.0802974344861829 0.9785212758209944 0.18986425356182834 -0.33856365462372534 0.16968616538967846 -0.2011181913008965 0.964758041377838 -0.7654032524896035 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/48323035_392280377.jpg notre_dame_front_facade/test/images/48878579_6144672125.jpg 0 0 523.158 0.0 319.5 0.0 523.158 239.5 0.0 0.0 1.0 1152.32 0.0 239.5 0.0 1152.32 319.5 0.0 0.0 1.0 0.9839707112562979 0.15875678887571315 0.0812275899903949 -0.056339823029518454 -0.06358731284164919 0.7378954807781108 -0.6719128761177439 0.7269330919091628 -0.1666082021851076 0.6559775464397488 0.7361624586540211 2.866165710327421 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16588250_2425068783.jpg notre_dame_front_facade/test/images/55678768_1001564500.jpg 0 0 727.948 0.0 239.5 0.0 727.948 319.5 0.0 0.0 1.0 672.4 0.0 319.5 0.0 672.4 239.5 0.0 0.0 1.0 0.9377937451371751 0.15658148163258973 -0.3098792203283952 0.9369088176617291 0.08039534162048795 0.7703348498090901 0.6325510321036018 -1.310437116713018 0.337756540465638 -0.6181152471662139 0.7098267821048556 -0.6754039644205407 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/04785646_8607050988.jpg notre_dame_front_facade/test/images/27335203_487553664.jpg 0 0 1561.94 0.0 213.0 0.0 1561.94 319.5 0.0 0.0 1.0 798.785 0.0 319.5 0.0 798.785 239.5 0.0 0.0 1.0 0.7678860271359409 -0.06363188122602519 -0.6374182559521009 2.7158412388202793 0.4400824659225312 0.7754664176642616 0.4527463509101991 -1.890946874639662 0.465487349470343 -0.6281741946041671 0.6234731018387887 -1.2948113925434543 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/73783180_6254295715.jpg notre_dame_front_facade/test/images/87736245_2352767121.jpg 0 0 510.796 0.0 319.5 0.0 510.796 239.5 0.0 0.0 1.0 693.522 0.0 239.5 0.0 693.522 319.5 0.0 0.0 1.0 0.9790719465013374 0.016295191041455163 -0.2028610123286502 0.6740275955178252 0.031701971936854124 0.9724099356077597 0.23111447835786358 -0.4413305231511395 0.20103011851311528 -0.23270879631039948 0.9515426987636277 -1.2870476920497804 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/73783180_6254295715.jpg notre_dame_front_facade/test/images/08994755_224674449.jpg 0 0 510.796 0.0 319.5 0.0 510.796 239.5 0.0 0.0 1.0 665.565 0.0 319.5 0.0 665.565 239.5 0.0 0.0 1.0 0.9932060222179696 -0.01850983015686757 -0.1148877000271221 0.3559789466699015 0.03602566398028542 0.9876750770074901 0.15231577000766505 0.03649419225093786 0.1106523789384468 -0.15541984572702508 0.9816316633999997 0.08523492631411045 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/09939185_8343101195.jpg notre_dame_front_facade/test/images/83586356_85985164.jpg 0 0 612.367 0.0 319.5 0.0 612.367 239.5 0.0 0.0 1.0 761.7 0.0 187.0 0.0 761.7 249.5 0.0 0.0 1.0 0.9987950073912308 -0.03620512886310753 -0.0331318857651801 0.045079735744081056 0.028473035351641675 0.9773582410561521 -0.2096667710856643 -0.0034715195934924004 0.03997273405979791 0.208470758821543 0.97721140151359 0.7374416499544748 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/06285764_3594606656.jpg notre_dame_front_facade/test/images/56616850_528528947.jpg 0 0 624.925 0.0 239.5 0.0 624.925 319.5 0.0 0.0 1.0 698.333 0.0 239.5 0.0 698.333 319.5 0.0 0.0 1.0 0.944505241654251 0.044399946310458585 0.3254819399832704 -0.8546023855051639 -0.05660059117887692 0.9980011841452298 0.028107108049763276 -0.07164849649756479 -0.32358340743283864 -0.04496978110184459 0.9451304128118011 -0.1938571385404522 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/05852089_7355180390.jpg notre_dame_front_facade/test/images/58743588_542015945.jpg 0 0 678.861 0.0 319.5 0.0 678.861 239.5 0.0 0.0 1.0 669.222 0.0 239.5 0.0 669.222 319.5 0.0 0.0 1.0 0.9654620783425695 -0.1852244830714471 -0.18323445678518396 0.27338117211824775 0.17018481337490576 0.9808423601595664 -0.09479131718232303 -0.1679010487622225 0.1972817897804932 0.06033370026383654 0.9784884976500637 -0.18687045297240756 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/36982333_6368134453.jpg notre_dame_front_facade/test/images/10271797_13991878773.jpg 0 0 761.713 0.0 239.5 0.0 761.713 319.5 0.0 0.0 1.0 483.005 0.0 319.5 0.0 483.005 239.5 0.0 0.0 1.0 0.9997475205346887 0.007353397148457472 -0.021232586632786783 0.05494366930512601 -0.012484866031116242 0.9674358356153235 -0.25280829117627035 -0.052828298485173564 0.01868216542392283 0.25300954827369243 0.9672833841110966 -1.1049748746847157 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/73100287_2167356662.jpg notre_dame_front_facade/test/images/99155510_288146072.jpg 0 0 410.944 0.0 166.0 0.0 410.944 249.5 0.0 0.0 1.0 789.09 0.0 319.5 0.0 789.09 239.5 0.0 0.0 1.0 0.9990185841879738 -0.04385946776851609 -0.006181871409136467 -0.16860694720145997 0.038906316404990184 0.9356415176640903 -0.350800867967901 0.6576825709427685 0.021169954909054337 0.3502160726041858 0.9364296746146227 2.518618504482156 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/79303999_2708557564.jpg notre_dame_front_facade/test/images/14726037_8034366725.jpg 0 0 514.539 0.0 319.5 0.0 514.539 212.5 0.0 0.0 1.0 626.047 0.0 319.5 0.0 626.047 239.5 0.0 0.0 1.0 0.9958222209520805 0.022934169091969957 -0.08838624410012369 0.24867685426014347 0.031233066349755166 0.8240149115195872 0.5657065680719628 -1.3007386067103044 0.08580559320031249 -0.5661037444509862 0.8198560548621415 -1.1541911297797314 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/81875745_5270921683.jpg notre_dame_front_facade/test/images/89810148_5254985106.jpg 0 0 785.224 0.0 319.5 0.0 785.224 214.5 0.0 0.0 1.0 782.364 0.0 211.5 0.0 782.364 319.5 0.0 0.0 1.0 0.807172575823029 -0.5044397862561337 -0.30661528807462035 1.4314186024881548 0.5330746903201025 0.8459897463434024 0.0115205738551901 -0.019167662304506256 0.2535819539701972 -0.1727479410114405 0.9517638055195021 -0.17280385237047313 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/68906626_8236091211.jpg notre_dame_front_facade/test/images/92796397_10905257324.jpg 0 0 595.075 0.0 319.5 0.0 595.075 239.5 0.0 0.0 1.0 747.301 0.0 239.5 0.0 747.301 319.5 0.0 0.0 1.0 0.9536099795781199 0.1925722596526943 0.23139561720411497 -0.2066848471227824 -0.06332061560049423 0.8797525379196459 -0.4711963196629578 0.6722336140554187 -0.2943102215163321 0.4346853998424576 0.8511345937481394 2.0738412224349245 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/12023672_2650236061.jpg notre_dame_front_facade/test/images/48541802_2699303896.jpg 0 0 848.099 0.0 213.0 0.0 848.099 319.5 0.0 0.0 1.0 606.303 0.0 239.5 0.0 606.303 319.5 0.0 0.0 1.0 0.966552164656272 0.12307597656653718 0.22500937089478734 -0.7860948821614737 -0.10760320080845659 0.990983822904488 -0.0798286534859563 -0.3126537153072266 -0.23280563604442595 0.052946829308270216 0.971080928188867 -1.6168158452943104 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/47652016_4207375505.jpg notre_dame_front_facade/test/images/86200490_476468804.jpg 0 0 530.142 0.0 213.5 0.0 530.142 319.5 0.0 0.0 1.0 254.811 0.0 319.5 0.0 254.811 222.0 0.0 0.0 1.0 0.9911887791989714 0.046031311728126384 0.12420113659158162 -0.3287277533674666 -0.04265644670492015 0.9986483205243658 -0.02969780241657725 -0.05428325341317623 -0.12540028526507815 0.02413814935847017 0.9918125418651376 -0.778498802450893 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/17355996_7160680080.jpg notre_dame_front_facade/test/images/97773068_506947032.jpg 0 0 592.885 0.0 207.5 0.0 592.885 319.5 0.0 0.0 1.0 919.356 0.0 213.0 0.0 919.356 319.5 0.0 0.0 1.0 0.9883730671141085 -0.13977858039586952 -0.059838354472405646 0.38259341417088183 0.1340258503514762 0.9867661841464095 -0.0912664739249751 0.0735896202076423 0.07180356287130568 0.08218543841612025 0.9940270630477506 -0.16424945897102572 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/35249264_6310946396.jpg notre_dame_front_facade/test/images/01434393_2942710887.jpg 0 0 1037.12 0.0 319.5 0.0 1037.12 239.5 0.0 0.0 1.0 715.702 0.0 239.5 0.0 715.702 319.5 0.0 0.0 1.0 0.9828558739166304 -0.014841843742593338 -0.18377717698859333 0.36839014943484094 0.011888636678192899 0.9997820571453011 -0.017160959420833004 0.2015576957957384 0.18399182434420894 0.014681889681849332 0.9828181167896018 0.6696286381147996 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/43666192_4761714801.jpg notre_dame_front_facade/test/images/78165838_2796390716.jpg 0 0 654.307 0.0 239.5 0.0 654.307 319.5 0.0 0.0 1.0 697.682 0.0 239.5 0.0 697.682 319.5 0.0 0.0 1.0 0.724246567851321 0.22183397819015171 0.6528832936106674 -1.111701993269206 0.09508820801537171 0.9056606256887725 -0.41320341694309193 -0.07725343233189091 -0.6829532499754335 0.36134265897808504 0.634827804330151 0.3496245774980451 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/91963349_6452367725.jpg notre_dame_front_facade/test/images/70950675_2625630826.jpg 0 0 516.037 0.0 239.5 0.0 516.037 319.5 0.0 0.0 1.0 511.931 0.0 319.5 0.0 511.931 239.5 0.0 0.0 1.0 0.9962096004352995 -0.06852932149511749 -0.05357391245708707 0.060587407890465794 0.08037765069595523 0.9606805398275522 0.2657674428240635 -0.164926984671798 0.03325455260772295 -0.269066223246363 0.962547402593139 -0.25093958515499615 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/92796397_10905257324.jpg notre_dame_front_facade/test/images/61900107_5317613163.jpg 0 0 747.301 0.0 239.5 0.0 747.301 319.5 0.0 0.0 1.0 537.046 0.0 319.5 0.0 537.046 239.5 0.0 0.0 1.0 0.89173605393458 0.006866365730056079 -0.4525037714040015 1.3555209850007635 0.3185409794096015 0.700722762941992 0.6383723474052685 -1.9819381297475103 0.32146299094912245 -0.7134006325456983 0.6226725326633914 -0.8290024793408742 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16199404_86872664.jpg notre_dame_front_facade/test/images/35136042_91813767.jpg 0 0 719.163 0.0 239.5 0.0 719.163 319.5 0.0 0.0 1.0 763.496 0.0 319.5 0.0 763.496 239.5 0.0 0.0 1.0 0.9930387216014328 -0.04728531310160533 0.10788047351154431 -0.1886453819183696 -0.0041819487468471445 0.9011529900856609 0.43348102584121373 -0.4667410159713128 -0.117714097307292 -0.4309145943508475 0.894682068486104 -0.30408047481541467 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/97258672_6764851771.jpg notre_dame_front_facade/test/images/41995021_5921639869.jpg 0 0 523.368 0.0 319.5 0.0 523.368 239.5 0.0 0.0 1.0 540.721 0.0 319.5 0.0 540.721 239.5 0.0 0.0 1.0 0.9963034504639746 -0.017688359998830755 0.08406281290874128 -0.30850195047680046 -0.024964348343135788 0.876720018112958 0.48035277781211755 -1.1167620172292896 -0.08219620371635696 -0.4806757033183255 0.8730376007561486 -1.1442768115793274 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/94185952_3045662541.jpg notre_dame_front_facade/test/images/79222984_9062375931.jpg 0 0 640.582 0.0 239.5 0.0 640.582 319.5 0.0 0.0 1.0 604.588 0.0 239.5 0.0 604.588 319.5 0.0 0.0 1.0 0.8266179799616961 0.29019602415150164 0.4821711135797189 -0.785071119903086 -0.45880428734934053 0.8436653518727183 0.27879634136650006 -0.3534710826244608 -0.325885472388551 -0.4516802426674685 0.8305321289811416 -0.2766200025582951 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/35960796_2756840211.jpg notre_dame_front_facade/test/images/68816036_11955201904.jpg 0 0 544.223 0.0 187.0 0.0 544.223 249.5 0.0 0.0 1.0 838.493 0.0 319.5 0.0 838.493 319.5 0.0 0.0 1.0 0.9811823599178521 0.009113118498216352 0.19286816133636997 -0.561227909953096 -0.04268015247523228 0.9844132219758881 0.17061363657029754 -0.2401346222377796 -0.18830714583022473 -0.17563473309766528 0.9662778375596671 -0.671320391965184 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/58668083_4179544564.jpg notre_dame_front_facade/test/images/79553233_156495686.jpg 0 0 681.176 0.0 239.5 0.0 681.176 319.5 0.0 0.0 1.0 1426.95 0.0 239.5 0.0 1426.95 319.5 0.0 0.0 1.0 0.9732357441976652 0.060973132908427596 0.22157270427412293 -0.5574490556748275 -0.03564170636453259 0.9925417566055825 -0.11657842922997866 0.2616763392546191 -0.22702831317578245 0.10556106506489944 0.9681503016365397 3.826439775015006 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/82822071_3748336563.jpg notre_dame_front_facade/test/images/34722769_6860824250.jpg 0 0 714.694 0.0 239.5 0.0 714.694 319.5 0.0 0.0 1.0 575.935 0.0 239.5 0.0 575.935 319.5 0.0 0.0 1.0 0.9938265004699848 -0.08302421915825058 0.07359256753739549 -0.14100625400241873 0.07853699389161738 0.9949871742068035 0.061906895855214646 -0.14619084132912374 -0.0783634325055468 -0.0557449746355949 0.9953650939473544 -0.37964710948443925 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/83116416_6588657413.jpg notre_dame_front_facade/test/images/68199511_6932972308.jpg 0 0 1955.44 0.0 239.5 0.0 1955.44 319.5 0.0 0.0 1.0 688.798 0.0 213.0 0.0 688.798 319.5 0.0 0.0 1.0 0.9742155900579351 -0.00824994885909802 -0.22546822931821547 2.6711335128616516 0.051030527340071595 0.9814913131980306 0.1845824677378634 -1.9533626217518592 0.21977231255884655 -0.19132888036213316 0.9566051380647654 -8.274737962468105 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/87759689_2253451275.jpg notre_dame_front_facade/test/images/28398273_5904550418.jpg 0 0 523.045 0.0 319.5 0.0 523.045 213.0 0.0 0.0 1.0 432.411 0.0 239.5 0.0 432.411 319.5 0.0 0.0 1.0 0.9358498332566305 -0.0012523202805762215 -0.35239682360579244 0.6252727435429767 0.05827627935825527 0.9867753227268792 0.15125586838672297 -0.4366872037011525 0.3475470685499962 -0.1620891549462145 0.9235465018022243 -0.6850347475835737 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/74055833_422957728.jpg notre_dame_front_facade/test/images/43866772_7750717370.jpg 0 0 662.31 0.0 239.5 0.0 662.31 319.5 0.0 0.0 1.0 440.442 0.0 319.5 0.0 440.442 212.5 0.0 0.0 1.0 0.981923310856661 0.0399605681550353 0.1850128768194791 -0.28977305079407056 0.011996445968471556 0.9623562069343704 -0.27152645590994745 0.030496178419560954 -0.18889864181729446 0.2688376535525071 0.9444806081397138 1.0256304115099408 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/08090503_170650847.jpg notre_dame_front_facade/test/images/89810148_5254985106.jpg 0 0 3257.44 0.0 239.5 0.0 3257.44 319.5 0.0 0.0 1.0 782.364 0.0 211.5 0.0 782.364 319.5 0.0 0.0 1.0 0.918915553160799 -0.02527658492045407 -0.3936436210761476 3.7682086831989126 0.07755227461956007 0.9900443401201003 0.11746424689022465 -1.1426827638117547 0.3867555440591834 -0.13846768161168294 0.9117273991103758 -5.046357178026586 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/85791643_379742998.jpg notre_dame_front_facade/test/images/73717439_5873359498.jpg 0 0 792.408 0.0 249.5 0.0 792.408 238.5 0.0 0.0 1.0 529.064 0.0 319.5 0.0 529.064 239.5 0.0 0.0 1.0 0.9717401944343448 -0.05145767164653541 -0.23037600254674703 0.599128376248844 0.04572684663513733 0.9984988928665762 -0.030149899519374558 -0.03269907888608593 0.23158162711559846 0.01876350108426188 0.9726345053562272 -0.23130080906029424 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/10570085_9512778760.jpg notre_dame_front_facade/test/images/92064571_307220044.jpg 0 0 532.423 0.0 319.5 0.0 532.423 239.5 0.0 0.0 1.0 674.607 0.0 213.0 0.0 674.607 319.5 0.0 0.0 1.0 0.992446945784485 0.02249715759074333 0.12059410310369674 -0.23856172466387626 -0.007811722668655738 0.9926350452415532 -0.12089104163356179 0.21943582166024342 -0.1224256378051419 0.11903589735301205 0.9853133604845554 0.9736610776462499 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/90581608_3777244265.jpg notre_dame_front_facade/test/images/65265933_1398358926.jpg 0 0 508.089 0.0 239.5 0.0 508.089 319.5 0.0 0.0 1.0 902.934 0.0 319.5 0.0 902.934 239.5 0.0 0.0 1.0 0.9994158696894667 -0.02241884616797233 0.025793695922525728 -0.07797564696400489 0.01992127677832954 0.9954373943244319 0.09331418280254565 0.05202456746312072 -0.027768005768656106 -0.09274583180435933 0.9953025412097316 0.2168213175168984 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/48909735_2476148825.jpg notre_dame_front_facade/test/images/09939185_8343101195.jpg 0 0 864.988 0.0 319.5 0.0 864.988 179.5 0.0 0.0 1.0 612.367 0.0 319.5 0.0 612.367 239.5 0.0 0.0 1.0 0.9733180139365954 -0.012249896363764945 0.22913311368197825 -0.42224432917063015 -0.0891686484897153 0.8998997095852086 0.4268834323500675 -0.13060889571286832 -0.21142610026446343 -0.43592482462866694 0.8747962913726983 -0.44278718847549303 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/00428654_11477382116.jpg notre_dame_front_facade/test/images/69189455_2043939797.jpg 0 0 565.607 0.0 319.5 0.0 565.607 239.5 0.0 0.0 1.0 572.409 0.0 187.0 0.0 572.409 249.5 0.0 0.0 1.0 0.8037883124122452 -0.3143204307435407 -0.5051009954916639 0.9687952175235947 0.12875496183772106 0.9208182349154868 -0.3681248946340011 0.4811708353679254 0.5808153825714689 0.23086022841607537 0.7806132501463423 1.486320777082068 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/36077348_6211893193.jpg notre_dame_front_facade/test/images/06285764_3594606656.jpg 0 0 634.572 0.0 319.5 0.0 634.572 179.0 0.0 0.0 1.0 624.925 0.0 239.5 0.0 624.925 319.5 0.0 0.0 1.0 0.9216275952332268 -0.05081470542356928 -0.3847342477832392 1.2758558855753184 0.04749400503726509 0.998706881971101 -0.018135142378316278 -0.12301871727210106 0.3851582729088645 -0.001558722642885741 0.9228492158492542 -0.5517038955929066 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/97258672_6764851771.jpg notre_dame_front_facade/test/images/41918897_501355398.jpg 0 0 523.368 0.0 319.5 0.0 523.368 239.5 0.0 0.0 1.0 839.863 0.0 212.5 0.0 839.863 319.5 0.0 0.0 1.0 0.9243115786525189 0.031563699938088975 0.3803312219830322 -1.059310757266597 -0.04041270363074969 0.9990658994348771 0.015301698325137378 -0.02713339154097602 -0.3794929761591661 -0.029513749890493463 0.9247237531356377 0.18030986706648405 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/74173316_2707741529.jpg notre_dame_front_facade/test/images/76022149_7552328104.jpg 0 0 1468.12 0.0 319.5 0.0 1468.12 212.5 0.0 0.0 1.0 963.011 0.0 305.5 0.0 963.011 305.5 0.0 0.0 1.0 0.9984606896978184 0.024345849352006097 0.04983503534147608 -0.029611167645680336 -0.032148851814422286 0.9862146108386133 0.16231818350221028 -0.030789084632212527 -0.04519626594278628 -0.16367046461647353 0.9854792116311013 0.11175466775019183 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/49984163_4144073459.jpg notre_dame_front_facade/test/images/17253180_3321954648.jpg 0 0 699.426 0.0 239.5 0.0 699.426 319.5 0.0 0.0 1.0 2056.32 0.0 319.5 0.0 2056.32 213.0 0.0 0.0 1.0 0.9549845783917081 0.04164510496937704 0.2937177901763891 -0.6780323568743014 -0.010734115852900189 0.9942999399802814 -0.10607736851970588 0.6054016911984792 -0.29646118429040297 0.09814945026488198 0.9499881323584171 2.518993807530589 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/67306591_4879787713.jpg notre_dame_front_facade/test/images/28728133_5678761883.jpg 0 0 701.749 0.0 239.5 0.0 701.749 319.5 0.0 0.0 1.0 716.376 0.0 319.5 0.0 716.376 239.5 0.0 0.0 1.0 0.9985589074490803 0.00450375081039362 -0.0534773277449168 0.05925731594054426 0.011404034455203733 0.9559072808402179 0.2934471305615462 -0.5988252063306628 0.05244097970331881 -0.2936341033757804 0.9544783690490097 -0.8765857437419469 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/75827637_332080023.jpg notre_dame_front_facade/test/images/28728133_5678761883.jpg 0 0 824.199 0.0 239.5 0.0 824.199 319.5 0.0 0.0 1.0 716.376 0.0 319.5 0.0 716.376 239.5 0.0 0.0 1.0 0.9987504006348936 0.044873754014512754 0.021999623457790905 -0.15923613433963713 -0.04960732347782404 0.9435525660898311 0.32748689818473853 -0.8127591731711882 -0.0060622346544909065 -0.3281690132019472 0.9445995702333628 -1.2056171996094067 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/81076842_231122028.jpg notre_dame_front_facade/test/images/43886992_2526982465.jpg 0 0 726.641 0.0 239.5 0.0 726.641 319.5 0.0 0.0 1.0 822.701 0.0 319.5 0.0 822.701 212.5 0.0 0.0 1.0 0.8904416946219073 0.05505060784292408 0.4517554859157671 -1.1412621489846584 -0.20464165063397693 0.9350723574510239 0.28941575830763944 -0.5079054397113547 -0.40649155379253277 -0.3501558465984957 0.8438930618201713 -0.8167784421364032 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/70336114_5249999416.jpg notre_dame_front_facade/test/images/86877326_2716699476.jpg 0 0 678.309 0.0 239.5 0.0 678.309 319.5 0.0 0.0 1.0 570.15 0.0 213.0 0.0 570.15 319.5 0.0 0.0 1.0 0.952474269450606 0.026087935041112714 0.30349989403593713 -0.9406818182919788 -0.03412394320147196 0.999192655011851 0.021203647581266874 0.0741462486873928 -0.3027017055368488 -0.030552541885390416 0.952595517336411 0.6380303760733225 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/26162967_291218280.jpg notre_dame_front_facade/test/images/62739329_10894953753.jpg 0 0 1095.75 0.0 165.0 0.0 1095.75 249.5 0.0 0.0 1.0 675.789 0.0 319.5 0.0 675.789 213.5 0.0 0.0 1.0 0.9651348431803793 0.021788755207437466 0.26084475196119117 -0.41465007577766194 -0.042669540440346335 0.9962959831352622 0.07465670972626036 -0.24329529295947339 -0.25825190182803026 -0.0831839175264775 0.9624896836159615 -0.8753489178711358 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/33325174_3149906599.jpg notre_dame_front_facade/test/images/48070518_9871726453.jpg 0 0 796.707 0.0 239.5 0.0 796.707 319.5 0.0 0.0 1.0 962.531 0.0 319.5 0.0 962.531 212.5 0.0 0.0 1.0 0.9813636097310358 0.041341917996554525 0.18766009515088125 -0.5110873113102602 -0.04649452143406827 0.9986505575856419 0.023137054922860535 0.06632329804458137 -0.18645032843169954 -0.03143103005395558 0.9819614887445732 0.15677935583320998 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/14356685_5939357947.jpg notre_dame_front_facade/test/images/99155510_288146072.jpg 0 0 655.836 0.0 319.5 0.0 655.836 239.5 0.0 0.0 1.0 789.09 0.0 319.5 0.0 789.09 239.5 0.0 0.0 1.0 0.9259667560709124 -0.0787215176544124 -0.3693081224529153 1.0821479825440279 0.0991545570692078 0.9943970542415957 0.03664522244503978 0.16129652723898497 0.36435414154901646 -0.07055084105681 0.9285842117774004 0.6851246622879784 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/12742093_2172973211.jpg notre_dame_front_facade/test/images/20956942_2106154790.jpg 0 0 721.14 0.0 240.0 0.0 721.14 319.5 0.0 0.0 1.0 773.542 0.0 319.5 0.0 773.542 275.5 0.0 0.0 1.0 0.9774715188624421 -0.06826341808597114 0.19972364798383382 -0.5627955835820623 -0.041580252079684285 0.8654338531682713 0.4992948311642222 -1.0282689636115196 -0.20693117805140043 -0.49635103660770086 0.8430985327995302 -0.804158313833542 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/94836922_1185468195.jpg notre_dame_front_facade/test/images/33988966_5921987459.jpg 0 0 658.457 0.0 239.5 0.0 658.457 319.5 0.0 0.0 1.0 710.599 0.0 231.0 0.0 710.599 319.5 0.0 0.0 1.0 0.9612642041674975 -0.013302466152489445 -0.27530741759075383 0.7848739240648586 0.03360033167414211 0.9970407241357867 0.06914341708487845 -0.06641315304995243 0.27357292902919955 -0.0757155123409179 0.95886652548378 -0.20687013975097135 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/69189455_2043939797.jpg notre_dame_front_facade/test/images/68856645_2061608134.jpg 0 0 572.409 0.0 187.0 0.0 572.409 249.5 0.0 0.0 1.0 845.996 0.0 213.0 0.0 845.996 319.5 0.0 0.0 1.0 0.9232539421577487 0.09507991158879461 0.3722391283871746 -0.8994243780332403 -0.08873596405525117 0.9954685519599734 -0.03418026831227427 0.14258144961451452 -0.37380220300763567 -0.001473930453205556 0.9275072725082308 0.6008126180647034 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/64105845_298847718.jpg notre_dame_front_facade/test/images/60057124_6803305881.jpg 0 0 680.938 0.0 165.0 0.0 680.938 249.5 0.0 0.0 1.0 1338.12 0.0 319.5 0.0 1338.12 239.5 0.0 0.0 1.0 0.9997557618495648 0.0009139055405967452 -0.022081246007847184 -0.8530517995547808 -0.005199427560189177 0.980826068021709 -0.19481578540282657 0.2253834811649242 0.02147981847322154 0.19488301379478065 0.980591264662612 4.955274226113767 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/51600076_9763474571.jpg notre_dame_front_facade/test/images/32993759_112702084.jpg 0 0 454.343 0.0 319.5 0.0 454.343 239.5 0.0 0.0 1.0 557.015 0.0 187.0 0.0 557.015 249.5 0.0 0.0 1.0 0.9645666601543642 0.15807492352241476 0.21124269613891522 -0.2689689086076009 -0.061574218423139565 0.9134101618960047 -0.4023561752610417 0.4813399426114779 -0.2565536469127555 0.37509224825167653 0.8907783290792765 1.4643439019700328 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/60062345_10045738.jpg notre_dame_front_facade/test/images/01569849_8047248507.jpg 0 0 678.814 0.0 239.5 0.0 678.814 319.5 0.0 0.0 1.0 528.055 0.0 319.5 0.0 528.055 213.0 0.0 0.0 1.0 0.9055034514473563 -0.06110149146935067 -0.41991678599116045 1.7731025450425695 0.22954652173668014 0.902821501327558 0.36362306183635545 -1.6158888670066038 0.3568919917503291 -0.42565237516179205 0.8315336203327008 -1.8877522849402202 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/37315332_3020520637.jpg notre_dame_front_facade/test/images/07103363_8108658953.jpg 0 0 799.466 0.0 213.0 0.0 799.466 319.5 0.0 0.0 1.0 987.55 0.0 239.5 0.0 987.55 319.5 0.0 0.0 1.0 0.9845477451824589 -0.04985388522689932 -0.16786997225209443 0.4948944718395582 0.0477089089162742 0.998720174438865 -0.01678907915346855 0.1483512020086389 0.16849212879584158 0.008520756808284636 0.9856661702814292 0.4937975318533996 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/14356685_5939357947.jpg notre_dame_front_facade/test/images/04785646_8607050988.jpg 0 0 655.836 0.0 319.5 0.0 655.836 239.5 0.0 0.0 1.0 1561.94 0.0 213.0 0.0 1561.94 319.5 0.0 0.0 1.0 0.9542721585976505 0.05866258217781938 0.2931268475892502 -0.9123213550261041 -0.0673405367841257 0.9975376630435759 0.01959241984001421 0.2984502125260949 -0.2912557285805837 -0.03843582003538047 0.9558727887680458 1.1639462492521009 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/70470648_253650724.jpg notre_dame_front_facade/test/images/94100874_2339251144.jpg 0 0 661.366 0.0 239.5 0.0 661.366 319.5 0.0 0.0 1.0 481.564 0.0 187.0 0.0 481.564 249.5 0.0 0.0 1.0 0.9975033579767978 -0.04345680846421429 -0.05566468021211797 0.17183745025231892 0.03550130769581738 0.9899780070782197 -0.13668651233140555 0.16891645009948134 0.06104676876706629 0.1343690861007143 0.9890491599124682 0.7765537817766873 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/79846448_7965487020.jpg notre_dame_front_facade/test/images/76423402_3823704092.jpg 0 0 727.071 0.0 239.5 0.0 727.071 319.5 0.0 0.0 1.0 502.678 0.0 319.5 0.0 502.678 213.5 0.0 0.0 1.0 0.8225754988908098 -0.16697625186133927 -0.5435885207938757 1.1179978422815415 0.3875969480723475 0.8640985473014915 0.321095478629728 -0.3557932482117122 0.4160987316365399 -0.4748185251922999 0.7755057792593633 -0.30903113664412296 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/60062345_10045738.jpg notre_dame_front_facade/test/images/04785646_8607050988.jpg 0 0 678.814 0.0 239.5 0.0 678.814 319.5 0.0 0.0 1.0 1561.94 0.0 213.0 0.0 1561.94 319.5 0.0 0.0 1.0 0.9199914872717971 0.0721592577466686 0.3852385038763345 -1.4837394723444164 -0.05712025207623458 0.9970964909732898 -0.05035736779756824 0.05615845900944905 -0.3877537106852416 0.02432342924429001 0.9214420386761308 0.04259624932183592 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/07705674_1304394874.jpg notre_dame_front_facade/test/images/82874025_5193294425.jpg 0 0 825.019 0.0 239.5 0.0 825.019 319.5 0.0 0.0 1.0 281.221 0.0 319.5 0.0 281.221 212.0 0.0 0.0 1.0 0.9974541030487833 0.0020512230592746555 0.07128186862806202 -0.17867769426565633 -0.022272127238533154 0.9585440103003209 0.2840727594572371 -1.1229238290351145 -0.06774411162173281 -0.2849371383328958 0.9561493411278608 -1.780666092840578 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/65265933_1398358926.jpg notre_dame_front_facade/test/images/23453150_2698843947.jpg 0 0 902.934 0.0 319.5 0.0 902.934 239.5 0.0 0.0 1.0 819.299 0.0 239.5 0.0 819.299 319.5 0.0 0.0 1.0 0.788056648806527 -0.10165363509825935 -0.6071517575887728 1.4170147427100512 0.3166999111978692 0.9126918022486902 0.2582534420976796 -0.883776630828835 0.5278900307062898 -0.39580324983424253 0.7514465402818518 -0.9169748552185412 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/92263499_2724825410.jpg notre_dame_front_facade/test/images/28264157_4531674049.jpg 0 0 1088.49 0.0 239.5 0.0 1088.49 319.5 0.0 0.0 1.0 321.962 0.0 190.5 0.0 321.962 319.5 0.0 0.0 1.0 0.9836622080566026 0.010447083611778929 0.17972066905400028 -0.5645708156885707 0.028405624202836547 0.9768017927533036 -0.21225309935918316 0.6451929422887167 -0.17776889760263523 0.2138904301691418 0.9605462523622708 -2.069172349752023 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/24710907_307223581.jpg notre_dame_front_facade/test/images/36077348_6211893193.jpg 0 0 667.982 0.0 319.5 0.0 667.982 213.0 0.0 0.0 1.0 634.572 0.0 319.5 0.0 634.572 179.0 0.0 0.0 1.0 0.9947065832711406 0.0004168088257192305 0.10275524058390742 -0.2779055596028058 -0.009160585877001694 0.9963698208829078 0.08463606619020429 0.15283530789558497 -0.10234694359600564 -0.085129350427249 0.9910994384179577 0.7901740344749664 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/94185952_3045662541.jpg notre_dame_front_facade/test/images/62739329_10894953753.jpg 0 0 640.582 0.0 239.5 0.0 640.582 319.5 0.0 0.0 1.0 675.789 0.0 319.5 0.0 675.789 213.5 0.0 0.0 1.0 0.8717531536923027 0.1925721604223235 0.45051348709867023 0.11083135367235847 -0.0989174990404248 0.9697598852147866 -0.22311677079904005 0.6851001301986606 -0.47985598611574326 0.14993908115792468 0.8644399947540633 2.184844550042688 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/26162967_291218280.jpg notre_dame_front_facade/test/images/41649063_2788519393.jpg 0 0 1095.75 0.0 165.0 0.0 1095.75 249.5 0.0 0.0 1.0 395.918 0.0 167.0 0.0 395.918 249.5 0.0 0.0 1.0 0.9631409067648353 -0.055309186811854275 -0.26324985768357567 1.2484163646353235 0.0777481858326892 0.9941031956231516 0.07559137551046256 -0.7423849018476509 0.2575166272611092 -0.09327234480835966 0.9617616421848054 -2.4537112299621318 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/12023672_2650236061.jpg notre_dame_front_facade/test/images/20432678_1041916289.jpg 0 0 848.099 0.0 213.0 0.0 848.099 319.5 0.0 0.0 1.0 637.694 0.0 319.5 0.0 637.694 239.5 0.0 0.0 1.0 0.9941251849396404 0.07634036576756693 0.07672851636256176 -0.20852889340934788 -0.07417705850821338 0.9967735477448728 -0.030663634930790544 0.00360791849643588 -0.0788218285742908 0.024791996099019605 0.9965803912728924 -0.032592011906267704 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/23453150_2698843947.jpg notre_dame_front_facade/test/images/42745507_7964372034.jpg 0 0 819.299 0.0 239.5 0.0 819.299 319.5 0.0 0.0 1.0 1044.95 0.0 279.5 0.0 1044.95 319.5 0.0 0.0 1.0 0.822159954891306 0.3297936867385264 0.4639925998984646 -0.26563432666962755 -0.17464874093976693 0.9219094720025764 -0.3458044862636756 0.7166668502346416 -0.541803309201116 0.20327087745011904 0.8155551020742737 1.5560954139501533 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/12108431_6988563786.jpg notre_dame_front_facade/test/images/63218881_6940378163.jpg 0 0 611.0 0.0 239.5 0.0 611.0 319.5 0.0 0.0 1.0 618.456 0.0 319.5 0.0 618.456 238.5 0.0 0.0 1.0 0.9995437863264477 0.024369018102373904 -0.017842930614528286 0.021625406920360524 -0.02257554729620026 0.9952579220582031 0.09461507937249924 0.36396612534287043 0.02006399462883004 -0.09416910075557418 0.9953540157061811 1.0324884337648697 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/19969696_3085995005.jpg notre_dame_front_facade/test/images/96890437_6186643187.jpg 0 0 1261.33 0.0 319.5 0.0 1261.33 239.5 0.0 0.0 1.0 705.87 0.0 239.5 0.0 705.87 319.5 0.0 0.0 1.0 0.9948430864320332 -0.04015091664496976 -0.09314041695716452 0.5615809697849341 0.05250809228077356 0.989552811194722 0.13426888731816078 -0.7177833958530354 0.08677634253308637 -0.13846709988005046 0.986558020912804 -2.4085954804584606 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/56616850_528528947.jpg notre_dame_front_facade/test/images/41918897_501355398.jpg 0 0 698.333 0.0 239.5 0.0 698.333 319.5 0.0 0.0 1.0 839.863 0.0 212.5 0.0 839.863 319.5 0.0 0.0 1.0 0.9913313017756138 0.002342359356240452 0.1313650009420798 -0.367954551695432 -0.004744131646699308 0.9998272134281954 0.017973216276692926 0.006513127224867276 -0.13130020310260435 -0.01844062474690667 0.9911711254996074 0.1812847548168387 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/76022149_7552328104.jpg notre_dame_front_facade/test/images/94836922_1185468195.jpg 0 0 963.011 0.0 305.5 0.0 963.011 305.5 0.0 0.0 1.0 658.457 0.0 239.5 0.0 658.457 319.5 0.0 0.0 1.0 0.9583539532819842 0.14212361081164762 0.24770663995672743 -0.34748813566774733 -0.00911718733609717 0.8821554859756264 -0.47087001970627185 0.44378686681754764 -0.2854375187740234 0.44900175702659084 0.8467129649787838 1.7471489294853535 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/92861950_1349607126.jpg notre_dame_front_facade/test/images/00428654_11477382116.jpg 0 0 717.935 0.0 213.0 0.0 717.935 319.5 0.0 0.0 1.0 565.607 0.0 319.5 0.0 565.607 239.5 0.0 0.0 1.0 0.8825605734532396 0.24117871961404472 0.4036330751948097 -0.7393060020035704 -0.2507185293763183 0.9675965724773691 -0.029951493408905884 0.200654898651644 -0.39777764292788637 -0.07476428382173869 0.9144305597755127 0.319618562541396 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/77664805_1165807524.jpg notre_dame_front_facade/test/images/82177628_9120294308.jpg 0 0 735.025 0.0 239.5 0.0 735.025 319.5 0.0 0.0 1.0 595.0 0.0 239.5 0.0 595.0 319.5 0.0 0.0 1.0 0.7581804817781537 -0.1751887541482468 -0.6280694686661915 1.8080280327555904 0.2586969034660201 0.9649956214146264 0.04312032916956807 -0.025084515859007173 0.5985300904614068 -0.19517261864970795 0.7769616333781715 -0.5148840692535221 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/41969558_542015413.jpg notre_dame_front_facade/test/images/48909735_2476148825.jpg 0 0 663.804 0.0 319.5 0.0 663.804 239.5 0.0 0.0 1.0 864.988 0.0 319.5 0.0 864.988 179.5 0.0 0.0 1.0 0.9858093453224479 0.05893603170807867 0.15718294704398106 -0.3796049776964878 -0.03518417078936997 0.988087155912723 -0.149819379407909 0.04478372988470841 -0.16414021079793661 0.14216299267675434 0.9761391676971056 0.075557613132336 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/95306290_4701287373.jpg notre_dame_front_facade/test/images/64105845_298847718.jpg 0 0 1861.15 0.0 239.5 0.0 1861.15 319.5 0.0 0.0 1.0 680.938 0.0 165.0 0.0 680.938 249.5 0.0 0.0 1.0 0.97281741790042 0.009307862565941094 0.23138633305364642 -0.6762074066158368 -0.03678372501711093 0.9927170480378112 0.11471625913077647 0.01630604051347223 -0.2286333943312416 -0.1201092262465604 0.9660748132349933 0.33421567723104384 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/83116416_6588657413.jpg notre_dame_front_facade/test/images/87453268_2874605638.jpg 0 0 1955.44 0.0 239.5 0.0 1955.44 319.5 0.0 0.0 1.0 859.782 0.0 212.5 0.0 859.782 319.5 0.0 0.0 1.0 0.9560485055188991 -0.002600145058270868 -0.2931970230762169 3.423111438050526 0.07124830750534082 0.9720494670234182 0.2237040731348292 -2.0713053560695367 0.2844203469738129 -0.23476173645882878 0.9295116961728513 -7.321789420289593 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/59441370_9094154456.jpg notre_dame_front_facade/test/images/82874025_5193294425.jpg 0 0 709.773 0.0 319.5 0.0 709.773 239.5 0.0 0.0 1.0 281.221 0.0 319.5 0.0 281.221 212.0 0.0 0.0 1.0 0.9629528672871558 0.12588913349171213 0.23848207784265762 -0.33338375659282427 -0.09308776255999263 0.9851645396970478 -0.14417176625497316 -0.23450065196457615 -0.2530937451716656 0.11663085266004895 0.9603857560182627 -0.36453533754375655 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/32850132_379216157.jpg notre_dame_front_facade/test/images/75770066_13501461803.jpg 0 0 486.649 0.0 249.5 0.0 486.649 167.0 0.0 0.0 1.0 561.631 0.0 239.5 0.0 561.631 319.5 0.0 0.0 1.0 0.8198514678892622 -0.5172931620816007 0.24546151442423902 -0.329569338027545 0.5574255061417899 0.8190598828521033 -0.13571187643264185 -0.15230472896447977 -0.13084485355714823 0.2480900900195692 0.959859849942527 0.23389076350707283 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/55945829_7504406658.jpg notre_dame_front_facade/test/images/06852016_2679741155.jpg 0 0 534.047 0.0 319.5 0.0 534.047 239.5 0.0 0.0 1.0 882.112 0.0 213.0 0.0 882.112 319.5 0.0 0.0 1.0 0.9907557120943045 -0.06264946692270282 -0.12032523944214264 0.5822491716548418 0.02545982926825154 0.9570848290572431 -0.28868742106662604 0.44220967381921283 0.13324757425986877 0.2829552513786749 0.9498323060788633 1.5181170428987256 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/55945829_7504406658.jpg notre_dame_front_facade/test/images/65299042_229585472.jpg 0 0 534.047 0.0 319.5 0.0 534.047 239.5 0.0 0.0 1.0 397.031 0.0 166.0 0.0 397.031 249.5 0.0 0.0 1.0 0.9147851189000795 -0.17289741256019903 -0.3650680360822566 1.0674109023279588 0.05892911503175658 0.9512189970319981 -0.3028362248592694 0.03647044604715036 0.3996192508382716 0.2555169356724292 0.8803496748133833 0.15955716311286194 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/51049781_8641641044.jpg notre_dame_front_facade/test/images/23110319_2359081668.jpg 0 0 815.628 0.0 239.5 0.0 815.628 319.5 0.0 0.0 1.0 650.731 0.0 319.5 0.0 650.731 239.5 0.0 0.0 1.0 0.9948810382230745 0.027351248757551676 0.09728118510575191 -0.17525487445325388 -0.024667617206646453 0.9992841384393937 -0.02868308429693237 0.20131480970030946 -0.09799606341850371 0.026136561649174436 0.9948435312649097 0.8067809796744692 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/85635538_4143473890.jpg notre_dame_front_facade/test/images/26162967_291218280.jpg 0 0 1872.28 0.0 319.5 0.0 1872.28 239.5 0.0 0.0 1.0 1095.75 0.0 165.0 0.0 1095.75 249.5 0.0 0.0 1.0 0.9940480247340353 -0.010245966071384631 -0.10845987599857744 1.13747844123568 0.024737401091452747 0.9907906934711277 0.1331234867265819 -1.16639161861465 0.1060970570261181 -0.13501415448117235 0.9851469903421168 -4.871907395568342 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/17253180_3321954648.jpg notre_dame_front_facade/test/images/82874025_5193294425.jpg 0 0 2056.32 0.0 319.5 0.0 2056.32 213.0 0.0 0.0 1.0 281.221 0.0 319.5 0.0 281.221 212.0 0.0 0.0 1.0 0.9982875550663706 0.029734528535759388 -0.05037673284725621 0.27812714340459954 -0.012242975442828676 0.9483065928588886 0.3171194025799628 -1.9807424000385496 0.057201983811000924 -0.3159595919625204 0.9470467091410875 -3.0627898199774455 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/14726037_8034366725.jpg notre_dame_front_facade/test/images/34341942_1196841579.jpg 0 0 626.047 0.0 319.5 0.0 626.047 239.5 0.0 0.0 1.0 2048.74 0.0 239.5 0.0 2048.74 319.5 0.0 0.0 1.0 0.9665350588267642 0.1580481287729668 0.20206624916127755 -0.24864662377853958 0.00855606893589144 0.7673778295356786 -0.6411380977772849 1.000872987361706 -0.2563918363425561 0.6214113418086886 0.7403453049276515 7.576999117721035 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/33325174_3149906599.jpg notre_dame_front_facade/test/images/70950675_2625630826.jpg 0 0 796.707 0.0 239.5 0.0 796.707 319.5 0.0 0.0 1.0 511.931 0.0 319.5 0.0 511.931 239.5 0.0 0.0 1.0 0.9864240600434665 -0.03176178372707299 0.16111723328631908 -0.43380361229980446 -0.04039639771383466 0.9040375332975472 0.4255399739637063 -1.1726961926564503 -0.1591719347721489 -0.426271424662457 0.8904813123795073 -1.2486477781894187 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/36628843_84606153.jpg notre_dame_front_facade/test/images/50392091_3354172959.jpg 0 0 726.708 0.0 319.5 0.0 726.708 213.0 0.0 0.0 1.0 1006.14 0.0 239.5 0.0 1006.14 319.5 0.0 0.0 1.0 0.9686990601945783 0.11118797349594224 0.22194450956941145 -0.5485943873242533 -0.0985961033739066 0.9928650946715638 -0.06706498477080855 0.05543223503889688 -0.22781777625466992 0.04308292391066926 0.9727501850370858 0.28831609591781404 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/12297295_3241434580.jpg notre_dame_front_facade/test/images/61417692_9303851232.jpg 0 0 709.584 0.0 239.5 0.0 709.584 319.5 0.0 0.0 1.0 643.682 0.0 289.0 0.0 643.682 319.5 0.0 0.0 1.0 0.9937632849631285 -0.011792204747366303 0.11088497358293471 -0.23085775372678072 -0.015875588024840043 0.969301930054055 0.24536041673087655 -0.617344118528067 -0.11037435917892112 -0.24559053788914595 0.9630694619471446 -0.9669385003300811 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/46229295_1990406788.jpg notre_dame_front_facade/test/images/76264628_2298518271.jpg 0 0 966.463 0.0 241.5 0.0 966.463 319.5 0.0 0.0 1.0 527.718 0.0 319.5 0.0 527.718 239.5 0.0 0.0 1.0 0.983210101603986 0.0009122221934688197 -0.18247483101663522 0.5094244550188743 0.06142959506224081 0.9399660238028029 0.3356937278932058 -0.9849485041102268 0.17182636862358744 -0.3412668192881024 0.9241280523274967 -1.3297069639348351 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/75437734_2225459366.jpg notre_dame_front_facade/test/images/85808395_9116833255.jpg 0 0 740.607 0.0 319.5 0.0 740.607 239.5 0.0 0.0 1.0 533.422 0.0 319.5 0.0 533.422 213.0 0.0 0.0 1.0 0.9455253581962447 -0.23976311228891684 -0.22021681814383642 0.3476419084168835 0.06542375723477073 0.8025938440688856 -0.5929273593384059 0.21905214517362284 0.3189067716389055 0.5462204421735437 0.7745590355515772 0.39971940949978024 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/47637734_4638229298.jpg notre_dame_front_facade/test/images/33325174_3149906599.jpg 0 0 675.352 0.0 319.5 0.0 675.352 319.5 0.0 0.0 1.0 796.707 0.0 239.5 0.0 796.707 319.5 0.0 0.0 1.0 0.8984819697164775 -0.20024727764300748 -0.3906804037713731 1.1567868886982307 0.12135294998019641 0.9685229012893606 -0.21734040399599766 0.1579318328559524 0.421904742359579 0.1478662147841886 0.8945009619334647 0.9191955965568996 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/67691681_4057682871.jpg notre_dame_front_facade/test/images/12742093_2172973211.jpg 0 0 662.741 0.0 239.5 0.0 662.741 319.5 0.0 0.0 1.0 721.14 0.0 240.0 0.0 721.14 319.5 0.0 0.0 1.0 0.9986387356832201 0.03535661209879129 -0.03834821474221933 0.08551162900447312 -0.03644794684244424 0.9989392027000391 -0.02814278735271629 0.08085830364363245 0.03731250144375372 0.029502191272945354 0.9988680583270767 0.18761304879893828 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16588250_2425068783.jpg notre_dame_front_facade/test/images/01927388_3809070796.jpg 0 0 727.948 0.0 239.5 0.0 727.948 319.5 0.0 0.0 1.0 688.527 0.0 319.5 0.0 688.527 239.5 0.0 0.0 1.0 0.9898116911302903 -0.05452793876356986 -0.13152763966555084 0.31587551451671503 0.014766560602304501 0.9580934888254697 -0.28607484223226975 -0.014954499156461562 0.14161484664318594 0.2812180125177545 0.9491373265475292 0.5755070403275636 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/69433801_3498883130.jpg notre_dame_front_facade/test/images/73783180_6254295715.jpg 0 0 916.518 0.0 239.5 0.0 916.518 319.5 0.0 0.0 1.0 510.796 0.0 319.5 0.0 510.796 239.5 0.0 0.0 1.0 0.9880879989822411 0.042368337514118885 0.14794265863353895 -0.40512899278875664 -0.006160609531978037 0.9714734887716411 -0.23706814949303187 0.07493772848295027 -0.15376655409244436 0.23333277650202877 0.9601623103686114 0.910766373904647 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/63370987_10651574034.jpg notre_dame_front_facade/test/images/55422345_4940624653.jpg 0 0 456.706 0.0 239.5 0.0 456.706 319.5 0.0 0.0 1.0 668.447 0.0 319.5 0.0 668.447 239.5 0.0 0.0 1.0 0.9667524768259694 0.049486129185722955 0.2508799943579941 -0.3036680881409716 -0.016605293184621322 0.9911742043977114 -0.1315217121802198 0.24586643763600358 -0.25517427924676495 0.1229830051461491 0.9590418487511984 1.7084848132870856 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/48194802_193393602.jpg notre_dame_front_facade/test/images/71272180_3274206565.jpg 0 0 744.735 0.0 239.5 0.0 744.735 319.5 0.0 0.0 1.0 701.674 0.0 319.5 0.0 701.674 239.5 0.0 0.0 1.0 0.8615462338700149 0.027351076202891334 -0.5069418167156242 1.2626842753216327 0.2092763730266233 0.8906268748941756 0.403716694488915 -0.7672129014785893 0.4625380920499581 -0.45391154242514914 0.7615922958223819 -0.5489579489064512 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/90054575_2232251410.jpg notre_dame_front_facade/test/images/55422345_4940624653.jpg 0 0 712.891 0.0 319.5 0.0 712.891 239.5 0.0 0.0 1.0 668.447 0.0 319.5 0.0 668.447 239.5 0.0 0.0 1.0 0.9798405013236091 -0.002253452760338195 -0.19976865098547253 0.4847173089967969 0.014244220983511599 0.9981795411242684 0.058606363558214504 0.0458128228201322 0.19927291369995948 -0.060270437459849724 0.9780888406652675 0.10593581967268756 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/02989085_1413183882.jpg notre_dame_front_facade/test/images/63909552_10015127425.jpg 0 0 648.829 0.0 249.5 0.0 648.829 165.5 0.0 0.0 1.0 431.287 0.0 319.5 0.0 431.287 179.0 0.0 0.0 1.0 0.9969465091380845 0.013515357902195156 0.07690899179005269 -0.09970684976349704 -0.024912310240189882 0.9884899787367656 0.1492211068699246 -0.4613632512177196 -0.07400699099330652 -0.15068144224742638 0.9858083324086645 -0.8970480127516449 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/47104342_7985973355.jpg notre_dame_front_facade/test/images/43886992_2526982465.jpg 3 0 459.867 0.0 319.5 0.0 459.867 239.5 0.0 0.0 1.0 822.701 0.0 319.5 0.0 822.701 212.5 0.0 0.0 1.0 0.2180196494374644 -0.9612536643823535 0.16869743676375992 -0.10120985535098481 0.948044822612512 0.1675637097123153 -0.27043190918428595 0.4926848666393562 0.23168609534621643 0.21889220154894654 0.9478437409849153 0.8324806278144696 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/15594978_7330790386.jpg notre_dame_front_facade/test/images/72357333_2327691828.jpg 0 0 716.242 0.0 239.5 0.0 716.242 319.5 0.0 0.0 1.0 1291.45 0.0 249.5 0.0 1291.45 249.5 0.0 0.0 1.0 0.9992053737957935 -0.027432184109650766 0.02891532902429445 -0.011505685402828203 0.0264509598839364 0.9990789518402681 0.03378749341057531 -0.10221296535356814 -0.02981556135355112 -0.032995806774884374 0.9990106651264776 1.9788637161197549 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/63253229_143438035.jpg notre_dame_front_facade/test/images/10271797_13991878773.jpg 0 0 520.078 0.0 187.0 0.0 520.078 249.5 0.0 0.0 1.0 483.005 0.0 319.5 0.0 483.005 239.5 0.0 0.0 1.0 0.9922475556855996 0.06140527785531447 0.10804711975552228 -0.23783376301861012 -0.016683153464117133 0.9273504079025038 -0.37382200758322515 -0.026017809293487057 -0.12315218482205365 0.3691214066057017 0.9211856091792703 -0.1995542687574744 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/79846448_7965487020.jpg notre_dame_front_facade/test/images/12119909_5179520218.jpg 0 0 727.071 0.0 239.5 0.0 727.071 319.5 0.0 0.0 1.0 616.108 0.0 238.5 0.0 616.108 319.5 0.0 0.0 1.0 0.8964502360645347 -0.15747132640556277 -0.41422186762641233 0.9153009989393754 0.08813947021374492 0.9794169110672357 -0.1815873016098727 0.2373197757913605 0.43429069533007575 0.12627468343095224 0.8918779604150628 0.9009611828145321 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/07103363_8108658953.jpg notre_dame_front_facade/test/images/64518898_5543139365.jpg 0 0 987.55 0.0 239.5 0.0 987.55 319.5 0.0 0.0 1.0 551.721 0.0 228.0 0.0 551.721 319.5 0.0 0.0 1.0 0.8747700032895069 0.09015157067788446 0.4760778672120625 -1.633786748264514 -0.14091213881223513 0.9874047959773931 0.07194121222362215 -0.23558796537894794 -0.4635959560654485 -0.13001716496352808 0.8764555472667223 -0.32690411846281187 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/37513893_13969657371.jpg notre_dame_front_facade/test/images/99737831_307230759.jpg 0 0 889.692 0.0 213.0 0.0 889.692 319.5 0.0 0.0 1.0 677.829 0.0 213.0 0.0 677.829 319.5 0.0 0.0 1.0 0.9960808328689503 -0.008254293712037264 -0.08806157519834444 0.36843824091145905 0.018666755943814346 0.9928283618049938 0.11808215876306845 -0.32088719686717965 0.08645534462155781 -0.11926319897993623 0.989091382408845 -1.2104159742851082 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/94022639_2742603296.jpg notre_dame_front_facade/test/images/11918894_425039935.jpg 0 0 699.852 0.0 239.5 0.0 699.852 319.5 0.0 0.0 1.0 1858.52 0.0 319.5 0.0 1858.52 239.5 0.0 0.0 1.0 0.9866419082673854 0.027995846677988042 0.16048045806039676 -0.8199061233067155 -0.0007991659692541924 0.9859422550073397 -0.1670845029462502 0.5802570432569594 -0.16290213683142948 0.16472432230798376 0.9727943212498362 6.105861100134058 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/76423402_3823704092.jpg notre_dame_front_facade/test/images/15594978_7330790386.jpg 0 0 502.678 0.0 319.5 0.0 502.678 213.5 0.0 0.0 1.0 716.242 0.0 239.5 0.0 716.242 319.5 0.0 0.0 1.0 0.9963779597485471 0.05656896607942224 0.06348947474997457 -0.20787537472368608 -0.0157492218094711 0.8564722336079706 -0.5159527837612371 0.5518364177551933 -0.08356388777288044 0.5130840721902007 0.8542609738979082 1.990604184383306 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/48070518_9871726453.jpg notre_dame_front_facade/test/images/17052017_6917897836.jpg 0 0 962.531 0.0 319.5 0.0 962.531 212.5 0.0 0.0 1.0 482.741 0.0 213.5 0.0 482.741 319.5 0.0 0.0 1.0 0.9339098008471729 -0.11433377744530979 -0.3387333334891622 1.004661160227131 0.07811083182302098 0.9898470620745696 -0.11874970170176674 -0.13698282512896975 0.3488712969470393 0.08444276782193491 0.9333585790729422 -0.6682756114228401 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/83116416_6588657413.jpg notre_dame_front_facade/test/images/79303999_2708557564.jpg 0 0 1955.44 0.0 239.5 0.0 1955.44 319.5 0.0 0.0 1.0 514.539 0.0 319.5 0.0 514.539 212.5 0.0 0.0 1.0 0.976357349182686 0.004645565215905446 -0.21611280716510792 2.5758320525547536 0.0248679347611976 0.9907171923285583 0.13364516693592352 -1.4297834012975068 0.21472753087965027 -0.1358597201102771 0.9671784860789067 -8.007570962941426 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16926208_509236966.jpg notre_dame_front_facade/test/images/68740277_88652995.jpg 1 0 864.355 0.0 319.5 0.0 864.355 239.5 0.0 0.0 1.0 1818.38 0.0 319.5 0.0 1818.38 213.5 0.0 0.0 1.0 -0.012438951997139474 0.9970466182259633 0.07578465251872157 -0.4198185086678202 -0.9977938728590571 -0.00743390377894553 -0.0659706325536541 0.796374485623451 -0.06521242027510354 -0.07643806747148899 0.9949394765929671 6.042060345532464 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/24103524_6438819413.jpg notre_dame_front_facade/test/images/90826844_8304176149.jpg 0 0 1651.1 0.0 305.5 0.0 1651.1 305.5 0.0 0.0 1.0 966.226 0.0 212.0 0.0 966.226 319.5 0.0 0.0 1.0 0.976607071431987 -0.05065556199017877 -0.20898000399200195 0.39853874248583787 0.018629912524593555 0.9881345426743683 -0.15245672150824696 -0.09210193109689888 0.21422314157990496 0.1449970331185309 0.9659628905907616 -1.1394309476435356 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/35565310_3122947188.jpg notre_dame_front_facade/test/images/73553965_4768986609.jpg 0 0 659.902 0.0 239.5 0.0 659.902 319.5 0.0 0.0 1.0 567.368 0.0 319.5 0.0 567.368 239.5 0.0 0.0 1.0 0.9969200195084641 0.04624283998940665 0.06334093820711648 0.04487476646528943 -0.011840224010518808 0.8871526720436972 -0.4613241220455625 0.3326735092658697 -0.07752602013920454 0.4591532818519785 0.8849677847051457 1.780956841038343 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/08334105_1973261812.jpg notre_dame_front_facade/test/images/91316375_2178414357.jpg 0 0 522.005 0.0 249.5 0.0 522.005 187.0 0.0 0.0 1.0 665.749 0.0 319.5 0.0 665.749 239.5 0.0 0.0 1.0 0.9968390360985829 -0.07818403936395761 -0.014113543098138785 -0.03899027098350633 0.05571450938868121 0.8145796906413905 -0.5773697437848256 0.4425359056231067 0.05663770434636675 0.5747583697375026 0.8163608190396341 2.1341714001979204 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/71275613_5434026903.jpg notre_dame_front_facade/test/images/49047422_9668436418.jpg 0 0 606.484 0.0 319.5 0.0 606.484 213.0 0.0 0.0 1.0 589.962 0.0 319.5 0.0 589.962 239.5 0.0 0.0 1.0 0.9991472050704674 -0.040212456153978955 -0.00937128432702553 0.264468900683984 0.040633607210484944 0.9172963733958039 0.3961265874944143 -1.1291725292037331 -0.007332977903802967 -0.3961695618355481 0.9181480848480229 -1.8559178801643288 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/12535548_289900767.jpg notre_dame_front_facade/test/images/58668083_4179544564.jpg 0 0 520.377 0.0 213.0 0.0 520.377 319.5 0.0 0.0 1.0 681.176 0.0 239.5 0.0 681.176 319.5 0.0 0.0 1.0 0.8320658547809777 -0.20396721910779217 -0.5158137133084338 0.7299408723206356 0.05334130418308794 0.9550495171868556 -0.2916078273798581 0.4511473909320376 0.5521060754743135 0.2151227399662521 0.805543970354048 2.147467997824744 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/97258672_6764851771.jpg notre_dame_front_facade/test/images/39119309_3697303347.jpg 0 0 523.368 0.0 319.5 0.0 523.368 239.5 0.0 0.0 1.0 643.065 0.0 239.5 0.0 643.065 319.5 0.0 0.0 1.0 0.9649517706742023 0.25042486491266536 0.07845678623417539 -0.3941497068305727 -0.2563728147140409 0.963422816659743 0.07803496789906139 -0.3702708784940184 -0.05604516168521398 -0.09541416756897718 0.9938586803357896 -1.2013674522708724 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/81076842_231122028.jpg notre_dame_front_facade/test/images/33779601_2412524560.jpg 0 0 726.641 0.0 239.5 0.0 726.641 319.5 0.0 0.0 1.0 1178.29 0.0 202.5 0.0 1178.29 319.5 0.0 0.0 1.0 0.964675822109555 -0.013530349788821526 0.26309216611645136 -0.6229612099154143 -0.010295101246602397 0.9959810661266143 0.08897037039157986 -0.366075103622645 -0.2632386163304627 -0.08853612568824577 0.960659557450265 1.8748128337110768 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/83886867_8305111396.jpg notre_dame_front_facade/test/images/88494215_13093430663.jpg 0 0 821.266 0.0 212.0 0.0 821.266 319.5 0.0 0.0 1.0 527.97 0.0 239.5 0.0 527.97 319.5 0.0 0.0 1.0 0.9925368151349268 0.011585624836751294 0.12139375560117735 -1.0823744428715802 -0.06822453126633266 0.8778592365499728 0.47403435965907353 -1.0430184158596645 -0.10107464536324391 -0.4787785856750913 0.8720980346060034 -1.4730596058588927 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/13729493_60409794.jpg notre_dame_front_facade/test/images/15594978_7330790386.jpg 0 0 698.515 0.0 239.5 0.0 698.515 319.5 0.0 0.0 1.0 716.242 0.0 239.5 0.0 716.242 319.5 0.0 0.0 1.0 0.998590405801815 0.04609479235165553 0.026314854334078888 -0.23204180478592648 -0.045477076898288386 0.9986863621032469 -0.023609015772993444 0.16672263881056093 -0.02736853882386117 0.022379013987216815 0.9993748760178067 0.5801755403776729 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/28242249_5165846684.jpg notre_dame_front_facade/test/images/08994755_224674449.jpg 0 0 739.638 0.0 319.5 0.0 739.638 239.5 0.0 0.0 1.0 665.565 0.0 319.5 0.0 665.565 239.5 0.0 0.0 1.0 0.9998718032837525 0.010119387354365223 0.012408666232490652 -0.22557510763323524 -0.009601562785325656 0.9991087685044107 -0.041103268600919 0.13339554125154868 -0.012813547134829264 0.040978856708943905 0.9990778479741463 0.29214513016625576 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/62265406_497236333.jpg notre_dame_front_facade/test/images/62739329_10894953753.jpg 0 0 1321.94 0.0 220.0 0.0 1321.94 319.5 0.0 0.0 1.0 675.789 0.0 319.5 0.0 675.789 213.5 0.0 0.0 1.0 0.9137293299810766 0.1215003526465477 0.3877323507770499 -0.8765263695500729 -0.08507140688240673 0.9903016355183949 -0.10984319014231132 0.6863781879311823 -0.39731796745601705 0.06738200795729167 0.9152038558377378 -0.4365154491853436 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/63218881_6940378163.jpg notre_dame_front_facade/test/images/30853200_42283424.jpg 0 0 618.456 0.0 319.5 0.0 618.456 238.5 0.0 0.0 1.0 648.551 0.0 239.5 0.0 648.551 319.5 0.0 0.0 1.0 0.987813478303476 0.030684931334281153 0.1525875718104152 -0.36852629883730026 0.018549835398599057 0.9501750201998649 -0.31116448157665966 0.016559789541177098 -0.15453295987805651 0.3102029432116931 0.938026491275236 0.03819719187052628 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/94887785_2665835098.jpg notre_dame_front_facade/test/images/69433801_3498883130.jpg 0 0 719.064 0.0 319.5 0.0 719.064 239.5 0.0 0.0 1.0 916.518 0.0 239.5 0.0 916.518 319.5 0.0 0.0 1.0 0.9499101738638095 0.11233409147083202 0.2916362691495183 -0.3637723865179171 0.008816516446932062 0.9231635708855653 -0.3843062456265225 0.4416669361260791 -0.3123986725768349 0.36762762856351633 0.8759320727596386 1.2933960623319167 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/66615705_4179549738.jpg notre_dame_front_facade/test/images/43674862_141833517.jpg 0 0 738.007 0.0 239.5 0.0 738.007 319.5 0.0 0.0 1.0 756.183 0.0 213.0 0.0 756.183 319.5 0.0 0.0 1.0 0.9925646077817392 -0.046153354117856614 0.11262933580002102 -0.7105017436218392 0.056464262479927356 0.9943267877958688 -0.09014447367502637 -0.08864550424084146 -0.10782989586232582 0.09583374653649618 0.9895395932367228 -0.523227758561278 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/85808395_9116833255.jpg notre_dame_front_facade/test/images/42292606_10281754466.jpg 0 0 533.422 0.0 319.5 0.0 533.422 213.0 0.0 0.0 1.0 509.104 0.0 319.5 0.0 509.104 213.0 0.0 0.0 1.0 0.6177510382779748 0.12635379154240708 0.7761561531478971 -0.9768117625993953 -0.23425947494267083 0.9717635093300835 0.028252085481693456 -0.16356679075444663 -0.7506704690515461 -0.19927468804978385 0.6299074897130474 0.007355380297591418 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/53305116_6893683400.jpg notre_dame_front_facade/test/images/50827578_7746939046.jpg 0 0 539.892 0.0 213.0 0.0 539.892 319.5 0.0 0.0 1.0 487.519 0.0 213.5 0.0 487.519 319.5 0.0 0.0 1.0 0.9875441825215501 0.13399590812445256 0.08247171741722503 -0.10954622615171039 -0.1104566430998135 0.9636894218774645 -0.24310908694781228 0.21577948125231228 -0.11205274455792562 0.23097141547685465 0.966486620533184 0.5313863372063404 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/85808395_9116833255.jpg notre_dame_front_facade/test/images/22891861_445889696.jpg 0 0 533.422 0.0 319.5 0.0 533.422 213.0 0.0 0.0 1.0 1183.91 0.0 319.5 0.0 1183.91 239.5 0.0 0.0 1.0 0.8659545910327974 0.058045794914927874 0.496742722102614 -0.7327643860485813 -0.03553230245270021 0.9978724984471502 -0.0546619824489733 0.09803922482482914 -0.4988587994128504 0.02968438201371488 0.8661747720367023 1.758756787993697 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/49984163_4144073459.jpg notre_dame_front_facade/test/images/27459823_3045826276.jpg 0 0 699.426 0.0 239.5 0.0 699.426 319.5 0.0 0.0 1.0 442.162 0.0 249.5 0.0 442.162 165.5 0.0 0.0 1.0 0.9409460650673013 0.10566941326905664 0.32164340150815396 -0.4440983598372946 -0.05224903932128163 0.9839857271973488 -0.17041750661803542 0.3821407982317474 -0.3345004342663331 0.1435481235379909 0.9313986234176839 2.177773168349586 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/75437734_2225459366.jpg notre_dame_front_facade/test/images/56095608_3447757339.jpg 0 0 740.607 0.0 319.5 0.0 740.607 239.5 0.0 0.0 1.0 544.208 0.0 213.0 0.0 544.208 319.5 0.0 0.0 1.0 0.9996855669118375 -0.024951835069955304 -0.002484599525012668 -0.21019222870870644 0.017226330284165897 0.755392930356829 -0.6550456276564737 0.08372724585498378 0.018221439380542194 0.6547968591048406 0.7555852383770719 1.3514616417950844 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/11229713_5151251181.jpg notre_dame_front_facade/test/images/07174573_8039801985.jpg 0 0 510.333 0.0 230.0 0.0 510.333 319.5 0.0 0.0 1.0 746.806 0.0 319.5 0.0 746.806 239.5 0.0 0.0 1.0 0.9877287387022106 -0.019835308217107248 -0.15491449025082302 0.6248749963371619 0.02416273169171364 0.9993672424749312 0.026101284743206547 0.1645619510450482 0.15429873991363063 -0.029524146321003895 0.9875830211405427 0.9613516650679675 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/48909735_2476148825.jpg notre_dame_front_facade/test/images/51192770_8304131159.jpg 0 0 864.988 0.0 319.5 0.0 864.988 179.5 0.0 0.0 1.0 525.628 0.0 212.0 0.0 525.628 319.5 0.0 0.0 1.0 0.9261546512832356 -0.03806844570508859 -0.37521774391415325 0.3145794234620797 0.0735940008650022 0.9940093876807818 0.08080383802245443 -0.22429674697922555 0.36989388335455137 -0.10245062539621572 0.9234080270459066 -1.1249943439318875 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/48541802_2699303896.jpg notre_dame_front_facade/test/images/89205044_8290554496.jpg 0 0 606.303 0.0 239.5 0.0 606.303 319.5 0.0 0.0 1.0 503.867 0.0 319.5 0.0 503.867 213.0 0.0 0.0 1.0 0.9116866710715233 -0.11466012786432941 -0.39456364362249546 0.550609567090674 0.3528795809434655 0.7104130271535432 0.6089247344325102 -0.46288493733157954 0.2104837645608044 -0.6943820172849197 0.6881353056831464 -0.3333983889965597 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/32485075_5873194828.jpg notre_dame_front_facade/test/images/19969696_3085995005.jpg 0 0 1688.87 0.0 239.5 0.0 1688.87 319.5 0.0 0.0 1.0 1261.33 0.0 319.5 0.0 1261.33 239.5 0.0 0.0 1.0 0.958337599610612 0.09682406186341827 0.2687268989454519 -0.4384494333776985 -0.03923284125579396 0.9764979257799166 -0.2119258953373053 0.3702387152866657 -0.28293078542210254 0.1925536340653943 0.9396133612654953 2.3628276828917865 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/83755577_4922523649.jpg notre_dame_front_facade/test/images/85618831_8338198385.jpg 0 0 667.625 0.0 239.5 0.0 667.625 319.5 0.0 0.0 1.0 540.444 0.0 319.5 0.0 540.444 179.0 0.0 0.0 1.0 0.9994635900125729 0.028129145936811196 0.016771505240896305 -0.011409723459666024 -0.03222330350460603 0.9360985439568094 0.3502587253919475 -0.5073305371308139 -0.0058473028337754735 -0.3506112764170702 0.9365028253554618 -0.8249061826516912 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/25819788_12704796265.jpg notre_dame_front_facade/test/images/33325174_3149906599.jpg 0 0 541.8 0.0 319.5 0.0 541.8 212.0 0.0 0.0 1.0 796.707 0.0 239.5 0.0 796.707 319.5 0.0 0.0 1.0 0.982857996482011 -0.004912693533306337 -0.18429873627785756 0.521813596208756 0.010306352944936918 0.999545793780115 0.028319343662136197 0.03457386384954696 0.1840759023890467 -0.029733341196838157 0.9824622082202096 0.14613273613370256 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/92263499_2724825410.jpg notre_dame_front_facade/test/images/06756861_3618322110.jpg 0 0 1088.49 0.0 239.5 0.0 1088.49 319.5 0.0 0.0 1.0 619.283 0.0 239.5 0.0 619.283 319.5 0.0 0.0 1.0 0.988451012568929 0.008930169209215263 0.15127738703902077 -0.4470487106956233 -0.01955664143595707 0.9974316210571961 0.06890354918985958 -0.1940798159444026 -0.1502735290302464 -0.0710662605820004 0.9860869399194407 -0.6050736420924231 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/85088510_2525102624.jpg notre_dame_front_facade/test/images/06756861_3618322110.jpg 0 0 889.277 0.0 166.0 0.0 889.277 249.5 0.0 0.0 1.0 619.283 0.0 239.5 0.0 619.283 319.5 0.0 0.0 1.0 0.977894931272323 0.05099649935670707 0.20278279129467638 -0.6274904312650705 -0.03202533114914481 0.9948891517551606 -0.09575987617308403 -0.08153546431686796 -0.2066298176853634 0.08714891148636422 0.9745302384585379 -0.3011254170514194 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/48323035_392280377.jpg notre_dame_front_facade/test/images/78307185_6277857825.jpg 0 0 523.158 0.0 319.5 0.0 523.158 239.5 0.0 0.0 1.0 750.961 0.0 299.5 0.0 750.961 299.5 0.0 0.0 1.0 0.999714251552421 0.007093575514003357 -0.022827536647870003 0.008584703114307174 -0.015985409419475214 0.9084053375214128 -0.41778488417880766 0.6385855752227477 0.017773067508859267 0.41803041031608595 0.9082591558152828 0.9528927226258221 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/22891861_445889696.jpg notre_dame_front_facade/test/images/73778667_5107250729.jpg 0 0 1183.91 0.0 319.5 0.0 1183.91 239.5 0.0 0.0 1.0 769.469 0.0 319.5 0.0 769.469 214.0 0.0 0.0 1.0 0.8915104042074732 -0.022267567680343717 -0.45245259930674364 1.1485546298383948 0.20804376456687865 0.9073553012117942 0.3652727055060304 -1.0628630118725517 0.4024015298363919 -0.419774359379483 0.8135493199510869 -1.590838605872593 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/88264143_2551880831.jpg notre_dame_front_facade/test/images/23701301_4146685496.jpg 0 0 688.704 0.0 239.5 0.0 688.704 319.5 0.0 0.0 1.0 593.763 0.0 319.5 0.0 593.763 239.5 0.0 0.0 1.0 0.9834352974577727 -0.05623141400921717 -0.17231669620981643 0.4764895174005659 0.03731809356821437 0.9931085966268677 -0.11109759312535818 0.21059663447728968 0.1773763671027686 0.10282676394955574 0.9787564973010836 0.9516310322133481 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/04785646_8607050988.jpg notre_dame_front_facade/test/images/36126459_6228310178.jpg 0 0 1561.94 0.0 213.0 0.0 1561.94 319.5 0.0 0.0 1.0 672.751 0.0 319.5 0.0 672.751 212.5 0.0 0.0 1.0 0.927554558856302 -0.09255985264638779 -0.3620431107243584 1.69513918668542 0.18047303019181563 0.9593182354073789 0.21711289364811373 -0.8723906299345527 0.32721862067778945 -0.2667230715422873 0.9065245597272986 -1.6780157118628765 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16445294_19140011.jpg notre_dame_front_facade/test/images/64481818_6172668375.jpg 0 0 627.378 0.0 239.5 0.0 627.378 319.5 0.0 0.0 1.0 758.649 0.0 319.5 0.0 758.649 319.5 0.0 0.0 1.0 0.9357121964865515 0.10549697676411536 0.33662007254462 -1.2116930834026576 -0.1048179542235081 0.9942853524247461 -0.02024436775987236 -0.20243948066668055 -0.33683212705843874 -0.01634092553162425 0.9414229083329433 -0.5708447934542196 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/63253229_143438035.jpg notre_dame_front_facade/test/images/25164626_8371782280.jpg 0 0 520.078 0.0 187.0 0.0 520.078 249.5 0.0 0.0 1.0 533.319 0.0 213.0 0.0 533.319 319.5 0.0 0.0 1.0 0.9884074954624874 -0.011071095556841555 -0.15142012335467156 0.23679122470672442 0.010298148144797964 0.9999296377889458 -0.005887921199810918 -0.13056041487576553 0.15147465483822842 0.0042603185841756375 0.9884519607078541 -0.4856383952277328 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/57296298_268265874.jpg notre_dame_front_facade/test/images/47637734_4638229298.jpg 0 0 871.099 0.0 249.5 0.0 871.099 187.0 0.0 0.0 1.0 675.352 0.0 319.5 0.0 675.352 319.5 0.0 0.0 1.0 0.8918245839612166 0.060411923191952994 0.44832946699793524 -1.6211450922065986 -0.2073633955708287 0.93538639340171 0.28644845472838143 -0.06103862381105472 -0.4020563811454051 -0.3484288945756237 0.8467278026645101 -0.35881589508599954 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/64910807_2663494883.jpg notre_dame_front_facade/test/images/76922738_2324942217.jpg 0 0 744.149 0.0 239.5 0.0 744.149 319.5 0.0 0.0 1.0 401.674 0.0 249.5 0.0 401.674 165.5 0.0 0.0 1.0 0.9980909735455991 0.025586950128107588 0.05621135570274208 -0.06383281541065416 -0.01994245688946086 0.9949098630065756 -0.0987758214617767 -0.14851660092295216 -0.05845260421923436 0.09746626326775078 0.9935208204082143 -0.8485833226623589 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/74173316_2707741529.jpg notre_dame_front_facade/test/images/40557752_4654011030.jpg 0 0 1468.12 0.0 319.5 0.0 1468.12 212.5 0.0 0.0 1.0 524.982 0.0 239.5 0.0 524.982 319.5 0.0 0.0 1.0 0.9978269591820613 0.039087594325254243 -0.05304261965010121 0.15113797989240235 -0.03036997008968935 0.9872575698841299 0.15620549165517172 -0.24009501299253022 0.058472424665241364 -0.15425514797356651 0.9862993079574887 -0.27503145850296407 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/41649063_2788519393.jpg notre_dame_front_facade/test/images/57817490_9610856334.jpg 0 0 395.918 0.0 167.0 0.0 395.918 249.5 0.0 0.0 1.0 581.452 0.0 319.5 0.0 581.452 239.5 0.0 0.0 1.0 0.994733430454664 0.030497877157560752 0.0978533690006523 -0.2502738801857293 0.006721620337982567 0.9332398446563893 -0.35919105245781136 0.17457659644498105 -0.10227522747922639 0.3579570809951949 0.9281198769606606 -0.5676967319288109 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/30596090_277515099.jpg notre_dame_front_facade/test/images/11689125_6228298812.jpg 0 0 721.475 0.0 319.5 0.0 721.475 239.5 0.0 0.0 1.0 499.904 0.0 319.5 0.0 499.904 212.5 0.0 0.0 1.0 0.9191854622910638 -0.05010191820955918 -0.3906249911417415 1.178372039516185 0.09629602500618356 0.9903598653143713 0.09957114412573936 -0.18235852155101365 0.3818706082965425 -0.12913998205909327 0.9151490062022719 -0.3456701904891505 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/31906475_13763600313.jpg notre_dame_front_facade/test/images/85088510_2525102624.jpg 0 0 820.415 0.0 265.0 0.0 820.415 319.5 0.0 0.0 1.0 889.277 0.0 166.0 0.0 889.277 249.5 0.0 0.0 1.0 0.9372617948263458 -0.06165477536478725 -0.34313119449215695 1.0100596682737235 0.0936014135645724 0.9926029710318326 0.07731828553125782 0.13515669696922006 0.3358260015805964 -0.10458503991248873 0.9360998163064088 0.39174122792512106 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/58668083_4179544564.jpg notre_dame_front_facade/test/images/37809717_6059506804.jpg 0 0 681.176 0.0 239.5 0.0 681.176 319.5 0.0 0.0 1.0 498.988 0.0 211.5 0.0 498.988 319.5 0.0 0.0 1.0 0.9197487231466246 0.10356033702677242 0.3785994491082298 -1.4500513421828631 -0.14238504373645172 0.9868929779471383 0.07595228369705509 -0.3193817544000839 -0.3657714936819469 -0.12376391507030844 0.9224389994661691 -1.016837598498576 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/32840366_393315242.jpg notre_dame_front_facade/test/images/58668083_4179544564.jpg 0 0 516.713 0.0 319.5 0.0 516.713 213.5 0.0 0.0 1.0 681.176 0.0 239.5 0.0 681.176 319.5 0.0 0.0 1.0 0.9983666209609772 -0.018129104612456357 -0.05417956918351756 -0.38791107200484465 0.009809508820917481 0.9886301666451088 -0.1500472163552419 0.24545964888794386 0.056283778192773165 0.14927065741536427 0.9871931964651761 1.2930894734333804 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/99155510_288146072.jpg notre_dame_front_facade/test/images/89527506_47064183.jpg 0 0 789.09 0.0 319.5 0.0 789.09 239.5 0.0 0.0 1.0 486.165 0.0 249.5 0.0 486.165 187.0 0.0 0.0 1.0 0.9821569488498068 0.035222359454825956 0.18473525169948657 -0.6670302879134673 -0.02764331419370518 0.9986733716117376 -0.04344357275860342 0.03742343780583143 -0.18602036180597464 0.03756171226234236 0.9818276543087873 -0.8090676657870323 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/04785646_8607050988.jpg notre_dame_front_facade/test/images/73717439_5873359498.jpg 0 0 1561.94 0.0 213.0 0.0 1561.94 319.5 0.0 0.0 1.0 529.064 0.0 319.5 0.0 529.064 239.5 0.0 0.0 1.0 0.7871758571048828 -0.13916695873405036 -0.6008217103167197 2.3786545757737527 0.1521760465085395 0.9879144685203409 -0.02945256792205669 -0.17227775598156353 0.5976592849276452 -0.06824632213451258 0.7988402960885785 -0.5782792674030283 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/61900107_5317613163.jpg notre_dame_front_facade/test/images/63218881_6940378163.jpg 0 0 537.046 0.0 319.5 0.0 537.046 239.5 0.0 0.0 1.0 618.456 0.0 319.5 0.0 618.456 238.5 0.0 0.0 1.0 0.9596717868084087 0.1756198029985934 0.2195170754148563 -0.26687465780941866 0.017116554479179414 0.742907126036323 -0.6691756313907522 0.8977183417514731 -0.280601292168653 0.6459463498458566 0.7099410031503295 2.325647482126926 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/78924871_3664776274.jpg notre_dame_front_facade/test/images/19575243_4723476064.jpg 0 0 262.62 0.0 212.5 0.0 262.62 319.5 0.0 0.0 1.0 859.563 0.0 214.0 0.0 859.563 319.5 0.0 0.0 1.0 0.9045385949439941 -0.057393184121893065 -0.42251148229733926 0.2979437996747749 0.10905764821025196 0.9890809787209961 0.09912238344170822 0.2485647156318667 0.4122091212280405 -0.13573813004703789 0.9009210844617522 1.7563689773795828 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/11229713_5151251181.jpg notre_dame_front_facade/test/images/98282583_3572009571.jpg 0 0 510.333 0.0 230.0 0.0 510.333 319.5 0.0 0.0 1.0 660.309 0.0 239.5 0.0 660.309 319.5 0.0 0.0 1.0 0.9197003223968898 -0.026511950040398597 0.39172494621623505 -1.0807462047975518 -0.12820475999669625 0.9227486394848405 0.36345355665210544 -0.8245585014583314 -0.37109952370926896 -0.38448935594360883 0.8452532630335258 -0.969545821848393 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/36077348_6211893193.jpg notre_dame_front_facade/test/images/92263499_2724825410.jpg 0 0 634.572 0.0 319.5 0.0 634.572 179.0 0.0 0.0 1.0 1088.49 0.0 239.5 0.0 1088.49 319.5 0.0 0.0 1.0 0.9137317589948569 -0.06261869520632646 -0.4014637861810474 1.2960642861316585 0.04700031506070313 0.9977096470815968 -0.048645971102554295 0.027048541936577214 0.40359043966422103 0.02558044430757798 0.9145820891973927 0.02387860352240989 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/10271797_13991878773.jpg notre_dame_front_facade/test/images/32840366_393315242.jpg 0 0 483.005 0.0 319.5 0.0 483.005 239.5 0.0 0.0 1.0 516.713 0.0 319.5 0.0 516.713 213.5 0.0 0.0 1.0 0.9901904585063851 -0.046728842565014 0.13167866628823796 0.10278477622072496 0.005919443604599768 0.9556017347699933 0.29460190883969395 0.1481757797692066 -0.13959876815476185 -0.29093253475181063 0.9465043286496684 0.44539475732384237 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/78751376_5259305379.jpg notre_dame_front_facade/test/images/29443215_4125074438.jpg 0 0 494.969 0.0 319.5 0.0 494.969 212.0 0.0 0.0 1.0 532.032 0.0 319.5 0.0 532.032 213.0 0.0 0.0 1.0 0.9689673621861637 -0.13792474804134475 -0.2051317013426233 0.25663737800653275 0.054668739846415404 0.9288820521411272 -0.36631879844432336 0.4085558586671169 0.2410675836805782 0.34373666823284854 0.9075965640143134 1.1902433008209086 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/04720612_2486654456.jpg notre_dame_front_facade/test/images/88042390_4857002374.jpg 0 0 656.635 0.0 239.5 0.0 656.635 319.5 0.0 0.0 1.0 528.338 0.0 239.5 0.0 528.338 319.5 0.0 0.0 1.0 0.9861354977913058 -0.018797494634826953 -0.16487399489108928 0.5023867087832694 0.05817536538208196 0.9696678671548807 0.237402304685455 -0.6133385040991697 0.15541044642672686 -0.24370244480258713 0.9573174559876612 -1.1214698127414517 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/12015220_144820170.jpg notre_dame_front_facade/test/images/61900107_5317613163.jpg 0 0 647.595 0.0 239.5 0.0 647.595 319.5 0.0 0.0 1.0 537.046 0.0 319.5 0.0 537.046 239.5 0.0 0.0 1.0 0.7075299659574747 -0.05099193468320197 -0.7048412373502835 1.4086392639338186 0.4652339818219777 0.7843733994343957 0.4102629795847999 -0.5546894021869135 0.5319386143440638 -0.6181894473840478 0.578690865413239 -0.07706694927404456 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/62185644_2486505446.jpg notre_dame_front_facade/test/images/94554102_147558957.jpg 0 0 696.156 0.0 187.0 0.0 696.156 249.5 0.0 0.0 1.0 547.53 0.0 319.5 0.0 547.53 232.5 0.0 0.0 1.0 0.9673522602717378 0.0028050417464821685 0.2534200786993026 -0.8944002536018874 -0.008055592248171225 0.9997738085169218 0.01968347624532651 -0.10293362468661924 -0.2533075442632759 -0.021082304057422653 0.9671560497018766 -0.6377637479456355 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/77334826_5801603259.jpg notre_dame_front_facade/test/images/03640003_2550682198.jpg 0 0 308.198 0.0 211.5 0.0 308.198 319.5 0.0 0.0 1.0 679.184 0.0 319.5 0.0 679.184 239.5 0.0 0.0 1.0 0.9323690674152594 0.08726892132475386 0.3508162731373981 -0.9966823925099769 -0.05636211799096445 0.9936495214149497 -0.09738552380828588 0.3239046412180673 -0.3570871515229471 0.07102650183315766 0.9313667388599254 2.8012373316039394 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/98283507_7198318944.jpg notre_dame_front_facade/test/images/47488321_414904806.jpg 0 0 733.699 0.0 239.5 0.0 733.699 319.5 0.0 0.0 1.0 559.625 0.0 249.5 0.0 559.625 187.0 0.0 0.0 1.0 0.9199785167192499 0.020463154774251972 -0.3914342704359618 0.8068798275643071 0.093030360050649 0.9587024990359164 0.2687654562088201 -0.4439721317102436 0.38076880240363087 -0.28367371686318354 0.8800820083816797 -0.7476560380346075 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/59085967_8112490960.jpg notre_dame_front_facade/test/images/70473816_1756100188.jpg 0 0 944.748 0.0 319.5 0.0 944.748 319.5 0.0 0.0 1.0 677.33 0.0 239.5 0.0 677.33 319.5 0.0 0.0 1.0 0.9814219974413004 0.08907684262717552 0.1699299239271937 -0.5868187588410751 -0.07208459693801017 0.991995067386182 -0.10368026410927414 -0.03109884267074739 -0.1778051569066911 0.08950476182336689 0.9799868487833545 -0.19648763117823775 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/86698292_8276881929.jpg notre_dame_front_facade/test/images/98359518_9321667101.jpg 0 0 693.817 0.0 319.5 0.0 693.817 213.0 0.0 0.0 1.0 1039.51 0.0 203.0 0.0 1039.51 319.5 0.0 0.0 1.0 0.9929526826909798 0.005395397175546938 -0.11838859584480624 0.6082165033289534 -0.00507462083313659 0.999982591489252 0.003010804184906082 -0.19641092572116647 0.11840277936005839 -0.0023888088575798544 0.9929627764584404 0.5921126632709097 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/93967284_1001548090.jpg notre_dame_front_facade/test/images/47104342_7985973355.jpg 0 3 693.696 0.0 319.5 0.0 693.696 239.5 0.0 0.0 1.0 459.867 0.0 319.5 0.0 459.867 239.5 0.0 0.0 1.0 -0.1061289573286353 0.844761760177265 0.5245133105637506 -1.696173691611007 -0.9808915873974383 -0.0024412641427070366 -0.19453980056101405 0.5490652186015162 -0.1630593088090045 -0.5351370000024239 0.828878792730961 -1.5963806189055603 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/44499587_5808479997.jpg notre_dame_front_facade/test/images/54869923_2442824829.jpg 0 0 2056.49 0.0 319.5 0.0 2056.49 213.0 0.0 0.0 1.0 527.475 0.0 239.5 0.0 527.475 319.5 0.0 0.0 1.0 0.9786453548079603 -0.020690333994260332 0.20451205243703308 -0.5883298081742145 0.019816969461796462 0.9997836629589433 0.006317832044959979 -0.17235303883500636 -0.2045985269598783 -0.0021301078855429914 0.9788436572845758 -0.8576501501207137 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/46627275_63268200.jpg notre_dame_front_facade/test/images/90283193_9213444193.jpg 0 0 757.254 0.0 319.5 0.0 757.254 239.0 0.0 0.0 1.0 626.017 0.0 319.5 0.0 626.017 238.5 0.0 0.0 1.0 0.9993666099072498 0.004244707976189827 -0.03533215895876829 0.04051078155078448 -0.006919434370693353 0.9970892970085896 -0.07592796071874053 0.2938181177803209 0.034907025517515344 0.07612434725574864 0.996487121504541 0.5619723967297479 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/90826844_8304176149.jpg notre_dame_front_facade/test/images/92639314_4796735674.jpg 0 0 966.226 0.0 212.0 0.0 966.226 319.5 0.0 0.0 1.0 502.277 0.0 239.5 0.0 502.277 319.5 0.0 0.0 1.0 0.9750576431894249 -0.005532839704298552 -0.22188280722645226 1.0622846613285684 0.009150399921833549 0.9998413946118235 0.01527926051726115 0.011057444096804599 0.2217630777184402 -0.016928476171539038 0.97495362148943 -0.03102954392611701 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/66790349_9649911334.jpg notre_dame_front_facade/test/images/85618831_8338198385.jpg 0 0 596.021 0.0 239.5 0.0 596.021 319.5 0.0 0.0 1.0 540.444 0.0 319.5 0.0 540.444 179.0 0.0 0.0 1.0 0.9995331348722519 0.026792942694750965 -0.014685043895217425 0.07591531951155427 -0.019535373310223828 0.9299814822291795 0.36708692689940436 -0.44939029642116135 0.023492157884682816 -0.3666286689998128 0.9300707164432963 -0.623683875831696 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/59085967_8112490960.jpg notre_dame_front_facade/test/images/49047422_9668436418.jpg 0 0 944.748 0.0 319.5 0.0 944.748 319.5 0.0 0.0 1.0 589.962 0.0 319.5 0.0 589.962 239.5 0.0 0.0 1.0 0.9959075987372972 0.024983031263937305 0.08685564418145746 -0.13081972662479557 -0.04845701245824854 0.958827670610524 0.2798239017939991 -1.0400116785787454 -0.07628874570296701 -0.28288751513713295 0.9561143660978044 -1.6918813148345335 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/41918897_501355398.jpg notre_dame_front_facade/test/images/89267134_4172331604.jpg 0 0 839.863 0.0 212.5 0.0 839.863 319.5 0.0 0.0 1.0 278.458 0.0 319.5 0.0 278.458 221.0 0.0 0.0 1.0 0.9995635183030802 0.028140065613412268 -0.008994975533067549 0.2549934440636674 -0.029471637578016102 0.9709239225541071 -0.23756716774549597 -0.015931897090595087 0.0020482812398934327 0.23772857068391973 0.9713294658479906 0.011837974821376773 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/79793488_5196381575.jpg notre_dame_front_facade/test/images/48070518_9871726453.jpg 0 0 761.869 0.0 239.5 0.0 761.869 319.5 0.0 0.0 1.0 962.531 0.0 319.5 0.0 962.531 212.5 0.0 0.0 1.0 0.901996940373967 0.15455797692961218 0.4031294473533628 -0.9359170293847302 -0.13444816458113248 0.9878529118064617 -0.07791223059481679 0.2905838146310944 -0.4102745551417574 0.016076579328969835 0.9118203403085019 0.801100382464499 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/74173316_2707741529.jpg notre_dame_front_facade/test/images/59441370_9094154456.jpg 0 0 1468.12 0.0 319.5 0.0 1468.12 212.5 0.0 0.0 1.0 709.773 0.0 319.5 0.0 709.773 239.5 0.0 0.0 1.0 0.998853193124501 0.0011896715836887956 -0.04786317234065397 0.08291723806516195 0.0060474750564798434 0.9885495465797012 0.15077540251151236 -0.006401359389403671 0.047494490527106754 -0.1508919435841101 0.9874086766536845 -0.0017991591863142364 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/41969558_542015413.jpg notre_dame_front_facade/test/images/29443215_4125074438.jpg 0 0 663.804 0.0 319.5 0.0 663.804 239.5 0.0 0.0 1.0 532.032 0.0 319.5 0.0 532.032 213.0 0.0 0.0 1.0 0.9479893236011923 0.061100278247674854 0.31238277535134773 -0.6376183728206869 -0.0891721654362157 0.9930840898968558 0.07636959673292695 0.27870272790391104 -0.30555616054920254 -0.1002534108735978 0.9468815587805263 0.7855237867363277 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/82822071_3748336563.jpg notre_dame_front_facade/test/images/12015220_144820170.jpg 0 0 714.694 0.0 239.5 0.0 714.694 319.5 0.0 0.0 1.0 647.595 0.0 239.5 0.0 647.595 319.5 0.0 0.0 1.0 0.9003439905936489 -0.08211202461397081 0.42736204091577684 -1.0466684704211606 0.017883438202212443 0.988189182271794 0.1521917299956559 -0.22808828677938664 -0.43481131682601265 -0.12938220687095126 0.8911786371459043 -0.11041790966586973 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/20956942_2106154790.jpg notre_dame_front_facade/test/images/41649063_2788519393.jpg 0 0 773.542 0.0 319.5 0.0 773.542 275.5 0.0 0.0 1.0 395.918 0.0 167.0 0.0 395.918 249.5 0.0 0.0 1.0 0.9291340483197595 -0.18626948170655427 -0.3193956800548598 0.5454299985314698 -0.0011959450148283763 0.8623129348186386 -0.5063743399501872 0.2927179669897845 0.369741112088521 0.47087162011448297 0.8009815399884731 0.8500441006319067 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/32840366_393315242.jpg notre_dame_front_facade/test/images/87628400_7656196462.jpg 0 0 516.713 0.0 319.5 0.0 516.713 213.5 0.0 0.0 1.0 486.204 0.0 212.0 0.0 486.204 319.5 0.0 0.0 1.0 0.9885227706505769 -0.028982515467866454 -0.1482657941079529 -0.059947365059393465 0.043768384916455724 0.994276947072679 0.09745604651143011 -0.19167422416336796 0.14459273974550713 -0.10282687546059124 0.9841339204071263 -0.41332676419460174 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/73717439_5873359498.jpg notre_dame_front_facade/test/images/26162967_291218280.jpg 0 0 529.064 0.0 319.5 0.0 529.064 239.5 0.0 0.0 1.0 1095.75 0.0 165.0 0.0 1095.75 249.5 0.0 0.0 1.0 0.9543352342033128 0.05373266521248995 0.29386572009554107 -0.6649906984436799 -0.046943429148023956 0.9984435407879315 -0.030113291395702294 0.38482639611479563 -0.2950263974933987 0.01494311038641204 0.9553722458989724 1.9201157916412552 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/57817490_9610856334.jpg notre_dame_front_facade/test/images/46129623_985747637.jpg 0 0 581.452 0.0 319.5 0.0 581.452 239.5 0.0 0.0 1.0 663.962 0.0 319.5 0.0 663.962 239.5 0.0 0.0 1.0 0.9772005029322988 0.21227024348798892 -0.004529988787205677 0.17227477809596956 -0.10747406629427574 0.5129393894694169 0.8516704220559238 -0.5514448116952366 0.18310789754414183 -0.8317659084503833 0.5240581755842308 -0.141371715910379 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/41995021_5921639869.jpg notre_dame_front_facade/test/images/46229295_1990406788.jpg 0 0 540.721 0.0 319.5 0.0 540.721 239.5 0.0 0.0 1.0 966.463 0.0 241.5 0.0 966.463 319.5 0.0 0.0 1.0 0.9888402822041702 0.10300932742253345 0.1076288750955553 -0.12361441524917466 -0.04065682778358913 0.8816059358586167 -0.47023185367797904 0.4900452394345114 -0.14332452213404703 0.4606083502530214 0.8759554948924271 1.7622348108440593 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/17355996_7160680080.jpg notre_dame_front_facade/test/images/63136592_197609530.jpg 0 0 592.885 0.0 207.5 0.0 592.885 319.5 0.0 0.0 1.0 889.805 0.0 259.5 0.0 889.805 319.5 0.0 0.0 1.0 0.9959558845710773 -0.06687982917684393 -0.05999136969197376 0.31490885803211166 0.06579433797124427 0.9976348949459938 -0.019892749358035578 0.08624423313137897 0.061179907479241784 0.015865208330561507 0.9980006583592315 0.14073624992359723 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/61417692_9303851232.jpg notre_dame_front_facade/test/images/11689125_6228298812.jpg 0 0 643.682 0.0 289.0 0.0 643.682 319.5 0.0 0.0 1.0 499.904 0.0 319.5 0.0 499.904 212.5 0.0 0.0 1.0 0.9471273827415395 -0.1307800395394791 -0.2929953960717019 0.4515000187735712 0.06396270838200828 0.9717918869177933 -0.22700066179901965 0.30741350852615196 0.3144177043323091 0.19625776361409752 0.9287757519571631 0.9447061809400312 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/50392091_3354172959.jpg notre_dame_front_facade/test/images/35960796_2756840211.jpg 0 0 1006.14 0.0 239.5 0.0 1006.14 319.5 0.0 0.0 1.0 544.223 0.0 187.0 0.0 544.223 249.5 0.0 0.0 1.0 0.9963675624414647 0.003926363417719331 0.08506623410475958 -0.45803879664993774 0.0009730610810904585 0.9983463260517758 -0.05747752961857478 -0.010646991893204838 -0.08515123995918226 0.0573515207229388 0.9947160747691673 -0.2572649052171515 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/65117548_393332042.jpg notre_dame_front_facade/test/images/64341618_7502873932.jpg 0 0 528.38 0.0 319.5 0.0 528.38 213.5 0.0 0.0 1.0 858.706 0.0 305.5 0.0 858.706 305.5 0.0 0.0 1.0 0.9913539615406862 0.03897373009973746 -0.1252931414711133 0.1907449514792886 0.0038588477615997137 0.9457980145013704 0.3247325438868394 -0.333439731195004 0.1311580429540651 -0.3224083809819126 0.9374702148020925 -0.3139051001320071 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/54439631_9271690013.jpg notre_dame_front_facade/test/images/05311113_3754895202.jpg 0 0 449.574 0.0 319.5 0.0 449.574 239.5 0.0 0.0 1.0 427.358 0.0 319.5 0.0 427.358 213.0 0.0 0.0 1.0 0.9930795002364786 -0.021671045230312363 -0.11542734515136206 0.16005969718303384 -0.005970637659681884 0.9722415901440113 -0.2339030608610778 0.20544315657669562 0.1172921894074908 0.23297350963761956 0.9653838024905572 1.3966551789896535 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/19454938_7173253342.jpg notre_dame_front_facade/test/images/02864341_2175867632.jpg 0 0 353.538 0.0 319.5 0.0 353.538 211.5 0.0 0.0 1.0 725.615 0.0 240.0 0.0 725.615 319.5 0.0 0.0 1.0 0.979629546554828 0.12587416388584616 0.15646611896133125 0.21186359468441773 -0.048562414211900974 0.9045318385878918 -0.42363173264844056 0.24063900968278706 -0.19485287640343957 0.4074037896814992 0.8922188681654625 0.9162156671935382 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/92064571_307220044.jpg notre_dame_front_facade/test/images/33645044_55429420.jpg 0 0 674.607 0.0 213.0 0.0 674.607 319.5 0.0 0.0 1.0 526.679 0.0 187.0 0.0 526.679 249.5 0.0 0.0 1.0 0.9978238173306085 -0.06368243519077504 -0.017093186243196945 0.052703764921941676 0.06398932298145947 0.9977873212789303 0.018050707448497374 -0.09795355760848955 0.015905851506484856 -0.019105207227075857 0.999690949716293 -0.41725328763364045 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/83586356_85985164.jpg notre_dame_front_facade/test/images/20449428_10758420474.jpg 0 0 761.7 0.0 187.0 0.0 761.7 249.5 0.0 0.0 1.0 916.516 0.0 239.5 0.0 916.516 319.5 0.0 0.0 1.0 0.9987803552709673 -0.011719500317177533 -0.04796306117333072 0.07417407557370731 0.006938398317437996 0.9950968742344802 -0.09866138817975191 0.433798378954791 0.048884154422364344 0.0982082695147552 0.9939645241382249 1.1601998323645648 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/23453150_2698843947.jpg notre_dame_front_facade/test/images/12023672_2650236061.jpg 0 0 819.299 0.0 239.5 0.0 819.299 319.5 0.0 0.0 1.0 848.099 0.0 213.0 0.0 848.099 319.5 0.0 0.0 1.0 0.7453211552032635 0.361505267063125 0.5601877520011408 -0.44215094498956253 -0.0900499629031996 0.8871180463419159 -0.4526727029937132 0.5224813954648769 -0.6605962305278507 0.28694165563772867 0.6937413829895648 1.9183384713344154 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/14248814_1334513582.jpg notre_dame_front_facade/test/images/85088510_2525102624.jpg 0 0 696.736 0.0 319.5 0.0 696.736 239.5 0.0 0.0 1.0 889.277 0.0 166.0 0.0 889.277 249.5 0.0 0.0 1.0 0.9713713549937757 -0.03116750446245973 -0.2355127966016687 0.3114005106301908 0.06532913329035363 0.9881808393039758 0.13867491905900334 0.6307462353711131 0.2284070818540608 -0.15009069091077057 0.9619267069069453 1.6779290764036738 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/68199511_6932972308.jpg notre_dame_front_facade/test/images/08090503_170650847.jpg 0 0 688.798 0.0 213.0 0.0 688.798 319.5 0.0 0.0 1.0 3257.44 0.0 239.5 0.0 3257.44 319.5 0.0 0.0 1.0 0.9687189583875694 0.07341462737777976 0.23705246707740563 -0.5433663761032166 -0.026099846111994025 0.9800817968234975 -0.19687170839954285 0.6118279776681117 -0.2467840709880461 0.18452632338559755 0.9513399278304056 7.051110020966568 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/60710605_5891944796.jpg notre_dame_front_facade/test/images/83586356_85985164.jpg 0 0 524.269 0.0 319.5 0.0 524.269 179.0 0.0 0.0 1.0 761.7 0.0 187.0 0.0 761.7 249.5 0.0 0.0 1.0 0.9470045286151816 0.18290126396101763 0.26406353482410244 -0.4018728058372728 -0.02748367739555931 0.8651851633383383 -0.5006987923053436 0.26246798653520226 -0.32004229448489246 0.466906586782276 0.8243610671060163 1.1244474427981008 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/47283337_2586573512.jpg notre_dame_front_facade/test/images/94184442_3251933434.jpg 0 0 1507.44 0.0 213.0 0.0 1507.44 319.5 0.0 0.0 1.0 562.693 0.0 166.0 0.0 562.693 249.5 0.0 0.0 1.0 0.9611424804253899 0.07593569528469912 0.2654032827667327 -0.3404726136211331 -0.07385060948478514 0.9971097027045023 -0.01784175583470336 -0.00751639599827476 -0.26599101451074375 -0.0024517247334750127 0.9639723902920543 -0.05532037836402667 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/11918894_425039935.jpg notre_dame_front_facade/test/images/54869923_2442824829.jpg 0 0 1858.52 0.0 319.5 0.0 1858.52 239.5 0.0 0.0 1.0 527.475 0.0 239.5 0.0 527.475 319.5 0.0 0.0 1.0 0.9894080085991758 -0.034459560252281515 -0.14101181236702426 1.6329743374272696 0.05544724451064249 0.987471797914879 0.14773304098587303 -1.488239439224613 0.1341543722581955 -0.1539869703253364 0.9789231927858455 -6.00947991089036 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/79846448_7965487020.jpg notre_dame_front_facade/test/images/42766818_2665007597.jpg 0 0 727.071 0.0 239.5 0.0 727.071 319.5 0.0 0.0 1.0 831.635 0.0 319.5 0.0 831.635 239.5 0.0 0.0 1.0 0.8929229528744965 -0.1498900401414956 -0.4245251183337336 0.8185666959901841 0.1040425648389474 0.9861267665960517 -0.12934119569784977 0.4612414491308265 0.43802253929635077 0.07132304024084281 0.8961301685576599 1.6320692941070412 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/41649063_2788519393.jpg notre_dame_front_facade/test/images/29443215_4125074438.jpg 0 0 395.918 0.0 167.0 0.0 395.918 249.5 0.0 0.0 1.0 532.032 0.0 319.5 0.0 532.032 213.0 0.0 0.0 1.0 0.9991113685851224 0.016033223541755764 0.03897959603206926 -0.10426481129923586 -0.016248218604626285 0.9998544409069898 0.005205035134086519 0.245363622809359 -0.038890468705577434 -0.0058337587737999205 0.9992264501615384 0.7125658731995416 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/68816036_11955201904.jpg notre_dame_front_facade/test/images/64123516_6358230237.jpg 0 0 838.493 0.0 319.5 0.0 838.493 319.5 0.0 0.0 1.0 528.109 0.0 319.5 0.0 528.109 211.5 0.0 0.0 1.0 0.9998976377626213 -0.0031899737860461054 -0.013947690273811139 -0.5430194973335722 0.0003390081778709652 0.97983760290613 -0.1997952877437922 0.16113038735769764 0.014303813134446541 0.1997701078700558 0.9797383859640291 1.6751481063094702 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/62627516_2936660127.jpg notre_dame_front_facade/test/images/36126459_6228310178.jpg 0 0 567.969 0.0 239.5 0.0 567.969 319.5 0.0 0.0 1.0 672.751 0.0 319.5 0.0 672.751 212.5 0.0 0.0 1.0 0.9042387255584272 -0.27290981250286517 -0.3284395856776745 0.8855553062328989 0.3522722421917741 0.9114536986630128 0.21250040605771509 -0.10933990094904544 0.24136402917927022 -0.30785124562548827 0.9203102824510784 -0.3020151392735365 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/70336114_5249999416.jpg notre_dame_front_facade/test/images/99737831_307230759.jpg 0 0 678.309 0.0 239.5 0.0 678.309 319.5 0.0 0.0 1.0 677.829 0.0 213.0 0.0 677.829 319.5 0.0 0.0 1.0 0.9841529367815366 0.01818071004280171 0.17638724105392786 -0.42881572504678245 -0.03411953736696881 0.9955575725814324 0.08775520979195278 0.0437842943436011 -0.17400820151401172 -0.09238279849682621 0.9804012262067782 0.15317501196050856 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/70950675_2625630826.jpg notre_dame_front_facade/test/images/40855093_3275085444.jpg 0 0 511.931 0.0 319.5 0.0 511.931 239.5 0.0 0.0 1.0 1947.13 0.0 239.5 0.0 1947.13 319.5 0.0 0.0 1.0 0.9852080679390293 0.15554643862861467 0.07190527308758068 -0.12971886917642117 -0.08544739559530676 0.8096413201428693 -0.5806717448811254 0.7797680619321532 -0.1485389021563849 0.5659383695662155 0.8109561988165019 7.391740245455141 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/92247948_4544239766.jpg notre_dame_front_facade/test/images/43674862_141833517.jpg 0 0 903.416 0.0 319.5 0.0 903.416 233.0 0.0 0.0 1.0 756.183 0.0 213.0 0.0 756.183 319.5 0.0 0.0 1.0 0.9882480825200308 0.030704737264335792 0.14974293474154582 -1.068938069638789 -0.01961800371748899 0.9969934281268913 -0.074961578171287 -0.22171480841825858 -0.15159439740842448 0.07114297844002243 0.9858792092812685 -1.2603803326546636 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/62265406_497236333.jpg notre_dame_front_facade/test/images/79443789_562514295.jpg 0 0 1321.94 0.0 220.0 0.0 1321.94 319.5 0.0 0.0 1.0 646.586 0.0 239.5 0.0 646.586 319.5 0.0 0.0 1.0 0.994887249652057 0.024541404908267974 0.09796468713211842 -0.3532468492005328 -0.004834519979024276 0.9804864793674335 -0.19652707496481958 0.6865005955051902 -0.10087610171065207 0.19504866885673391 0.9755921426912366 -0.8587827828976174 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/78307185_6277857825.jpg notre_dame_front_facade/test/images/27925422_3744130638.jpg 0 0 750.961 0.0 299.5 0.0 750.961 299.5 0.0 0.0 1.0 876.403 0.0 239.5 0.0 876.403 319.5 0.0 0.0 1.0 0.983087024566784 -0.10164360175958438 -0.152343297685741 0.21159730136481786 0.03744104289832028 0.9258227406770128 -0.37609895127744125 0.2626122049377283 0.1792709414130283 0.36403410701010425 0.9139699658622501 1.71689322221851 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/61928533_225869442.jpg notre_dame_front_facade/test/images/67143278_8608643015.jpg 0 0 1184.17 0.0 249.5 0.0 1184.17 187.0 0.0 0.0 1.0 725.024 0.0 319.5 0.0 725.024 239.0 0.0 0.0 1.0 0.9763649221096922 0.05623401643741164 0.20868462873209329 -0.1969918108375197 -0.03219568935955793 0.9926276386075041 -0.11684951287512224 0.2094773749007262 -0.21371704765974453 0.10736902005610106 0.9709772999776026 0.38372187031773586 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/64481818_6172668375.jpg notre_dame_front_facade/test/images/89632394_1391563454.jpg 0 0 758.649 0.0 319.5 0.0 758.649 319.5 0.0 0.0 1.0 525.849 0.0 166.0 0.0 525.849 249.5 0.0 0.0 1.0 0.8065872858481903 -0.13310416321314414 -0.5759342254488602 1.4916127082762394 0.1341176909967619 0.9901170446000319 -0.040996133405429354 0.18655295877764405 0.5756990492173379 -0.044176008509454065 0.8164674427081742 0.6584834470427197 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/51600076_9763474571.jpg notre_dame_front_facade/test/images/64123516_6358230237.jpg 0 0 454.343 0.0 319.5 0.0 454.343 239.5 0.0 0.0 1.0 528.109 0.0 319.5 0.0 528.109 211.5 0.0 0.0 1.0 0.8968312238208361 0.25309020949450906 0.3628210327944714 -1.0732953971753343 -0.004325999594674069 0.8251485491734211 -0.564899245462857 0.33695501879968437 -0.44235171719744487 0.5050497180031128 0.7411138513328759 3.310296655378963 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/83586356_85985164.jpg notre_dame_front_facade/test/images/41969558_542015413.jpg 0 0 761.7 0.0 187.0 0.0 761.7 249.5 0.0 0.0 1.0 663.804 0.0 319.5 0.0 663.804 239.5 0.0 0.0 1.0 0.9392361319270437 -0.08848907782580498 -0.33167027540656097 0.8057386163948327 0.05410362390361459 0.9922874105446153 -0.11152799090433882 0.06569807697280175 0.3389812478046856 0.08680655493798083 0.9367797690260917 -0.1260683910523408 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/20449428_10758420474.jpg notre_dame_front_facade/test/images/41969558_542015413.jpg 0 0 916.516 0.0 239.5 0.0 916.516 319.5 0.0 0.0 1.0 663.804 0.0 319.5 0.0 663.804 239.5 0.0 0.0 1.0 0.9550355670137678 -0.048815360561338686 -0.2924450825573193 1.0953704961100206 0.047757747931573516 0.998800999471754 -0.01075922705074546 -0.3586397108801297 0.2926196562966937 -0.0036910740295621144 0.9562217905493019 -1.255580362720862 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/07103363_8108658953.jpg notre_dame_front_facade/test/images/70144772_5112848179.jpg 0 0 987.55 0.0 239.5 0.0 987.55 319.5 0.0 0.0 1.0 458.502 0.0 212.0 0.0 458.502 319.5 0.0 0.0 1.0 0.9839573025911114 0.06158397018958333 0.16743787293594195 -0.6115166323881671 -0.03760866192604039 0.9890422098184034 -0.14276237510514442 -0.04108882146528884 -0.1743949977085264 0.13417496716309518 0.9754913956365917 -0.2136938815771081 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/64105845_298847718.jpg notre_dame_front_facade/test/images/86877326_2716699476.jpg 0 0 680.938 0.0 165.0 0.0 680.938 249.5 0.0 0.0 1.0 570.15 0.0 213.0 0.0 570.15 319.5 0.0 0.0 1.0 0.999883828455322 0.00838471021326356 0.012728952359405122 -0.244329196885419 -0.007482865195878603 0.997566732554745 -0.06931537223812723 -0.07820239732951846 -0.013279168723557968 0.06921207072967415 0.9975135853427372 -0.24015759601035458 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/43674862_141833517.jpg notre_dame_front_facade/test/images/79222984_9062375931.jpg 0 0 756.183 0.0 213.0 0.0 756.183 319.5 0.0 0.0 1.0 604.588 0.0 239.5 0.0 604.588 319.5 0.0 0.0 1.0 0.9121570759206821 0.09893959589370485 0.39771902797354436 -0.8991714009883721 -0.3471702560927464 0.7022690027502209 0.6215231782167959 -1.0504647023241882 -0.21781249305842737 -0.7050029816536953 0.6749285249025053 -0.8119229350037606 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/76540090_3388723256.jpg notre_dame_front_facade/test/images/98359518_9321667101.jpg 0 0 676.182 0.0 239.5 0.0 676.182 319.5 0.0 0.0 1.0 1039.51 0.0 203.0 0.0 1039.51 319.5 0.0 0.0 1.0 0.9848317783103705 -0.03131918918720497 -0.1706618786334238 0.45840304051405156 0.029002829582515783 0.9994504706823008 -0.016049689378152373 -0.016383496705753772 0.17107075818573134 0.010856566749377685 0.985198929481846 1.1083213710612239 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/60713194_2656171721.jpg notre_dame_front_facade/test/images/83755577_4922523649.jpg 0 0 525.662 0.0 319.5 0.0 525.662 212.5 0.0 0.0 1.0 667.625 0.0 239.5 0.0 667.625 319.5 0.0 0.0 1.0 0.9388983415838185 -0.12167829793574919 -0.3219694022459499 0.7954435977059439 0.12850351518303219 0.9917090518657393 -5.507413230924754e-05 -0.08641062934761527 0.3193066719577895 -0.04132249095849491 0.9467500731366361 -0.27862871277246726 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/75634121_4629598760.jpg notre_dame_front_facade/test/images/97684963_8291074855.jpg 0 0 681.584 0.0 319.5 0.0 681.584 239.5 0.0 0.0 1.0 599.175 0.0 319.5 0.0 599.175 239.5 0.0 0.0 1.0 0.7654291126688806 0.06367368787772174 0.6403623466061853 -0.8315742879440093 -0.2810089381189003 0.9282769441706062 0.2435895966961015 0.32872904342289344 -0.5789233543192204 -0.3663981118855989 0.7284230731041201 0.6412475127302062 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/92799893_8631875281.jpg notre_dame_front_facade/test/images/32993759_112702084.jpg 0 0 519.666 0.0 319.5 0.0 519.666 262.5 0.0 0.0 1.0 557.015 0.0 187.0 0.0 557.015 249.5 0.0 0.0 1.0 0.9991354150666819 0.005150341499040315 0.04125404637090284 1.303601896270027 -0.01785576483831383 0.9492753935434071 0.31393852722316284 -0.43793451073875433 -0.037544560479091764 -0.3144037232531653 0.9485466276272235 -1.4637463739025671 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/01927388_3809070796.jpg notre_dame_front_facade/test/images/99239692_3743536843.jpg 0 0 688.527 0.0 319.5 0.0 688.527 239.5 0.0 0.0 1.0 562.649 0.0 187.0 0.0 562.649 249.5 0.0 0.0 1.0 0.9999939158624942 0.0033679644046238186 0.0009083247017385416 0.10213600585715998 -0.0034849643071825946 0.9759589099309208 0.2179267334455007 0.007560972267585404 -0.00015251810471167318 -0.21792857302845323 0.9759647092984509 0.050270405757380676 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/36982333_6368134453.jpg notre_dame_front_facade/test/images/16804042_6635582193.jpg 0 0 761.713 0.0 239.5 0.0 761.713 319.5 0.0 0.0 1.0 975.444 0.0 319.5 0.0 975.444 213.5 0.0 0.0 1.0 0.9193258546986108 0.027384875698328225 0.39254304409281776 -1.1250870486589575 -0.11865034824330976 0.9704371412375036 0.21017575923146556 -0.27874521137286334 -0.3751827124807459 -0.23979537837449827 0.8953971793376508 -0.2635078462236245 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/94098462_7321392130.jpg notre_dame_front_facade/test/images/25819788_12704796265.jpg 0 0 515.113 0.0 319.5 0.0 515.113 211.5 0.0 0.0 1.0 541.8 0.0 319.5 0.0 541.8 212.0 0.0 0.0 1.0 0.9763391004409055 -0.085651764740494 -0.1985591502476839 1.4387134039467426 0.0982305481259103 0.9936772173987053 0.05437230027917932 -0.2334536645053903 0.19264662043525813 -0.07259037690772163 0.9785795403620845 -1.1579594126965387 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/31955715_370356740.jpg notre_dame_front_facade/test/images/31731830_3056005968.jpg 0 0 893.023 0.0 249.5 0.0 893.023 188.0 0.0 0.0 1.0 692.226 0.0 319.5 0.0 692.226 239.5 0.0 0.0 1.0 0.9915897171854396 0.045382776438116466 0.12120328533033725 -0.14017398805831532 -0.031047085698908083 0.9925696448951652 -0.11765023800354309 0.2443652465939531 -0.12564199632966613 0.11289775744209285 0.985630856417778 0.6643774138967913 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/97258672_6764851771.jpg notre_dame_front_facade/test/images/79303999_2708557564.jpg 0 0 523.368 0.0 319.5 0.0 523.368 239.5 0.0 0.0 1.0 514.539 0.0 319.5 0.0 514.539 212.5 0.0 0.0 1.0 0.990451799887391 0.002070551965576938 0.13784391504301316 -0.43225475530696533 0.002759414233776452 0.9993891258063654 -0.03483907078375439 0.010395351147211213 -0.13783184585905403 0.03488678882538295 0.989841044932235 0.06433865839859236 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/78178757_2465451170.jpg notre_dame_front_facade/test/images/88042390_4857002374.jpg 0 0 840.903 0.0 239.5 0.0 840.903 319.5 0.0 0.0 1.0 528.338 0.0 239.5 0.0 528.338 319.5 0.0 0.0 1.0 0.9589431685052945 -0.048330754107457366 -0.27944970528599733 0.925159992450078 0.10738758290269095 0.9738781901379179 0.20007293123261585 -0.6292883402277565 0.26248029757553987 -0.22186799900187915 0.9390839602525208 -1.1026421555990769 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/05311113_3754895202.jpg notre_dame_front_facade/test/images/98282583_3572009571.jpg 0 0 427.358 0.0 319.5 0.0 427.358 213.0 0.0 0.0 1.0 660.309 0.0 239.5 0.0 660.309 319.5 0.0 0.0 1.0 0.8964521145089559 -0.0004722606747672562 0.4431403653045802 -1.325154143796451 -0.16034126889238057 0.9318981505219565 0.3253559812631976 -0.7880462883115942 -0.4131153396842134 -0.36271974584189914 0.8353263446665531 -0.8876240990708022 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/05852089_7355180390.jpg notre_dame_front_facade/test/images/60857305_1123347137.jpg 0 0 678.861 0.0 319.5 0.0 678.861 239.5 0.0 0.0 1.0 1758.82 0.0 255.5 0.0 1758.82 319.5 0.0 0.0 1.0 0.9150139176742493 0.08007482051150079 0.39539543950641726 -1.1163506120558597 0.07601840973573484 0.9283221019971628 -0.36392207452258085 0.32960943244155994 -0.39619532032025806 0.36305109566508664 0.8433404828968595 6.7284472542868 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/54610599_2978121532.jpg notre_dame_front_facade/test/images/72214550_1126054905.jpg 0 0 649.211 0.0 239.5 0.0 649.211 319.5 0.0 0.0 1.0 431.766 0.0 319.5 0.0 431.766 239.5 0.0 0.0 1.0 0.8299327166896712 -0.1436028910149872 -0.5390639066569377 1.5242297679347352 0.4186668398923086 0.7989501658967594 0.4317368522469777 -1.3989810427590892 0.3686865375121392 -0.584000720980444 0.7231966502630052 -1.3390826305648538 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/28264157_4531674049.jpg notre_dame_front_facade/test/images/34722769_6860824250.jpg 0 0 321.962 0.0 190.5 0.0 321.962 319.5 0.0 0.0 1.0 575.935 0.0 239.5 0.0 575.935 319.5 0.0 0.0 1.0 0.9837665724052705 -0.043037554217351656 0.17421567077899167 -0.15710291774927776 -0.02668639499718779 0.9249355623677544 0.3791860253088183 -0.43232041515354536 -0.17745750854793255 -0.3776797246271425 0.9087721707147103 0.7157276930121046 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/20281279_9286833193.jpg notre_dame_front_facade/test/images/48541802_2699303896.jpg 0 0 729.434 0.0 239.5 0.0 729.434 319.5 0.0 0.0 1.0 606.303 0.0 239.5 0.0 606.303 319.5 0.0 0.0 1.0 0.944064311096168 0.11492156681366189 0.3090883530571969 -0.7764978999617419 -0.0972781656261556 0.9926527476151732 -0.07195471592923806 -0.18811741322542647 -0.3150865516122952 0.037862331322042954 0.9483073915455537 -1.0651914295227438 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/78307185_6277857825.jpg notre_dame_front_facade/test/images/52366157_4087324332.jpg 0 0 750.961 0.0 299.5 0.0 750.961 299.5 0.0 0.0 1.0 691.211 0.0 319.5 0.0 691.211 239.5 0.0 0.0 1.0 0.9999832435609218 0.00557706925154261 0.001552061835610458 0.08074968251487208 -0.005178430525262263 0.981610907282796 -0.19082245821899751 -0.07042595456968181 -0.0025877508908495415 0.19081122346971505 0.9816233394450834 -0.14738241993475387 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/11114519_4976973093.jpg notre_dame_front_facade/test/images/55721528_5595678955.jpg 0 0 2357.64 0.0 239.5 0.0 2357.64 319.5 0.0 0.0 1.0 791.388 0.0 319.5 0.0 791.388 212.0 0.0 0.0 1.0 0.9866828362785665 -0.034684649726604455 -0.15891493217009675 1.3312976656250246 0.1357268832586178 0.7139877900141025 0.6868767348452555 -5.582898687503426 0.08963924226690698 -0.6992985133575794 0.709187137123689 -4.69179362665658 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/71272180_3274206565.jpg notre_dame_front_facade/test/images/89754598_4524545386.jpg 0 0 701.674 0.0 319.5 0.0 701.674 239.5 0.0 0.0 1.0 499.552 0.0 212.5 0.0 499.552 319.5 0.0 0.0 1.0 0.8653754894949492 0.2278243640779238 0.44634215722231124 -0.5857128240105226 -0.012794398262168645 0.9004363556717343 -0.4347995776880598 0.3441575330915269 -0.5009606427200503 0.3705542180533042 0.7821304276963134 0.9731111295802993 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/48878579_6144672125.jpg notre_dame_front_facade/test/images/88697814_397500572.jpg 0 0 1152.32 0.0 239.5 0.0 1152.32 319.5 0.0 0.0 1.0 534.268 0.0 183.0 0.0 534.268 249.5 0.0 0.0 1.0 0.965564920943248 -0.04318669146142028 -0.2565527102263296 0.8595577266190795 0.05086711738772162 0.9984318784372127 0.023373499716615894 -0.23125604785591417 0.25514098026879706 -0.03561872823326213 0.9662475802746014 -1.0335693537884754 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/84557583_2821153446.jpg notre_dame_front_facade/test/images/37414234_5204240482.jpg 0 0 1702.85 0.0 319.5 0.0 1702.85 239.5 0.0 0.0 1.0 981.426 0.0 213.5 0.0 981.426 319.5 0.0 0.0 1.0 0.9607356159917174 0.04009978721819114 0.2745525145214867 -0.8829432600674605 -0.01626838249653429 0.9959402476662335 -0.08853452891085972 0.3050929878470531 -0.27698811508070503 0.08059174984809052 0.9574876260090576 0.629890142556817 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/76037076_5253334624.jpg notre_dame_front_facade/test/images/54968428_2379374680.jpg 0 0 672.424 0.0 239.5 0.0 672.424 319.5 0.0 0.0 1.0 528.702 0.0 187.0 0.0 528.702 249.5 0.0 0.0 1.0 0.9618008272765549 0.018587478425617813 0.27311842540537484 -0.7658948607263677 -0.056465960589799795 0.9897077850407682 0.13149180782226638 -0.28811226477196317 -0.26786333072073387 -0.1418908237888337 0.9529513262385025 -1.023504984313043 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/36628843_84606153.jpg notre_dame_front_facade/test/images/35152725_4701790456.jpg 0 0 726.708 0.0 319.5 0.0 726.708 213.0 0.0 0.0 1.0 711.581 0.0 239.5 0.0 711.581 319.5 0.0 0.0 1.0 0.9452994747465745 0.07443523447557358 0.3175976997908158 -0.4380992598390135 0.019392302626099474 0.9590722372396129 -0.2824966944143983 0.04205600368751205 -0.3256268441678428 0.2732029275552708 0.9051670115136327 -1.1661738777434891 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/46129623_985747637.jpg notre_dame_front_facade/test/images/24710907_307223581.jpg 0 0 663.962 0.0 319.5 0.0 663.962 239.5 0.0 0.0 1.0 667.982 0.0 319.5 0.0 667.982 213.0 0.0 0.0 1.0 0.9643162293740903 0.015565643706705429 0.2642951390051143 -0.14958749306241026 0.18451021068186285 0.6764023266543502 -0.7130468951273237 0.360551399192618 -0.1898688808622187 0.736367845056109 0.6493937209794616 2.19128178350028 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/65117548_393332042.jpg notre_dame_front_facade/test/images/41995021_5921639869.jpg 0 0 528.38 0.0 319.5 0.0 528.38 213.5 0.0 0.0 1.0 540.721 0.0 319.5 0.0 540.721 239.5 0.0 0.0 1.0 0.9918642131903499 0.04318912198749916 -0.1197500828151563 0.15473853772206936 0.02159712407588027 0.8699621627340464 0.49264530815055096 -0.7292822004929849 0.12545495934373785 -0.49122350834731954 0.8619515752192881 -0.7908041682276016 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/98283507_7198318944.jpg notre_dame_front_facade/test/images/67691681_4057682871.jpg 0 0 733.699 0.0 239.5 0.0 733.699 319.5 0.0 0.0 1.0 662.741 0.0 239.5 0.0 662.741 319.5 0.0 0.0 1.0 0.9959831688705367 0.015112506930293857 0.08825610155046394 -0.3896757872485776 -0.025130787371771778 0.9932165102493212 0.11353152555231016 -0.14250942193146943 -0.0859416712234454 -0.11529343390862243 0.9896067164509744 -0.37223793546921596 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/66678449_3070814495.jpg notre_dame_front_facade/test/images/89810148_5254985106.jpg 0 0 542.068 0.0 213.0 0.0 542.068 319.5 0.0 0.0 1.0 782.364 0.0 211.5 0.0 782.364 319.5 0.0 0.0 1.0 0.9963733090198529 -0.018452354353731156 -0.08306467174216038 0.2390077409092735 0.010241032051949728 0.9951124294149857 -0.0982159563732706 0.3681118120817005 0.0844710029260897 0.097009089484489 0.9916924352953645 1.5679254568652188 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/31731830_3056005968.jpg notre_dame_front_facade/test/images/93201398_6054202502.jpg 0 0 692.226 0.0 319.5 0.0 692.226 239.5 0.0 0.0 1.0 668.116 0.0 319.5 0.0 668.116 255.5 0.0 0.0 1.0 0.982221424776656 0.08029743448618293 0.16968616538967854 -0.7190914515198344 -0.04525025849107486 0.9785212758209947 -0.20111819130089656 0.21771910057591645 -0.18219079783624392 0.18986425356182846 0.9647580413778383 0.9652268809825748 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/65265933_1398358926.jpg notre_dame_front_facade/test/images/37809717_6059506804.jpg 0 0 902.934 0.0 319.5 0.0 902.934 239.5 0.0 0.0 1.0 498.988 0.0 211.5 0.0 498.988 319.5 0.0 0.0 1.0 0.931721820497386 0.14968832418214892 0.33088949033261295 -1.320179366378836 -0.13757430738830384 0.9886799215782 -0.05987756353387235 -0.15812374344642866 -0.33610676749459373 0.010267340048149375 0.9417679239455287 -0.5245976432418691 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/79793488_5196381575.jpg notre_dame_front_facade/test/images/62185644_2486505446.jpg 0 0 761.869 0.0 239.5 0.0 761.869 319.5 0.0 0.0 1.0 696.156 0.0 187.0 0.0 696.156 249.5 0.0 0.0 1.0 0.9908286487131306 0.08232444982259572 0.1071507062539414 -0.2892341969591984 -0.0618328818563358 0.9813190113286752 -0.1821803851303767 0.22736706816092983 -0.12014692509861384 0.173884107860146 0.9774093479310646 1.2957176571594848 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/62265406_497236333.jpg notre_dame_front_facade/test/images/04354414_8981826522.jpg 0 0 1321.94 0.0 220.0 0.0 1321.94 319.5 0.0 0.0 1.0 351.504 0.0 213.0 0.0 351.504 319.5 0.0 0.0 1.0 0.9583314228371902 -0.11617222614743612 -0.26096915119376746 1.2112135594669282 0.11211298393080701 0.9932290806332642 -0.030441291341388323 -0.02161355956609312 0.2627385826957608 -8.518421002908263e-05 0.9648670529698241 -2.6313000880780786 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/62739329_10894953753.jpg notre_dame_front_facade/test/images/76037076_5253334624.jpg 0 0 675.789 0.0 319.5 0.0 675.789 213.5 0.0 0.0 1.0 672.424 0.0 239.5 0.0 672.424 319.5 0.0 0.0 1.0 0.8180312970362006 -0.1234408688527708 -0.561771438368083 1.1949264050705568 0.024620358153835988 0.9833184742265358 -0.18021824604954545 -0.01731930576745551 0.574646530515628 0.13359315155228096 0.8074244452731665 0.07187622530788762 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/88697814_397500572.jpg notre_dame_front_facade/test/images/73563955_5923240867.jpg 0 0 534.268 0.0 183.0 0.0 534.268 249.5 0.0 0.0 1.0 1302.54 0.0 319.5 0.0 1302.54 179.0 0.0 0.0 1.0 0.9509739858695475 0.06360434563189192 0.3026598179741148 -0.8658241998460121 -0.04333253590731406 0.9963728278648256 -0.07323577830877395 0.5280847070909673 -0.30622013247209406 0.05653030257648889 0.9502807771176809 3.7822162237581174 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/56616850_528528947.jpg notre_dame_front_facade/test/images/69433801_3498883130.jpg 0 0 698.333 0.0 239.5 0.0 698.333 319.5 0.0 0.0 1.0 916.518 0.0 239.5 0.0 916.518 319.5 0.0 0.0 1.0 0.9940661611189524 -0.030445267818047874 -0.10442965568130529 0.2003401282338842 0.03796772726249237 0.9967663244014592 0.07081910918478221 0.016578207078735238 0.1019358573061984 -0.0743638366862042 0.9920076112553562 0.06829591884010892 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/12023672_2650236061.jpg notre_dame_front_facade/test/images/99239692_3743536843.jpg 0 0 848.099 0.0 213.0 0.0 848.099 319.5 0.0 0.0 1.0 562.649 0.0 187.0 0.0 562.649 249.5 0.0 0.0 1.0 0.9592842867486159 -0.06478763966947683 -0.2749112928623655 0.8671924878051582 0.04191249979310635 0.995212789472104 -0.0882884252450247 0.02128850230310599 0.2793152333086975 0.0731714795341155 0.9574074028460908 0.03143315842870015 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/11114519_4976973093.jpg notre_dame_front_facade/test/images/57166610_6309910907.jpg 0 0 2357.64 0.0 239.5 0.0 2357.64 319.5 0.0 0.0 1.0 718.825 0.0 213.0 0.0 718.825 319.5 0.0 0.0 1.0 0.9805602508282293 -0.0139405537424441 -0.1957223938567935 1.7068375650843652 0.033310956576263914 0.9948209853620783 0.09602909587826909 -1.0710524758998774 0.19337004594211085 -0.10068201450396967 0.9759462881161894 -5.359001524851271 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/60857305_1123347137.jpg notre_dame_front_facade/test/images/93967284_1001548090.jpg 0 0 1758.82 0.0 255.5 0.0 1758.82 319.5 0.0 0.0 1.0 693.696 0.0 319.5 0.0 693.696 239.5 0.0 0.0 1.0 0.923234258220683 -0.007643027964354126 -0.38416153968251654 3.337545901662916 0.07311798767882036 0.9850276039309886 0.1561229623462721 -1.1455234859805588 0.37721646878881826 -0.17222718605815898 0.9099700720666493 -4.727445837770428 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/42724754_4633133394.jpg notre_dame_front_facade/test/images/37513893_13969657371.jpg 0 0 653.704 0.0 319.5 0.0 653.704 239.5 0.0 0.0 1.0 889.692 0.0 213.0 0.0 889.692 319.5 0.0 0.0 1.0 0.9507874160276343 0.1140510156463171 0.2880896654750697 -0.664012819003675 0.00823314582354903 0.9201616054839366 -0.39145221305169864 0.33641307605406223 -0.30973457158241513 0.3745597223718374 0.8739390765627714 2.5376916395987443 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/13729493_60409794.jpg notre_dame_front_facade/test/images/70470648_253650724.jpg 0 0 698.515 0.0 239.5 0.0 698.515 319.5 0.0 0.0 1.0 661.366 0.0 239.5 0.0 661.366 319.5 0.0 0.0 1.0 0.9993945739428843 0.030933625173375282 -0.01592471058303685 -0.007740380151029597 -0.03037722775931218 0.9989577041335668 0.03406947880217357 -0.11480951273559273 0.016962004810140704 -0.03356510369157234 0.999292586886841 -0.41346037327829094 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/51975876_7139799139.jpg notre_dame_front_facade/test/images/37513893_13969657371.jpg 0 0 533.325 0.0 239.5 0.0 533.325 319.5 0.0 0.0 1.0 889.692 0.0 213.0 0.0 889.692 319.5 0.0 0.0 1.0 0.9505267780443749 0.09904790840939125 0.29442886417656877 -0.6776190285947445 -0.03543776992636281 0.9761925013155687 -0.21399150646205428 0.1753491528151443 -0.3086146605124678 0.19297075481786896 0.9314071500164661 1.3559424408469798 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/81357869_4069966605.jpg notre_dame_front_facade/test/images/65299042_229585472.jpg 0 0 820.937 0.0 319.5 0.0 820.937 213.0 0.0 0.0 1.0 397.031 0.0 166.0 0.0 397.031 249.5 0.0 0.0 1.0 0.9840553424534796 0.02145652586774352 -0.176563587657398 0.5844996928393061 -0.04022266913482988 0.9938258730817842 -0.10340343747138944 -0.22938901026992742 0.17325478312714718 0.10885656383937717 0.9788426986153846 -0.8037890211317993 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/63370987_10651574034.jpg notre_dame_front_facade/test/images/35184160_219996854.jpg 0 0 456.706 0.0 239.5 0.0 456.706 319.5 0.0 0.0 1.0 541.484 0.0 187.0 0.0 541.484 249.5 0.0 0.0 1.0 0.6764022820995604 0.13153486912209633 0.7246920249150943 -1.027788876093163 -0.36680504037165756 0.9133858892626432 0.17657938626532008 -0.10902218757766902 -0.6386971231565499 -0.3852593872976017 0.6660639529133998 0.2527053205207337 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/51575595_2715884125.jpg notre_dame_front_facade/test/images/66678449_3070814495.jpg 0 0 912.594 0.0 213.0 0.0 912.594 319.5 0.0 0.0 1.0 542.068 0.0 213.0 0.0 542.068 319.5 0.0 0.0 1.0 0.9761269730180661 -0.07614414699423899 -0.2034163253652661 0.7660557596689473 0.08406487913527155 0.9959911506140304 0.030573256197401488 -0.43620534898671615 0.20027288544024188 -0.04694354883324749 0.9786148755155832 -1.3962915674113132 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/55422345_4940624653.jpg notre_dame_front_facade/test/images/45459434_6823683093.jpg 0 0 668.447 0.0 319.5 0.0 668.447 239.5 0.0 0.0 1.0 722.12 0.0 319.5 0.0 722.12 319.5 0.0 0.0 1.0 0.9998833624369887 -0.01526974528828521 -0.00031048435059520687 -0.008596726082758757 0.01527007847146408 0.9991010933906498 0.03954528908837936 -0.04457043662838731 -0.00029364123757081174 -0.03954541774262926 0.9992177308827064 -0.3058562412540067 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/61900107_5317613163.jpg notre_dame_front_facade/test/images/94836922_1185468195.jpg 0 0 537.046 0.0 319.5 0.0 537.046 239.5 0.0 0.0 1.0 658.457 0.0 239.5 0.0 658.457 319.5 0.0 0.0 1.0 0.8857741902258579 0.3099958684748772 0.34540794064154445 -0.38283791513206844 0.07878800990234207 0.6329898497802336 -0.7701404414591053 0.49090845049840826 -0.4573800754573317 0.7093845301412373 0.53626211405519 2.419111838743636 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/73553965_4768986609.jpg notre_dame_front_facade/test/images/73100287_2167356662.jpg 0 0 567.368 0.0 319.5 0.0 567.368 239.5 0.0 0.0 1.0 410.944 0.0 166.0 0.0 410.944 249.5 0.0 0.0 1.0 0.9760140147081358 0.010926809687090509 -0.21743331833775953 0.6643524009202035 0.08134355538078118 0.908103023676538 0.41077016005004924 -1.0950729455232706 0.2019402611945452 -0.4186042322045865 0.8854324523582179 -1.4714306947721623 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/94554102_147558957.jpg notre_dame_front_facade/test/images/24232395_8292135214.jpg 0 0 547.53 0.0 319.5 0.0 547.53 232.5 0.0 0.0 1.0 606.526 0.0 319.5 0.0 606.526 239.5 0.0 0.0 1.0 0.9600785648280227 0.049830800500963425 0.2752563181458283 -0.7970527127395046 -0.1360243625710484 0.9429979714136314 0.3037304704782119 -0.568232813766859 -0.24443101714983775 -0.3290466794107018 0.9121303419050846 -0.8653625982318207 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/67072911_2739964408.jpg notre_dame_front_facade/test/images/17253180_3321954648.jpg 0 0 670.259 0.0 213.0 0.0 670.259 319.5 0.0 0.0 1.0 2056.32 0.0 319.5 0.0 2056.32 213.0 0.0 0.0 1.0 0.983083095237062 -0.04785699549250937 0.1767974429723109 -0.48515528771035776 0.0330036177847756 0.9957466021185108 0.08602014637604669 0.4518049343286912 -0.18016211886030328 -0.07872999651892533 0.9804811056700153 1.8077521547657356 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16248504_5575722639.jpg notre_dame_front_facade/test/images/79392901_158654812.jpg 0 0 303.539 0.0 211.5 0.0 303.539 319.5 0.0 0.0 1.0 506.813 0.0 249.5 0.0 506.813 187.0 0.0 0.0 1.0 0.998932657321584 -0.04286210917199087 -0.017215857044226738 0.08258162729355913 0.027021973043152212 0.844562590178614 -0.5347745732957444 0.5606204179247656 0.03746143496042392 0.5337385791453703 0.844819371240141 1.842076648288442 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/67597816_6045622567.jpg notre_dame_front_facade/test/images/78751376_5259305379.jpg 0 0 480.326 0.0 213.0 0.0 480.326 319.5 0.0 0.0 1.0 494.969 0.0 319.5 0.0 494.969 212.0 0.0 0.0 1.0 0.9473006239549456 -0.09570982631978875 -0.30571417533442324 0.9033210415926481 0.1995134088093191 0.9229110865946716 0.3292863889472631 -0.482747155952734 0.25063105864967344 -0.37292727895191397 0.8933696418916782 -0.7045027383626707 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/75827637_332080023.jpg notre_dame_front_facade/test/images/36126459_6228310178.jpg 0 0 824.199 0.0 239.5 0.0 824.199 319.5 0.0 0.0 1.0 672.751 0.0 319.5 0.0 672.751 212.5 0.0 0.0 1.0 0.9654386356123767 0.08024804786067981 0.2479687312575169 -0.5626522886919164 -0.13469207497644395 0.9681404533469015 0.2110973887375116 -0.4452776982916725 -0.22312840654083602 -0.23720099790642984 0.9454889744395443 -0.8801323258252134 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/64518898_5543139365.jpg notre_dame_front_facade/test/images/43866772_7750717370.jpg 0 0 551.721 0.0 228.0 0.0 551.721 319.5 0.0 0.0 1.0 440.442 0.0 319.5 0.0 440.442 212.5 0.0 0.0 1.0 0.9900640034056921 -0.02999259037955735 -0.13738163517230997 0.5876084427722351 -0.016202212326239952 0.9461497808809022 -0.32332349196239474 0.06047356700145623 0.13968091306985733 0.32233683727018453 0.9362628935628208 0.8727547864456107 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/69189455_2043939797.jpg notre_dame_front_facade/test/images/86620018_1656400518.jpg 0 0 572.409 0.0 187.0 0.0 572.409 249.5 0.0 0.0 1.0 622.811 0.0 165.5 0.0 622.811 249.5 0.0 0.0 1.0 0.9994534167516471 -0.01567465926867369 -0.029106233014072884 -0.029844126450899483 0.012054354710448509 0.992623573548681 -0.12063637000490804 0.11605091795617545 0.030782467022206206 0.12021957532888462 0.9922699700342489 0.6486235318577832 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/06852016_2679741155.jpg notre_dame_front_facade/test/images/27553172_6999659277.jpg 0 0 882.112 0.0 213.0 0.0 882.112 319.5 0.0 0.0 1.0 500.952 0.0 319.5 0.0 500.952 213.5 0.0 0.0 1.0 0.962618816392932 -0.058500023978950835 -0.2644669384265891 0.8683567247285527 0.06101910190109946 0.9981357352423347 0.0013127206203436975 -0.23113322416989432 0.26389710784594494 -0.01740118463513367 0.9643938589828535 -0.8143963053069629 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/35184160_219996854.jpg notre_dame_front_facade/test/images/94098462_7321392130.jpg 0 0 541.484 0.0 187.0 0.0 541.484 249.5 0.0 0.0 1.0 515.113 0.0 319.5 0.0 515.113 211.5 0.0 0.0 1.0 0.9769169936185135 -0.04429084252001531 -0.20897729266174428 -0.4019622179129667 -0.05976607172377709 0.8825332966732046 -0.46643648756699346 0.5961079771743205 0.20508828403902898 0.46815948300978893 0.8595146852834649 3.0520730063125363 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/84901566_1662226642.jpg notre_dame_front_facade/test/images/68906626_8236091211.jpg 0 0 680.44 0.0 319.5 0.0 680.44 239.5 0.0 0.0 1.0 595.075 0.0 319.5 0.0 595.075 239.5 0.0 0.0 1.0 0.9880655577147973 -0.008476036563679528 0.15380055416648422 -0.1665840482686814 -0.08068102193576429 0.8220799066816068 0.5636268266590595 -0.14354766341686842 -0.1312136668077956 -0.5693090407103439 0.8115849861895675 -0.14971232454694383 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/01434393_2942710887.jpg notre_dame_front_facade/test/images/93201398_6054202502.jpg 0 0 715.702 0.0 239.5 0.0 715.702 319.5 0.0 0.0 1.0 668.116 0.0 319.5 0.0 668.116 255.5 0.0 0.0 1.0 0.9525989881408913 0.049465311455367734 0.30018053027398955 -1.2010140968773668 -0.028665209736687337 0.9968973681856803 -0.07330718283507907 0.010288287597402865 -0.3028753432415749 0.06122761033298168 0.9510613577415554 0.339798602027357 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/37414234_5204240482.jpg notre_dame_front_facade/test/images/49047422_9668436418.jpg 0 0 981.426 0.0 213.5 0.0 981.426 319.5 0.0 0.0 1.0 589.962 0.0 319.5 0.0 589.962 239.5 0.0 0.0 1.0 0.9968196542141687 -0.007901141547366828 -0.07929784949538983 0.5688956914079141 0.029138725365796096 0.9623048490946362 0.27040767757777495 -1.232536688313997 0.07417217575615356 -0.27185832591847847 0.9594746161167582 -1.8558601906542491 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/20437892_10017965835.jpg notre_dame_front_facade/test/images/32850132_379216157.jpg 0 0 512.02 0.0 179.5 0.0 512.02 319.5 0.0 0.0 1.0 486.649 0.0 249.5 0.0 486.649 167.0 0.0 0.0 1.0 0.989136188539764 -0.037612386286055906 0.14210879254605044 -0.19169361885264702 -0.01610677967755971 0.9331627750975039 0.3590930336566611 -0.366983627651127 -0.1461169811125539 -0.35748082965411443 0.9224192562280774 -0.2595425047305573 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/89632394_1391563454.jpg notre_dame_front_facade/test/images/61900107_5317613163.jpg 0 0 525.849 0.0 166.0 0.0 525.849 249.5 0.0 0.0 1.0 537.046 0.0 319.5 0.0 537.046 239.5 0.0 0.0 1.0 0.993798076973386 0.08806240712473226 -0.06789988700577913 0.2133500999636309 -0.00971995813471399 0.677067968261299 0.7358562962755543 -1.4613392748983618 0.11077411528809007 -0.7306325881083563 0.6737248077488511 -0.6830984551995736 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/19969696_3085995005.jpg notre_dame_front_facade/test/images/79255400_2324943723.jpg 0 0 1261.33 0.0 319.5 0.0 1261.33 239.5 0.0 0.0 1.0 1184.71 0.0 249.5 0.0 1184.71 165.5 0.0 0.0 1.0 0.9847643559176386 -0.0035994846226220746 -0.1738568578589003 0.7766008269897104 0.03876370451848994 0.9791727881320264 0.1992938187545153 -1.0857274220909066 0.16951854920958223 -0.20299678493071235 0.9643939893952433 -2.7593865145330794 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/48194802_193393602.jpg notre_dame_front_facade/test/images/42724754_4633133394.jpg 0 0 744.735 0.0 239.5 0.0 744.735 319.5 0.0 0.0 1.0 653.704 0.0 319.5 0.0 653.704 239.5 0.0 0.0 1.0 0.8569800137176429 -0.05931670288146825 -0.51192458902438 1.4163809929951725 0.15558358361233396 0.9767827370599533 0.1472726488252645 -0.1533279488571952 0.49130337328259066 -0.20585677871019303 0.8463119886071625 -0.1815498436031514 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/03224502_8509869187.jpg notre_dame_front_facade/test/images/02864341_2175867632.jpg 0 0 641.298 0.0 319.5 0.0 641.298 213.5 0.0 0.0 1.0 725.615 0.0 240.0 0.0 725.615 319.5 0.0 0.0 1.0 0.9899000099213099 -0.05317474240989463 -0.13141695905564105 0.2401464094512975 0.04665824181615532 0.9975471274527756 -0.052179852254877576 -0.2332004846779566 0.13386926020717327 0.04552115201043393 0.9899529513523495 -1.1652317362628941 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/40855093_3275085444.jpg notre_dame_front_facade/test/images/92639314_4796735674.jpg 0 0 1947.13 0.0 239.5 0.0 1947.13 319.5 0.0 0.0 1.0 502.277 0.0 239.5 0.0 502.277 319.5 0.0 0.0 1.0 0.901127040487712 -0.04698853384790956 -0.4310013162261593 3.56389782026758 0.04061416102185143 0.9988869771344892 -0.02398534626836982 -0.4123091229251691 0.4316486381611195 0.0041090872400500215 0.9020324653667985 -4.772167973138852 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/85791643_379742998.jpg notre_dame_front_facade/test/images/96809970_2634698191.jpg 0 0 792.408 0.0 249.5 0.0 792.408 238.5 0.0 0.0 1.0 1900.54 0.0 319.5 0.0 1900.54 239.5 0.0 0.0 1.0 0.9996021867076225 -0.023788162613324903 -0.015152281967450432 -0.3492834929457153 0.020930985736343537 0.9857724150138948 -0.16677721557148825 0.1547589750872684 0.018904025112237263 0.16639371718053442 0.9858781713362966 1.0456097868623009 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/90793558_9763268725.jpg notre_dame_front_facade/test/images/48713798_2650230109.jpg 0 0 1558.15 0.0 239.5 0.0 1558.15 319.5 0.0 0.0 1.0 2142.91 0.0 319.5 0.0 2142.91 213.0 0.0 0.0 1.0 0.9614504504309082 -0.07124621351320806 -0.26558804270191483 1.2294525031805192 0.03859509213463078 0.9912543917123361 -0.12619488806653814 0.05865221113080762 0.2722562216540205 0.1110797369957145 0.9557917355782273 0.17849621577425712 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/90399956_55117568.jpg notre_dame_front_facade/test/images/01434393_2942710887.jpg 0 0 284.825 0.0 213.5 0.0 284.825 319.5 0.0 0.0 1.0 715.702 0.0 239.5 0.0 715.702 319.5 0.0 0.0 1.0 0.9961377758227855 -0.048537470600030004 -0.07316861025456892 0.0916935696591526 0.0598453561548075 0.9850933174880028 0.16127519706137342 0.0445166940471842 0.06425001887577955 -0.16503111763613496 0.9841934084753007 1.5804816843324303 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/88042390_4857002374.jpg notre_dame_front_facade/test/images/64123516_6358230237.jpg 0 0 528.338 0.0 239.5 0.0 528.338 319.5 0.0 0.0 1.0 528.109 0.0 319.5 0.0 528.109 211.5 0.0 0.0 1.0 0.7780070539132339 0.25424034767706694 0.5745144642864043 -1.5501629744478922 -0.037511805367302475 0.9316268565275594 -0.36147512314772634 0.31474654891323295 -0.6271346653784462 0.25967912085807443 0.7343492804320311 2.9799170404822233 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/63136592_197609530.jpg notre_dame_front_facade/test/images/47104342_7985973355.jpg 0 3 889.805 0.0 259.5 0.0 889.805 319.5 0.0 0.0 1.0 459.867 0.0 319.5 0.0 459.867 239.5 0.0 0.0 1.0 0.08589725241463461 0.8503194091417018 0.519209557370166 -2.118029984637586 -0.9943964423776579 0.040937688469086304 0.09746702544689251 -0.35817197272440654 0.061622864379008824 -0.5246722863842871 0.8490710302948811 -2.029607383076014 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/40934391_13870812494.jpg notre_dame_front_facade/test/images/66536323_206198871.jpg 0 0 492.012 0.0 319.5 0.0 492.012 211.5 0.0 0.0 1.0 647.198 0.0 239.5 0.0 647.198 319.5 0.0 0.0 1.0 0.978338658144241 0.062264404555180244 0.19742495765711718 -0.25904868097363803 0.015518791064413832 0.9289506298708695 -0.3698782156148345 0.3189643559716026 -0.206428285620999 0.3649299538101851 0.907862044425072 0.816315189878903 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/53297154_7403336528.jpg notre_dame_front_facade/test/images/21370056_8707038673.jpg 0 0 970.474 0.0 213.0 0.0 970.474 319.5 0.0 0.0 1.0 1809.08 0.0 239.5 0.0 1809.08 319.5 0.0 0.0 1.0 0.9767008619144203 0.017970276532871258 0.21385157351995465 -0.8323214988331215 -0.034001351230465694 0.9968592499384448 0.07152303074299834 0.13970960476221406 -0.2118946305363375 -0.07712784823585783 0.9742443023063443 0.7515491689692453 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/75437734_2225459366.jpg notre_dame_front_facade/test/images/89455443_12073338213.jpg 0 0 740.607 0.0 319.5 0.0 740.607 239.5 0.0 0.0 1.0 460.921 0.0 212.5 0.0 460.921 319.5 0.0 0.0 1.0 0.9994351397848529 0.010855501799026425 0.03180502230659201 -0.09939140344891405 0.006689366935517265 0.8631951546753612 -0.5048260862069044 0.4515913545503081 -0.03293408163640654 0.5047536854998389 0.8626349536397746 0.996127764574579 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/47637734_4638229298.jpg notre_dame_front_facade/test/images/58668083_4179544564.jpg 0 0 675.352 0.0 319.5 0.0 675.352 319.5 0.0 0.0 1.0 681.176 0.0 239.5 0.0 681.176 319.5 0.0 0.0 1.0 0.9456722564434135 -0.18598476815847428 -0.266671425927604 0.7828880641613839 0.10010215829005714 0.9469354921320503 -0.3054385889934403 0.20561670697915455 0.3093275631089078 0.26215041436867875 0.9141081002526095 1.4491913373372356 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/74055833_422957728.jpg notre_dame_front_facade/test/images/10271797_13991878773.jpg 0 0 662.31 0.0 239.5 0.0 662.31 319.5 0.0 0.0 1.0 483.005 0.0 319.5 0.0 483.005 239.5 0.0 0.0 1.0 0.9974392665566599 -0.011619414669494508 -0.07056839755620307 0.15220242897464892 -0.008780549829115532 0.959353784132346 -0.2820695283359166 -0.029818471921041124 0.07097754205106299 0.2819668527924628 0.9567951099638329 -0.3968229727465207 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/66536323_206198871.jpg notre_dame_front_facade/test/images/63370987_10651574034.jpg 0 0 647.198 0.0 239.5 0.0 647.198 319.5 0.0 0.0 1.0 456.706 0.0 239.5 0.0 456.706 319.5 0.0 0.0 1.0 0.9523234752787151 -0.04503871157347665 -0.3017474322887798 0.6437586961377818 0.042453413739592834 0.9989839729772146 -0.015123802316716643 -0.11320789098006742 0.30212200531395517 0.0015925433938685316 0.9532679359501258 -0.6195677169828385 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/94022639_2742603296.jpg notre_dame_front_facade/test/images/32485075_5873194828.jpg 0 0 699.852 0.0 239.5 0.0 699.852 319.5 0.0 0.0 1.0 1688.87 0.0 239.5 0.0 1688.87 319.5 0.0 0.0 1.0 0.9891889665986312 -0.048884721220155 -0.1382587154242361 -0.042716459366358706 0.06372293294501001 0.992426729525709 0.10501701928635641 -0.0213690459220924 0.13207791706571517 -0.11269192763518122 0.9848126488167428 -0.07861658556426851 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/39119309_3697303347.jpg notre_dame_front_facade/test/images/12015220_144820170.jpg 0 0 643.065 0.0 239.5 0.0 643.065 319.5 0.0 0.0 1.0 647.595 0.0 239.5 0.0 647.595 319.5 0.0 0.0 1.0 0.8134420467058874 -0.19049260244850863 0.5495676528538878 -0.8106218089656536 0.16622585956379232 0.9815781509231488 0.09419818067547818 0.11529109289094402 -0.5573876570782808 0.014727594599461411 0.830121736671254 0.579999367527883 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/44499587_5808479997.jpg notre_dame_front_facade/test/images/79793488_5196381575.jpg 0 0 2056.49 0.0 319.5 0.0 2056.49 213.0 0.0 0.0 1.0 761.869 0.0 239.5 0.0 761.869 319.5 0.0 0.0 1.0 0.9882167013140962 -0.08743839116720611 -0.12562754074635535 0.3927329818563805 0.102047769943751 0.9881105443948771 0.11499480294851064 -0.2658928128770207 0.11407893711546309 -0.12645979521472497 0.9853902355416642 -0.8115925304954524 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16936811_3689681321.jpg notre_dame_front_facade/test/images/73717439_5873359498.jpg 0 0 503.368 0.0 212.5 0.0 503.368 319.5 0.0 0.0 1.0 529.064 0.0 319.5 0.0 529.064 239.5 0.0 0.0 1.0 0.9996510884716224 0.019122725466881346 -0.01822148973654448 -0.12704597871798307 -0.0157060042384198 0.9849658749854932 0.17203356226307917 -0.0051974606232092725 0.021237296164141228 -0.17168735097490526 0.984922550643885 -0.014409763712335183 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/33645044_55429420.jpg notre_dame_front_facade/test/images/16199404_86872664.jpg 0 0 526.679 0.0 187.0 0.0 526.679 249.5 0.0 0.0 1.0 719.163 0.0 239.5 0.0 719.163 319.5 0.0 0.0 1.0 0.9905932633071073 0.03389560828219332 -0.13257478806227077 0.2913701145928395 0.0036556337435970586 0.9619349187833917 0.27325418270746116 -0.5779006324013657 0.13679043472592878 -0.2711683974292911 0.9527623403573011 -0.9508945311072071 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/90826844_8304176149.jpg notre_dame_front_facade/test/images/89455443_12073338213.jpg 0 0 966.226 0.0 212.0 0.0 966.226 319.5 0.0 0.0 1.0 460.921 0.0 212.5 0.0 460.921 319.5 0.0 0.0 1.0 0.9995146523291775 0.0005562591875012173 -0.031147236715315083 0.5593218486189957 0.006172380341347084 0.9764819790787878 0.21551066390157053 -0.132590862207496 0.03053459513740606 -0.21559831889439737 0.9760046123813679 -0.9671169145506999 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/86620018_1656400518.jpg notre_dame_front_facade/test/images/15793931_276435531.jpg 0 0 622.811 0.0 165.5 0.0 622.811 249.5 0.0 0.0 1.0 548.704 0.0 187.0 0.0 548.704 249.5 0.0 0.0 1.0 0.9531801072031663 0.06905343957147803 0.2944134944521206 -0.8840246588173039 -0.0663756976921274 0.9976120555093144 -0.019090664167696902 -0.004437372501260056 -0.29502872739454367 -0.0013450597862917572 0.9554874362471373 -0.129933762454307 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/23277180_4833886659.jpg notre_dame_front_facade/test/images/88668272_2557713073.jpg 0 0 666.53 0.0 239.5 0.0 666.53 319.5 0.0 0.0 1.0 552.97 0.0 168.5 0.0 552.97 224.5 0.0 0.0 1.0 0.97942626173421 0.03487399759958265 0.1987661996335775 -0.3926392213207168 -0.006440939163096951 0.9898550977884405 -0.14193449082211768 -0.13929859624474866 -0.20169955906756015 0.13773412675753535 0.9697146993823962 -0.602940041607519 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/08334105_1973261812.jpg notre_dame_front_facade/test/images/19454938_7173253342.jpg 0 0 522.005 0.0 249.5 0.0 522.005 187.0 0.0 0.0 1.0 353.538 0.0 319.5 0.0 353.538 211.5 0.0 0.0 1.0 0.9949964016450699 0.005887355529750445 0.09973715334933765 -0.26435127606646613 0.009683729916136136 0.9878795650240987 -0.15491994830462902 -0.05208025154370732 -0.09944036448180542 0.15511061876178533 0.9828796008968047 -0.05823980071765855 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/81076842_231122028.jpg notre_dame_front_facade/test/images/47652016_4207375505.jpg 0 0 726.641 0.0 239.5 0.0 726.641 319.5 0.0 0.0 1.0 530.142 0.0 213.5 0.0 530.142 319.5 0.0 0.0 1.0 0.9338957691300946 0.03916857044034757 0.3553934657398314 -0.9324934196415231 -0.03211787295277384 0.9991531081331261 -0.02571981230302833 0.06814772566526638 -0.3560998941840599 0.012605141711740356 0.9343628715678554 0.520486123145665 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/20449428_10758420474.jpg notre_dame_front_facade/test/images/20047373_84605639.jpg 0 0 916.516 0.0 239.5 0.0 916.516 319.5 0.0 0.0 1.0 716.541 0.0 319.5 0.0 716.541 213.0 0.0 0.0 1.0 0.9945108326973783 -0.08008176769696522 0.06734325601050481 -0.2723615872333675 0.07345859244800168 0.992700191027668 0.09565649967038076 -0.08378862161153333 -0.07451200469136154 -0.09018448434270976 0.9931337875335396 -0.05292880126830324 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/65299042_229585472.jpg notre_dame_front_facade/test/images/72357333_2327691828.jpg 0 0 397.031 0.0 166.0 0.0 397.031 249.5 0.0 0.0 1.0 1291.45 0.0 249.5 0.0 1291.45 249.5 0.0 0.0 1.0 0.9903319259260609 -0.0037304040930868235 0.13866780656259434 -0.2806657322766548 -0.0013777419073799113 0.9993245312331993 0.036723059550958864 0.2917444173159198 -0.13871113264196008 -0.03655906673930424 0.9896578481072819 3.3480144172205373 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/43866772_7750717370.jpg notre_dame_front_facade/test/images/19454938_7173253342.jpg 0 0 440.442 0.0 319.5 0.0 440.442 212.5 0.0 0.0 1.0 353.538 0.0 319.5 0.0 353.538 211.5 0.0 0.0 1.0 0.9718706174138813 -0.021979936181055554 -0.23448749521677625 0.42690950516033477 0.15060791558367662 0.8234525703853881 0.5470311874923015 -1.3204092572962136 0.181065620069358 -0.5669592108178279 0.8035997103643857 -1.712365248163665 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/37809717_6059506804.jpg notre_dame_front_facade/test/images/27108396_3799319410.jpg 0 0 498.988 0.0 211.5 0.0 498.988 319.5 0.0 0.0 1.0 586.555 0.0 211.5 0.0 586.555 319.5 0.0 0.0 1.0 0.8393235096306366 -0.15963109506711654 -0.5196671623924137 1.2392580735810113 -0.09645860400675535 0.8970191646922692 -0.4313378674401904 -0.07399106500895969 0.5350063400506373 0.412158381769019 0.737491480929214 0.5351438729970308 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/88264143_2551880831.jpg notre_dame_front_facade/test/images/16926208_509236966.jpg 0 1 688.704 0.0 239.5 0.0 688.704 319.5 0.0 0.0 1.0 864.355 0.0 319.5 0.0 864.355 239.5 0.0 0.0 1.0 -0.034040754181083197 -0.9930612389584977 0.11256377184954584 -0.23424493661178725 0.9768858880260513 -0.05684380061533818 -0.20606490265728633 0.36805760565078105 0.21103362014223298 0.1029473555260999 0.9720425161276879 1.1308323074733821 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/87453268_2874605638.jpg notre_dame_front_facade/test/images/03524051_5922206652.jpg 0 0 859.782 0.0 212.5 0.0 859.782 319.5 0.0 0.0 1.0 541.245 0.0 319.5 0.0 541.245 239.5 0.0 0.0 1.0 0.9994677694139544 -0.0005645455985649116 0.03261685440016395 -0.09894483340268018 -0.013054575720665634 0.9093774540673497 0.4157670310242725 -1.321649983289734 -0.029895751461499677 -0.41597154628922883 0.9088860856687707 -1.4019696373579118 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/14248814_1334513582.jpg notre_dame_front_facade/test/images/60021260_328346427.jpg 0 0 696.736 0.0 319.5 0.0 696.736 239.5 0.0 0.0 1.0 600.288 0.0 187.0 0.0 600.288 249.5 0.0 0.0 1.0 0.9850113664428293 -0.04339812427354325 -0.1669407403480894 0.22274522660114904 0.04217244306596973 0.9990510860614799 -0.010881750099366809 0.3535864944073974 0.1672545754957922 0.0036783486669460666 0.9859068803527069 1.5976347030101914 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/12742093_2172973211.jpg notre_dame_front_facade/test/images/63136592_197609530.jpg 0 0 721.14 0.0 240.0 0.0 721.14 319.5 0.0 0.0 1.0 889.805 0.0 259.5 0.0 889.805 319.5 0.0 0.0 1.0 0.9988677343194732 -0.006345497983807097 0.04714853116290758 -0.12187781581316409 0.009066995174823216 0.9982908228280406 -0.0577340684155669 0.29176434997310235 -0.046701594555024546 0.05809619361585687 0.9972180269897687 1.1879891077233027 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/28728133_5678761883.jpg notre_dame_front_facade/test/images/45459434_6823683093.jpg 0 0 716.376 0.0 319.5 0.0 716.376 239.5 0.0 0.0 1.0 722.12 0.0 319.5 0.0 722.12 319.5 0.0 0.0 1.0 0.9978686945390725 0.01520582553091488 0.06345747653988966 0.02784030018937725 0.006082747211134372 0.9465607413702027 -0.3224682357737853 0.33670629479050856 -0.0649697517715183 0.3221669532503536 0.9444508381001797 1.1169786626256457 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/52366157_4087324332.jpg notre_dame_front_facade/test/images/14588590_8291532597.jpg 0 0 691.211 0.0 319.5 0.0 691.211 239.5 0.0 0.0 1.0 539.759 0.0 213.0 0.0 539.759 319.5 0.0 0.0 1.0 0.9114203980363229 0.13404543159509932 0.3890304362280596 -0.7958784613706118 -0.13155628741557446 0.9907537038133866 -0.033166875365146904 0.2047597346997179 -0.38987921371206946 -0.020950433134901632 0.9206276544112273 0.6735768519486538 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/63136592_197609530.jpg notre_dame_front_facade/test/images/85133638_2665012325.jpg 0 0 889.805 0.0 259.5 0.0 889.805 319.5 0.0 0.0 1.0 715.851 0.0 319.5 0.0 715.851 239.5 0.0 0.0 1.0 0.9748262541288416 -0.03729647773436358 -0.21982435490577737 0.7313259237669795 0.0664092990617318 0.9897317100385159 0.12657388017424653 -0.8663340622071314 0.2128463747853379 -0.13798592280680366 0.9672932884331897 -2.08828895094869 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/51797576_5255048101.jpg notre_dame_front_facade/test/images/30320088_5875331143.jpg 0 0 603.995 0.0 238.5 0.0 603.995 319.5 0.0 0.0 1.0 805.754 0.0 319.5 0.0 805.754 319.5 0.0 0.0 1.0 0.999517733241641 0.007352662698601151 -0.030170172136272887 0.07213546169338919 -0.003939065183988189 0.9937362754254955 0.11168123687056895 -0.31235598893000593 0.030802348952117753 -0.111508534447837 0.9932859920709278 0.24991294636096834 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/68517155_168393151.jpg notre_dame_front_facade/test/images/64518898_5543139365.jpg 0 0 1535.18 0.0 319.5 0.0 1535.18 239.5 0.0 0.0 1.0 551.721 0.0 228.0 0.0 551.721 319.5 0.0 0.0 1.0 0.995394575346999 -0.03546564445416688 0.08906080750373721 -0.8304730210271689 0.00846859194201539 0.9579464639806672 0.2868219920045453 -2.2027368534370195 -0.09548781241753707 -0.2847468352947693 0.9538350577900386 -5.37395906274082 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/03524051_5922206652.jpg notre_dame_front_facade/test/images/31731830_3056005968.jpg 0 0 541.245 0.0 319.5 0.0 541.245 239.5 0.0 0.0 1.0 692.226 0.0 319.5 0.0 692.226 239.5 0.0 0.0 1.0 0.9963990482128721 0.05854551702994821 0.06132992056230765 -0.07386526373727664 -0.03522270669326364 0.9437819610821689 -0.32868673667961623 0.2899935725305417 -0.07712520764110296 0.32534294578427725 0.9424455793173023 0.7477897068166637 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/17052017_6917897836.jpg notre_dame_front_facade/test/images/64105845_298847718.jpg 0 0 482.741 0.0 213.5 0.0 482.741 319.5 0.0 0.0 1.0 680.938 0.0 165.0 0.0 680.938 249.5 0.0 0.0 1.0 0.9341031698615974 0.06678431209793684 0.35070090349487354 -0.6239337109300727 -0.08122925077155448 0.9963398198836636 0.026622774710403245 0.36809944434588404 -0.3476392913259477 -0.053355589883294655 0.9361090236476725 1.5510838938684817 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/89754598_4524545386.jpg notre_dame_front_facade/test/images/63909552_10015127425.jpg 0 0 499.552 0.0 212.5 0.0 499.552 319.5 0.0 0.0 1.0 431.287 0.0 319.5 0.0 431.287 179.0 0.0 0.0 1.0 0.9274664599215834 -0.0704455461892878 -0.36721028136834466 0.8141443183853614 0.15479310880713912 0.9663200333713564 0.20558377020329685 -0.20422843540252894 0.34036019036653975 -0.24751367260673438 0.9071339055984949 -0.4712350158706027 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/51600076_9763474571.jpg notre_dame_front_facade/test/images/88264143_2551880831.jpg 0 0 454.343 0.0 319.5 0.0 454.343 239.5 0.0 0.0 1.0 688.704 0.0 239.5 0.0 688.704 319.5 0.0 0.0 1.0 0.9022915437397956 0.25143669104726185 0.35021359267004537 -0.43568060065185654 -0.09610711646161844 0.9091878985543703 -0.4051429220506275 0.34686519152796375 -0.42027775608648327 0.33189901403513056 0.8445174078853667 1.0867177679895104 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/94185952_3045662541.jpg notre_dame_front_facade/test/images/28242249_5165846684.jpg 0 0 640.582 0.0 239.5 0.0 640.582 319.5 0.0 0.0 1.0 739.638 0.0 319.5 0.0 739.638 239.5 0.0 0.0 1.0 0.9833836775253296 0.05256379439629442 0.17376302913860167 -0.11841034084406135 -0.014928516945659377 0.9773371448767348 -0.21116165519808602 0.4838724575654505 -0.18092452061166728 0.20505890071600474 0.9618820952063626 1.7945861449900604 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/67072911_2739964408.jpg notre_dame_front_facade/test/images/55945829_7504406658.jpg 0 0 670.259 0.0 213.0 0.0 670.259 319.5 0.0 0.0 1.0 534.047 0.0 319.5 0.0 534.047 239.5 0.0 0.0 1.0 0.9419748325147168 0.008554808709686949 0.33557447780904337 -1.1401984255143733 -0.14166956478362827 0.9164172775974955 0.3743115116247595 -0.34281596020638244 -0.3043240860051811 -0.4001327136947638 0.8644539676052018 -0.4505906811550528 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/79793488_5196381575.jpg notre_dame_front_facade/test/images/04785646_8607050988.jpg 0 0 761.869 0.0 239.5 0.0 761.869 319.5 0.0 0.0 1.0 1561.94 0.0 213.0 0.0 1561.94 319.5 0.0 0.0 1.0 0.6775242625308742 0.27343269367844963 0.682785058206272 -1.607195441102487 -0.17983659631960444 0.9617364604365719 -0.20669247516809627 0.6097208083215289 -0.7131757653665574 0.01724942592324651 0.7007729910599748 2.436048423891332 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/76264628_2298518271.jpg notre_dame_front_facade/test/images/26162967_291218280.jpg 0 0 527.718 0.0 319.5 0.0 527.718 239.5 0.0 0.0 1.0 1095.75 0.0 165.0 0.0 1095.75 249.5 0.0 0.0 1.0 0.9806634448364209 0.06984035884311976 0.18281556891640366 -0.22697500090635708 0.0060073656447255175 0.9229704796345712 -0.38482386267114466 0.7205854285284783 -0.19560960998778829 0.3784809347903718 0.904703853468433 3.2745035928223767 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/91963349_6452367725.jpg notre_dame_front_facade/test/images/23110319_2359081668.jpg 0 0 516.037 0.0 239.5 0.0 516.037 319.5 0.0 0.0 1.0 650.731 0.0 319.5 0.0 650.731 239.5 0.0 0.0 1.0 0.984264519591545 -0.04058030529927946 -0.1719784704404659 0.2716674846243424 0.007187725227339908 0.9816613383581877 -0.19049764664915947 0.5855099259437535 0.17655506812119898 0.18626394067191057 0.9665061056848475 1.9571839625115295 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/97773068_506947032.jpg notre_dame_front_facade/test/images/91463526_2206098945.jpg 0 0 919.356 0.0 213.0 0.0 919.356 319.5 0.0 0.0 1.0 513.111 0.0 249.5 0.0 513.111 167.5 0.0 0.0 1.0 0.9949107628774353 0.07500622516823198 -0.0672803098733346 0.025600763885888944 -0.0738624162238523 0.9970810175074851 0.019333597591057558 -0.002450790056656521 0.06853406000095016 -0.014265718076950361 0.9975467768017373 0.016652346072573043 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/57166610_6309910907.jpg notre_dame_front_facade/test/images/26229574_20742004.jpg 0 0 718.825 0.0 213.0 0.0 718.825 319.5 0.0 0.0 1.0 479.354 0.0 249.5 0.0 479.354 187.0 0.0 0.0 1.0 0.9814030146161106 -0.002826686904360727 -0.19193783562277475 0.5518212634568274 0.040773934246949785 0.9801443597061149 0.1940477271763707 -0.650249206719129 0.1875782748306317 -0.1982650851194796 0.9620318845205338 -1.5177196030965396 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/88697814_397500572.jpg notre_dame_front_facade/test/images/40345702_2326943941.jpg 0 0 534.268 0.0 183.0 0.0 534.268 249.5 0.0 0.0 1.0 647.589 0.0 213.0 0.0 647.589 319.5 0.0 0.0 1.0 0.9870959091271356 0.05365465358269095 0.15087360383246262 -0.3275695284352478 -0.05061725440280233 0.9984320237114956 -0.023903714859601695 0.08833880422690094 -0.1519195831392235 0.015958451562999004 0.988264017397434 0.5451935457270047 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/45459434_6823683093.jpg notre_dame_front_facade/test/images/16199404_86872664.jpg 0 0 722.12 0.0 319.5 0.0 722.12 319.5 0.0 0.0 1.0 719.163 0.0 239.5 0.0 719.163 319.5 0.0 0.0 1.0 0.9999195663347488 0.002755273871272136 0.01238019898152059 -0.0598183028761222 -0.005874339508046268 0.9657167489183324 0.25953160307359674 -0.7106277539773693 -0.011240684866678077 -0.25958345348750766 0.9656552581947797 -1.1375743507588234 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/49047422_9668436418.jpg notre_dame_front_facade/test/images/84046481_8129096.jpg 0 0 589.962 0.0 319.5 0.0 589.962 239.5 0.0 0.0 1.0 528.081 0.0 249.5 0.0 528.081 187.0 0.0 0.0 1.0 0.9112295566432596 0.2192783503920917 0.34867993941299735 -0.7733212370962503 -0.10556068513681191 0.9425681798103298 -0.3168945694745951 -0.0840469672876781 -0.3981427342714861 0.2519568047470938 0.88204315749767 0.29809498253573397 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/90399956_55117568.jpg notre_dame_front_facade/test/images/11114519_4976973093.jpg 0 0 284.825 0.0 213.5 0.0 284.825 319.5 0.0 0.0 1.0 2357.64 0.0 239.5 0.0 2357.64 319.5 0.0 0.0 1.0 0.9834851500292757 -0.06522420510312345 0.16882761249439812 -0.23313183255769765 0.06940263497102872 0.9974085033004376 -0.01896185125610497 0.3208229825974829 -0.16715332461836085 0.0303657802904222 0.9854631832069539 7.456500935273483 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/62627516_2936660127.jpg notre_dame_front_facade/test/images/60710605_5891944796.jpg 0 0 567.969 0.0 239.5 0.0 567.969 319.5 0.0 0.0 1.0 524.269 0.0 319.5 0.0 524.269 179.0 0.0 0.0 1.0 0.622700289327056 -0.25330875272938413 -0.7403235951006049 1.7508621222177407 0.6782227596284652 0.6465655635831455 0.3492375413817341 -0.535635149839788 0.3902028164864394 -0.7195746297494743 0.5744163248263031 -0.3679091402779219 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/73216196_3064747316.jpg notre_dame_front_facade/test/images/35249264_6310946396.jpg 0 0 512.731 0.0 159.5 0.0 512.731 249.5 0.0 0.0 1.0 1037.12 0.0 319.5 0.0 1037.12 239.5 0.0 0.0 1.0 0.9717009666424149 0.050830131133404975 0.23068057827905125 -0.6112985110826298 -0.049002861250651376 0.998705395531025 -0.013647436626288778 -0.2169837165451716 -0.23107563916485455 0.0019572189913275363 0.9729338200917749 -0.6959285446842713 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/41995021_5921639869.jpg notre_dame_front_facade/test/images/90581608_3777244265.jpg 0 0 540.721 0.0 319.5 0.0 540.721 239.5 0.0 0.0 1.0 508.089 0.0 239.5 0.0 508.089 319.5 0.0 0.0 1.0 0.995860216121537 0.063055957070479 0.065470422514994 -0.02438157657429285 -0.022166857478939445 0.8669871559991279 -0.49783722416273 0.4024998780978997 -0.08815361805322747 0.4943250121230665 0.8647957689614673 1.6215502536433828 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/92796397_10905257324.jpg notre_dame_front_facade/test/images/99239692_3743536843.jpg 0 0 747.301 0.0 239.5 0.0 747.301 319.5 0.0 0.0 1.0 562.649 0.0 187.0 0.0 562.649 249.5 0.0 0.0 1.0 0.9369593340076698 -0.10688818257470417 -0.3326892286230212 1.002424536392134 0.06366690935117213 0.9883507788564675 -0.13823625641445816 0.017245153939266553 0.3435894804407925 0.10834045578495093 0.9328497277540124 0.0075258108770187016 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/12297295_3241434580.jpg notre_dame_front_facade/test/images/17355996_7160680080.jpg 0 0 709.584 0.0 239.5 0.0 709.584 319.5 0.0 0.0 1.0 592.885 0.0 207.5 0.0 592.885 319.5 0.0 0.0 1.0 0.9803324170785512 0.07304105343540221 0.18333945712249694 -0.5358909784431297 -0.05710690811442363 0.9942358841458198 -0.09074033128874234 0.21516243240390928 -0.18891043663740745 0.0784857387671585 0.9788528161780183 0.8044459182348359 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/46129623_985747637.jpg notre_dame_front_facade/test/images/10271797_13991878773.jpg 0 0 663.962 0.0 319.5 0.0 663.962 239.5 0.0 0.0 1.0 483.005 0.0 319.5 0.0 483.005 239.5 0.0 0.0 1.0 0.9815388773862966 -0.08488750889576692 0.17139294913361927 -0.1529228265635723 0.18788201821600015 0.5956738993738143 -0.7809436297428118 0.06338989169703305 -0.03580194701871531 0.7987281868309558 0.6006259269723567 1.033858211003319 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/93967284_1001548090.jpg notre_dame_front_facade/test/images/12108431_6988563786.jpg 0 0 693.696 0.0 319.5 0.0 693.696 239.5 0.0 0.0 1.0 611.0 0.0 239.5 0.0 611.0 319.5 0.0 0.0 1.0 0.9692141059286444 0.03167355509620666 0.24417371434392007 -0.6614687260137679 -0.04208934328186246 0.9984077069205406 0.03755712906718677 -0.2501484539505675 -0.24259535043161945 -0.04667801055352881 0.969003952148661 -0.8265023971413274 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/97773068_506947032.jpg notre_dame_front_facade/test/images/11229713_5151251181.jpg 0 0 919.356 0.0 213.0 0.0 919.356 319.5 0.0 0.0 1.0 510.333 0.0 230.0 0.0 510.333 319.5 0.0 0.0 1.0 0.9931557024503416 0.08250458631490934 -0.08267251010689144 0.10281313582038465 -0.08151998099936189 0.9965554736593035 0.015221058358244872 -0.13325966482419285 0.0836435495912988 -0.008377419452736958 0.99646052378159 -0.5734838252632081 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/97480396_277512345.jpg notre_dame_front_facade/test/images/02670240_5196986488.jpg 0 0 708.643 0.0 239.5 0.0 708.643 319.5 0.0 0.0 1.0 705.055 0.0 237.5 0.0 705.055 319.5 0.0 0.0 1.0 0.9507050240518319 -0.01766263372350333 -0.30959326318987523 1.0129303278892214 -0.01674211826272887 0.9939967966763761 -0.10812062556783505 -0.13492792284264296 0.30964440689068295 0.10797406895663678 0.9447020385890277 -0.9162124863922696 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/63136592_197609530.jpg notre_dame_front_facade/test/images/19969696_3085995005.jpg 0 0 889.805 0.0 259.5 0.0 889.805 319.5 0.0 0.0 1.0 1261.33 0.0 319.5 0.0 1261.33 239.5 0.0 0.0 1.0 0.9992348414168472 0.019490405398170547 0.033909523677917774 -0.23258576236466988 -0.016766974998284286 0.9967475700790253 -0.07882353767096313 0.16213721151503413 -0.03533553803262675 0.07819466502884836 0.9963116952605598 1.1895300735149419 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/29281983_5767482367.jpg notre_dame_front_facade/test/images/24103524_6438819413.jpg 0 0 664.297 0.0 239.5 0.0 664.297 319.5 0.0 0.0 1.0 1651.1 0.0 305.5 0.0 1651.1 305.5 0.0 0.0 1.0 0.9058448206699767 -0.13030102834654342 -0.40307170934861075 0.24150581056539788 0.05500113371179967 0.9796399805729 -0.19308128794252793 0.7864050159332615 0.42002385188914504 0.15273228366970082 0.894568506806071 3.4581483862141322 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/29303837_3351962157.jpg notre_dame_front_facade/test/images/85808395_9116833255.jpg 0 0 985.57 0.0 319.5 0.0 985.57 179.5 0.0 0.0 1.0 533.422 0.0 319.5 0.0 533.422 213.0 0.0 0.0 1.0 0.92843509379882 -0.1361831309141964 -0.34563337723255744 0.7312718024808942 0.054649950927897185 0.9703315545187206 -0.23552082109414854 0.12444551208014684 0.3674529350357062 0.19977694851931826 0.9083322692572114 -0.39858114954263757 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/73553965_4768986609.jpg notre_dame_front_facade/test/images/66678449_3070814495.jpg 0 0 567.368 0.0 319.5 0.0 567.368 239.5 0.0 0.0 1.0 542.068 0.0 213.0 0.0 542.068 319.5 0.0 0.0 1.0 0.9948154079398481 -0.019113202402324347 -0.09988488183605024 0.20879096285453877 0.03223728548788114 0.990794474871152 0.13148028745470203 -0.32036092327462107 0.09645237970027895 -0.1340186332519699 0.986273767465924 -0.9591254160851139 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/12119909_5179520218.jpg notre_dame_front_facade/test/images/51600076_9763474571.jpg 0 0 616.108 0.0 238.5 0.0 616.108 319.5 0.0 0.0 1.0 454.343 0.0 319.5 0.0 454.343 239.5 0.0 0.0 1.0 0.976984061745517 0.0012276650998127557 -0.21330878072323722 0.5357825835397696 0.10062045895454173 0.8790895915990865 0.46591524248722377 -1.0790377983037762 0.18808951681316205 -0.47665499344972134 0.8587329916128977 -1.2212226337512007 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/01524197_6501455675.jpg notre_dame_front_facade/test/images/67691681_4057682871.jpg 0 0 300.673 0.0 319.5 0.0 300.673 213.0 0.0 0.0 1.0 662.741 0.0 239.5 0.0 662.741 319.5 0.0 0.0 1.0 0.9966220064976872 0.0394477559933857 0.07203090108842508 -0.015307275699954381 -0.004449117875424895 0.9017307885002762 -0.432275132780965 0.5466969736683409 -0.08200476519480289 0.43049443622160394 0.8988602554722221 1.5075202073095573 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/62185644_2486505446.jpg notre_dame_front_facade/test/images/98283507_7198318944.jpg 0 0 696.156 0.0 187.0 0.0 696.156 249.5 0.0 0.0 1.0 733.699 0.0 239.5 0.0 733.699 319.5 0.0 0.0 1.0 0.9801310978720282 -0.034293282424943686 0.19536376778895284 -0.48088092778976327 0.0276402353033493 0.9989447226059317 0.036680493046492756 -0.18307929121065167 -0.1964154993287147 -0.030551791408710654 0.98004466207677 -0.9462829391131223 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/59441370_9094154456.jpg notre_dame_front_facade/test/images/19575243_4723476064.jpg 0 0 709.773 0.0 319.5 0.0 709.773 239.5 0.0 0.0 1.0 859.563 0.0 214.0 0.0 859.563 319.5 0.0 0.0 1.0 0.9799661630669427 0.0664186792914882 0.1877628245554184 -0.3721328634201269 0.0267273916887979 0.8903702577839689 -0.4544518132731151 0.3531981941689254 -0.19736252374087634 0.45036581030855694 0.8707575271726045 2.3105802840708796 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/71272180_3274206565.jpg notre_dame_front_facade/test/images/74816282_4206306388.jpg 0 0 701.674 0.0 319.5 0.0 701.674 239.5 0.0 0.0 1.0 698.885 0.0 191.0 0.0 698.885 319.5 0.0 0.0 1.0 0.9837523158864728 0.016942110472563787 0.17872981251245307 -0.2521238365338664 0.06761321855721505 0.8872749111277852 -0.4562583530846479 0.4225572102521752 -0.16631245793486257 0.46092970936566496 0.871713238031721 1.249833003625649 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/71272180_3274206565.jpg notre_dame_front_facade/test/images/12108431_6988563786.jpg 0 0 701.674 0.0 319.5 0.0 701.674 239.5 0.0 0.0 1.0 611.0 0.0 239.5 0.0 611.0 319.5 0.0 0.0 1.0 0.9624728778102009 0.0699456381739006 0.26220901430003524 -0.3183339580212371 0.07012413713838193 0.8692975657512769 -0.4892896356653206 0.2970429163096039 -0.26216133366754846 0.48931518459920126 0.8317704522584953 0.9880523493088667 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/66615582_2839963127.jpg notre_dame_front_facade/test/images/78924871_3664776274.jpg 0 0 537.15 0.0 187.0 0.0 537.15 249.5 0.0 0.0 1.0 262.62 0.0 212.5 0.0 262.62 319.5 0.0 0.0 1.0 0.8001823778552162 0.19425930802822405 0.5674253108686353 -1.1794075216494653 -0.053508643266112856 0.9654425882260406 -0.25506358802311163 -0.06277588801173088 -0.5973650368625468 0.17373522982918368 0.7829246979438118 -0.3438135867832215 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/29664667_2558113171.jpg notre_dame_front_facade/test/images/00504662_7553416128.jpg 0 0 843.474 0.0 213.0 0.0 843.474 319.5 0.0 0.0 1.0 647.636 0.0 239.5 0.0 647.636 319.5 0.0 0.0 1.0 0.907669196917037 -0.07874645326682651 -0.412232489095506 1.1499682890419285 0.1258989560987352 0.9880912669402101 0.08845960122982253 -0.3958689662594537 0.4003574425700486 -0.1321916952549818 0.9067741030071294 -1.095975068470082 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/19969696_3085995005.jpg notre_dame_front_facade/test/images/05852089_7355180390.jpg 0 0 1261.33 0.0 319.5 0.0 1261.33 239.5 0.0 0.0 1.0 678.861 0.0 319.5 0.0 678.861 239.5 0.0 0.0 1.0 0.9371207891213471 0.04402468950335505 -0.346217349811815 1.919770790027961 0.055474069363986606 0.9606107251082705 0.27230435625447263 -1.089393397510845 0.34456821418230543 -0.2743881584928481 0.8977660520726548 -2.127229620281767 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/28352136_8060371551.jpg notre_dame_front_facade/test/images/36982333_6368134453.jpg 0 0 873.568 0.0 239.5 0.0 873.568 319.5 0.0 0.0 1.0 761.713 0.0 239.5 0.0 761.713 319.5 0.0 0.0 1.0 0.9826088859568103 -0.00783644062109459 -0.1855218785941663 0.5279528481158916 0.014526575569550932 0.9992911738270055 0.034729360974071206 0.06442729784061729 0.18511822125587374 -0.036820376285927256 0.9820262237075058 0.13831053496313722 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/04720612_2486654456.jpg notre_dame_front_facade/test/images/85791643_379742998.jpg 0 0 656.635 0.0 239.5 0.0 656.635 319.5 0.0 0.0 1.0 792.408 0.0 249.5 0.0 792.408 238.5 0.0 0.0 1.0 0.9685738477805724 0.049960035338637805 0.2436569232845608 -0.6852767821662804 -0.06358246996032062 0.9968040432463621 0.04836288743912652 0.014530109923370546 -0.2404619947294815 -0.06233533698205821 0.9686549100964966 0.21576640211770687 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/68816036_11955201904.jpg notre_dame_front_facade/test/images/24103524_6438819413.jpg 0 0 838.493 0.0 319.5 0.0 838.493 319.5 0.0 0.0 1.0 1651.1 0.0 305.5 0.0 1651.1 305.5 0.0 0.0 1.0 0.9920470110513021 -0.02953805745318003 -0.12235289545437948 0.349202965111613 0.01871388053537582 0.9958835103576729 -0.08868948344074859 0.4098564421616195 0.12446894608489853 0.085694439490388 0.9885160314840336 1.8154702258547852 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/87736245_2352767121.jpg notre_dame_front_facade/test/images/76264628_2298518271.jpg 0 0 693.522 0.0 239.5 0.0 693.522 319.5 0.0 0.0 1.0 527.718 0.0 319.5 0.0 527.718 239.5 0.0 0.0 1.0 0.9984016655076097 0.0054950794756617296 -0.05624871921375017 0.1368477647978411 0.010605846276544328 0.9593634418187985 0.28197393944538085 -0.48489938317680753 0.05551243407012033 -0.2821198160412437 0.9577717781708048 -0.6278562820075649 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/21370056_8707038673.jpg notre_dame_front_facade/test/images/17253180_3321954648.jpg 0 0 1809.08 0.0 239.5 0.0 1809.08 319.5 0.0 0.0 1.0 2056.32 0.0 319.5 0.0 2056.32 213.0 0.0 0.0 1.0 0.9907516610560486 -0.0661293043288396 -0.11848232452000731 0.49743424897129473 0.06638002861338668 0.9977927293564758 -0.0018333152049214774 0.11143343493018981 0.11834203782243474 -0.0060485000073033845 0.9929544691131086 0.014531944528121565 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/32627688_2172828509.jpg notre_dame_front_facade/test/images/94887785_2665835098.jpg 0 0 724.585 0.0 240.0 0.0 724.585 319.5 0.0 0.0 1.0 719.064 0.0 319.5 0.0 719.064 239.5 0.0 0.0 1.0 0.9538576813241622 0.028458694943207737 -0.2989073877658807 0.3678014986191722 0.1197360687094299 0.8768679158462517 0.46558128399825216 -0.21000931947807921 0.27535213387388857 -0.4798882795417907 0.8329996647835556 -0.1737714654044321 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/76018744_5253332262.jpg notre_dame_front_facade/test/images/47104342_7985973355.jpg 0 3 1171.08 0.0 319.5 0.0 1171.08 239.5 0.0 0.0 1.0 459.867 0.0 319.5 0.0 459.867 239.5 0.0 0.0 1.0 -0.13491178186601974 0.9557495407029446 0.261422314579008 0.09325816856246494 -0.9639182359109779 -0.06549059308646547 -0.25801669848180564 0.11272224916215347 -0.22947863863986007 -0.28679922884013015 0.9300998638558676 0.07914602453387154 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/27459823_3045826276.jpg notre_dame_front_facade/test/images/92247948_4544239766.jpg 0 0 442.162 0.0 249.5 0.0 442.162 165.5 0.0 0.0 1.0 903.416 0.0 319.5 0.0 903.416 233.0 0.0 0.0 1.0 0.9571084418065043 -0.05245064170729956 -0.28494273250465196 1.4578683703574569 0.06662616423902938 0.9969646974266626 0.04027836048993488 -0.07408002623105975 0.2819652192408118 -0.057535400141615026 0.957697913158959 -0.3200997918821147 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/50392091_3354172959.jpg notre_dame_front_facade/test/images/43674862_141833517.jpg 0 0 1006.14 0.0 239.5 0.0 1006.14 319.5 0.0 0.0 1.0 756.183 0.0 213.0 0.0 756.183 319.5 0.0 0.0 1.0 0.9996381173760154 -0.026846589827301905 0.0017014416181962038 -0.0720869943252544 0.02688416050686135 0.9992333135178304 -0.028460974509297295 -0.2328102123696 -0.0009360570371709437 0.028496416806717433 0.9995934563743407 -1.340615643924425 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/57166610_6309910907.jpg notre_dame_front_facade/test/images/75437734_2225459366.jpg 0 0 718.825 0.0 213.0 0.0 718.825 319.5 0.0 0.0 1.0 740.607 0.0 319.5 0.0 740.607 239.5 0.0 0.0 1.0 0.9986995639337347 0.014014805629537256 -0.04901801935752781 0.14641027955064562 0.01668465144289993 0.8186814124152443 0.5740055464645004 -1.3695243995199518 0.04817471748539493 -0.574076937517043 0.8173829374327897 -1.2597545366532423 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/92639314_4796735674.jpg notre_dame_front_facade/test/images/15594978_7330790386.jpg 0 0 502.277 0.0 239.5 0.0 502.277 319.5 0.0 0.0 1.0 716.242 0.0 239.5 0.0 716.242 319.5 0.0 0.0 1.0 0.9697227251630657 0.03642006050409287 0.24147756727115494 -0.6575639997815064 -0.07933458837466334 0.9821658558274452 0.1704589532238336 0.07907457054807193 -0.23096289613212692 -0.18445544404983164 0.9553179207837775 0.3383345603470279 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/51600076_9763474571.jpg notre_dame_front_facade/test/images/89810148_5254985106.jpg 0 0 454.343 0.0 319.5 0.0 454.343 239.5 0.0 0.0 1.0 782.364 0.0 211.5 0.0 782.364 319.5 0.0 0.0 1.0 0.9993137094861414 -0.0345609226954881 0.013328640421440108 0.07185973733992668 0.0368028985087978 0.8855430002149424 -0.4630973347274522 0.5463733506585906 0.004201986958413828 0.4632700480203261 0.8862072025846135 2.369993116118991 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/18811361_141654097.jpg notre_dame_front_facade/test/images/11229713_5151251181.jpg 0 0 487.423 0.0 319.5 0.0 487.423 179.5 0.0 0.0 1.0 510.333 0.0 230.0 0.0 510.333 319.5 0.0 0.0 1.0 0.9923204624431643 -0.015817042909185692 -0.12267811936198532 0.0018790416684812405 -0.0732949598884571 0.7237292566801692 -0.6861805971317749 0.40066471518126645 0.09963909208505463 0.6899027353031576 0.7170120411469301 1.8452844707086054 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/79303999_2708557564.jpg notre_dame_front_facade/test/images/51600076_9763474571.jpg 0 0 514.539 0.0 319.5 0.0 514.539 212.5 0.0 0.0 1.0 454.343 0.0 319.5 0.0 454.343 239.5 0.0 0.0 1.0 0.9876213567048407 0.0015396747726982908 -0.15684924348585189 0.45847206416149466 0.07087163183216258 0.8876841204826658 0.454966058123419 -1.1276703221727036 0.13993308251423658 -0.46045035741598705 0.8765866761328017 -1.286488542322484 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/87453268_2874605638.jpg notre_dame_front_facade/test/images/29281983_5767482367.jpg 0 0 859.782 0.0 212.5 0.0 859.782 319.5 0.0 0.0 1.0 664.297 0.0 239.5 0.0 664.297 319.5 0.0 0.0 1.0 0.7596294077986271 0.17121543964795294 0.627414086575736 -1.8147738855118913 -0.22362402130474998 0.9746638020705282 0.0047717951459518 -0.6389576781136495 -0.6107007940906904 -0.14392965698416837 0.7786711718931296 -1.3296496360800345 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/46229295_1990406788.jpg notre_dame_front_facade/test/images/67691681_4057682871.jpg 0 0 966.463 0.0 241.5 0.0 966.463 319.5 0.0 0.0 1.0 662.741 0.0 239.5 0.0 662.741 319.5 0.0 0.0 1.0 0.9985812100259457 -0.040781009047634695 -0.03424144103531645 0.10042052486978714 0.04273105298349859 0.9973844961028407 0.058294288267411044 -0.22372545673156563 0.031774582515585445 -0.05967475374678405 0.9977120324378276 -0.701657920730253 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/65117548_393332042.jpg notre_dame_front_facade/test/images/90054575_2232251410.jpg 0 0 528.38 0.0 319.5 0.0 528.38 213.5 0.0 0.0 1.0 712.891 0.0 319.5 0.0 712.891 239.5 0.0 0.0 1.0 0.9952966810046122 0.08212435921052688 0.05138196576098887 -0.03556464656122299 -0.0781882055193518 0.9941567980010036 -0.07442355477975246 0.11316967039358217 -0.0571937173023986 0.07005605336194405 0.9959021177246696 0.7924872010589277 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/19969696_3085995005.jpg notre_dame_front_facade/test/images/73783180_6254295715.jpg 0 0 1261.33 0.0 319.5 0.0 1261.33 239.5 0.0 0.0 1.0 510.796 0.0 319.5 0.0 510.796 239.5 0.0 0.0 1.0 0.9977893250814693 -0.005046554513416089 0.06626458361001679 -0.21734273893466416 0.009653580100267276 0.9975429152044093 -0.0693897738628433 -0.128672300950123 -0.06575158663266996 0.06987606609585241 0.9953863894198346 -1.340785150088824 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/91316375_2178414357.jpg notre_dame_front_facade/test/images/20449428_10758420474.jpg 0 0 665.749 0.0 319.5 0.0 665.749 239.5 0.0 0.0 1.0 916.516 0.0 239.5 0.0 916.516 319.5 0.0 0.0 1.0 0.9997296047388164 -0.004501370187816796 0.02281348450373649 -0.04049610684581562 0.0037390651040776018 0.9994368110756561 0.033347864385461876 0.08379706109583504 -0.022950747284510367 -0.03325354617715114 0.9991833990142783 0.1513414023951769 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/64481818_6172668375.jpg notre_dame_front_facade/test/images/97258672_6764851771.jpg 0 0 758.649 0.0 319.5 0.0 758.649 319.5 0.0 0.0 1.0 523.368 0.0 319.5 0.0 523.368 239.5 0.0 0.0 1.0 0.8488912964415282 -0.11787456204154961 -0.5152563968058371 1.439725374825095 0.11323133985599894 0.9927405072433785 -0.040557970271883265 0.2304453045114341 0.5162966497085146 -0.02391386421456322 0.8560758708187556 0.9074495045401338 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/91963349_6452367725.jpg notre_dame_front_facade/test/images/53981929_372412956.jpg 0 0 516.037 0.0 239.5 0.0 516.037 319.5 0.0 0.0 1.0 669.186 0.0 239.5 0.0 669.186 319.5 0.0 0.0 1.0 0.9965488295548174 -0.03455373636613465 -0.07547496019252567 0.1493234083883042 0.016544829088051726 0.9736807652990022 -0.2273148387527674 0.33839498804819523 0.08134309401154366 0.22528161618269954 0.9708921126812906 1.1597835631153337 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/29303837_3351962157.jpg notre_dame_front_facade/test/images/76922738_2324942217.jpg 0 0 985.57 0.0 319.5 0.0 985.57 179.5 0.0 0.0 1.0 401.674 0.0 249.5 0.0 401.674 165.5 0.0 0.0 1.0 0.9912052576761546 0.062486119637624696 0.1166517124082649 -0.2233577375416248 -0.032784164129259365 0.9699696566553585 -0.24100635624446023 0.0646113639584899 -0.12820817344262367 0.23506243855732956 0.9634875786651265 -0.10914088778357856 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/77664805_1165807524.jpg notre_dame_front_facade/test/images/37809717_6059506804.jpg 0 0 735.025 0.0 239.5 0.0 735.025 319.5 0.0 0.0 1.0 498.988 0.0 211.5 0.0 498.988 319.5 0.0 0.0 1.0 0.9868597487283819 0.07601207621293905 0.1425833111186359 -0.5000712219596233 -0.07941167253924095 0.9966739615938424 0.018297555720823828 -0.11156646112347597 -0.14071823834981645 -0.02937990045310958 0.9896136614078699 -0.3959768918629433 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/13729493_60409794.jpg notre_dame_front_facade/test/images/28352136_8060371551.jpg 0 0 698.515 0.0 239.5 0.0 698.515 319.5 0.0 0.0 1.0 873.568 0.0 239.5 0.0 873.568 319.5 0.0 0.0 1.0 0.9818421886176486 0.03831793026735568 0.18578927006297058 -0.5404648550055852 -0.03277671949524552 0.9989241237214458 -0.032806732639367606 0.03815214351569953 -0.18684646988807505 0.026121471385950345 0.982041783949643 0.1923197428323254 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/68199511_6932972308.jpg notre_dame_front_facade/test/images/70336114_5249999416.jpg 0 0 688.798 0.0 213.0 0.0 688.798 319.5 0.0 0.0 1.0 678.309 0.0 239.5 0.0 678.309 319.5 0.0 0.0 1.0 0.9804362428995904 -0.026737269351152376 -0.1950125432801165 0.4425591890058466 0.0012704937098689116 0.9915704860893634 -0.12956217411820772 0.06757425677213841 0.19683282108090755 0.12677968900477513 0.9722056114841058 0.49311093350874285 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/12297295_3241434580.jpg notre_dame_front_facade/test/images/16926208_509236966.jpg 0 1 709.584 0.0 239.5 0.0 709.584 319.5 0.0 0.0 1.0 864.355 0.0 319.5 0.0 864.355 239.5 0.0 0.0 1.0 0.0014344141694820052 -0.989365917088455 0.14544079400123824 -0.09690035523667329 0.9909329519251004 0.020946255106499837 0.13271450254595377 -0.3349273997984361 -0.13434964549635747 0.14393170776702974 0.9804253343596694 0.4767431032326686 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/01927388_3809070796.jpg notre_dame_front_facade/test/images/61900107_5317613163.jpg 0 0 688.527 0.0 319.5 0.0 688.527 239.5 0.0 0.0 1.0 537.046 0.0 319.5 0.0 537.046 239.5 0.0 0.0 1.0 0.9849016597164998 0.15145762602390564 -0.08384096973965964 0.46230383117301543 0.008885504206458322 0.4394421783462789 0.8982269310732528 -1.9646753142155744 0.17288657698815368 -0.8854101645054003 0.43146155342954867 -0.9486078023274666 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/35249264_6310946396.jpg notre_dame_front_facade/test/images/54869923_2442824829.jpg 0 0 1037.12 0.0 319.5 0.0 1037.12 239.5 0.0 0.0 1.0 527.475 0.0 239.5 0.0 527.475 319.5 0.0 0.0 1.0 0.9929789899875261 -0.04109601248015318 -0.11092269020170467 0.2386011455313535 0.035490307105986114 0.9980137714368953 -0.0520475755806854 0.08319058123543158 0.11284132020175522 0.047745468691127765 0.9924652168588023 0.282832205354639 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/30419716_2588385795.jpg notre_dame_front_facade/test/images/11229713_5151251181.jpg 0 0 569.144 0.0 249.5 0.0 569.144 187.0 0.0 0.0 1.0 510.333 0.0 230.0 0.0 510.333 319.5 0.0 0.0 1.0 0.9819039056496299 -0.0570573331992058 -0.1805801229321698 0.10474168906037445 -0.046465603212659544 0.8518026757979743 -0.5217979965671533 0.3434892371424368 0.18359103406235944 0.5207462551296995 0.8337371708040295 1.5347582581175874 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/98359518_9321667101.jpg notre_dame_front_facade/test/images/76423402_3823704092.jpg 0 0 1039.51 0.0 203.0 0.0 1039.51 319.5 0.0 0.0 1.0 502.678 0.0 319.5 0.0 502.678 213.5 0.0 0.0 1.0 0.9997103509849495 0.02134425555484754 0.011119212578161905 -0.0013593015879909756 -0.02392091708341895 0.8304346735783439 0.5566022301830257 -1.7733737751786962 0.0026464805756304752 -0.5567069926573934 0.8307047131604129 -2.0151938427658105 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/51575595_2715884125.jpg notre_dame_front_facade/test/images/47104342_7985973355.jpg 0 3 912.594 0.0 213.0 0.0 912.594 319.5 0.0 0.0 1.0 459.867 0.0 319.5 0.0 459.867 239.5 0.0 0.0 1.0 0.15004252107192903 0.8614060322391925 0.4852493065346004 -1.8929768476990887 -0.9839477863272043 0.08214084050703303 0.15842864672335197 -0.5845743945283228 0.09661260607278047 -0.5012310145459168 0.8599031773432965 -1.8803711357352402 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/66790349_9649911334.jpg notre_dame_front_facade/test/images/07174573_8039801985.jpg 0 0 596.021 0.0 239.5 0.0 596.021 319.5 0.0 0.0 1.0 746.806 0.0 319.5 0.0 746.806 239.5 0.0 0.0 1.0 0.993817650636376 -0.0007410946127853676 -0.11102219625988771 0.340648642688147 -0.007051846092119965 0.9975372339639968 -0.06978351038856798 0.2407378296778529 0.11080049074930659 0.0701349957883597 0.9913648841952589 1.523482776314283 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/37414234_5204240482.jpg notre_dame_front_facade/test/images/80611845_3920219739.jpg 0 0 981.426 0.0 213.5 0.0 981.426 319.5 0.0 0.0 1.0 692.473 0.0 213.0 0.0 692.473 319.5 0.0 0.0 1.0 0.9729078843657809 -0.10479490841246057 -0.2060783242112675 0.5042545949060984 0.058012799173419186 0.9735090014168603 -0.22116676805617014 -0.26197253099289936 0.22379625481889734 0.20321971196508284 0.9532140289556504 -1.656066394570836 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/25819788_12704796265.jpg notre_dame_front_facade/test/images/43866772_7750717370.jpg 0 0 541.8 0.0 319.5 0.0 541.8 212.0 0.0 0.0 1.0 440.442 0.0 319.5 0.0 440.442 212.5 0.0 0.0 1.0 0.9911698381313205 0.047311621584116385 0.12387074893538402 -0.16687498229092268 -0.021924608706396388 0.9797960793973919 -0.1987937482180241 0.005391526884495689 -0.13077332874788727 0.19432254954220093 0.9721816102085123 0.3804595795193693 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16990573_5919017332.jpg notre_dame_front_facade/test/images/77334826_5801603259.jpg 0 0 524.456 0.0 213.0 0.0 524.456 319.5 0.0 0.0 1.0 308.198 0.0 211.5 0.0 308.198 319.5 0.0 0.0 1.0 0.9944123403957902 0.07234440668121725 0.07687902243466535 -0.03940333019992692 -0.0733878213111391 0.9972446619023484 0.010831065989803212 -0.15415528902868608 -0.07588362769248348 -0.01641252964091171 0.996981596579904 -0.8144486241272402 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/24536118_236584259.jpg notre_dame_front_facade/test/images/16248504_5575722639.jpg 0 0 390.819 0.0 249.5 0.0 390.819 165.5 0.0 0.0 1.0 303.539 0.0 211.5 0.0 303.539 319.5 0.0 0.0 1.0 0.9999856288058674 -0.005253323362176664 -0.0010699417675632962 0.012067991395069172 0.004631843267550032 0.9470648064449689 -0.32100903168181777 0.11098588665680453 0.002699668438608486 0.32099946259613243 0.9470755285632269 0.09305011213964787 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/12015220_144820170.jpg notre_dame_front_facade/test/images/52366157_4087324332.jpg 0 0 647.595 0.0 239.5 0.0 647.595 319.5 0.0 0.0 1.0 691.211 0.0 319.5 0.0 691.211 239.5 0.0 0.0 1.0 0.8637254797616674 -0.08664545220715525 -0.49645831770884374 1.0697414377710421 0.02717316219974325 0.9916833446949858 -0.12580048930998877 0.03600202404522396 0.5032294852912975 0.09516674559100846 0.8588966035950265 0.004626810653221347 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/31731830_3056005968.jpg notre_dame_front_facade/test/images/43666192_4761714801.jpg 0 0 692.226 0.0 319.5 0.0 692.226 239.5 0.0 0.0 1.0 654.307 0.0 239.5 0.0 654.307 319.5 0.0 0.0 1.0 0.9237214568133846 -0.13831274157925386 -0.3572229776195671 0.11192788436290367 0.12511669432174946 0.9903313528897917 -0.05991347332172559 0.6712185267948989 0.362055911461969 0.010648802763961669 0.9320955530283026 1.5580522546191533 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/07159366_4341260883.jpg notre_dame_front_facade/test/images/02670240_5196986488.jpg 0 0 712.685 0.0 239.5 0.0 712.685 319.5 0.0 0.0 1.0 705.055 0.0 237.5 0.0 705.055 319.5 0.0 0.0 1.0 0.8990088157842251 -0.22907312847339903 -0.37324074128322954 0.3543660438649523 -0.0566465609492643 0.7842952248774793 -0.6177962183171776 0.14138524831996288 0.43425144360711837 0.5765470510251474 0.6921121164084183 1.0572783978798785 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/80749661_7180275066.jpg notre_dame_front_facade/test/images/34722769_6860824250.jpg 0 0 744.53 0.0 239.5 0.0 744.53 319.5 0.0 0.0 1.0 575.935 0.0 239.5 0.0 575.935 319.5 0.0 0.0 1.0 0.9464026697899509 -0.19112734872130727 -0.2603695895937482 0.9290541042295276 0.1618418766494222 0.9782403831463581 -0.12981894986580167 -0.03677683898751982 0.2795159987854834 0.08072229774003033 0.9567417191021429 -0.18216792426376394 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/28242249_5165846684.jpg notre_dame_front_facade/test/images/43886992_2526982465.jpg 0 0 739.638 0.0 319.5 0.0 739.638 239.5 0.0 0.0 1.0 822.701 0.0 319.5 0.0 822.701 212.5 0.0 0.0 1.0 0.9791118681325789 0.09123390073262105 0.1817039488812552 -0.7086044730483217 -0.13238671509906014 0.9643421854400597 0.22916785779417173 -0.7266401197075246 -0.15431690557813768 -0.24843615827370952 0.9562770351289361 -1.33080168916631 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/88494215_13093430663.jpg notre_dame_front_facade/test/images/33645044_55429420.jpg 0 0 527.97 0.0 239.5 0.0 527.97 319.5 0.0 0.0 1.0 526.679 0.0 187.0 0.0 526.679 249.5 0.0 0.0 1.0 0.9799022806112921 -0.16028734305061462 -0.11874126540745254 0.0674966410768279 0.10776287750344433 0.9262875016581354 -0.36107980628125336 0.4311223926945134 0.16786507285604757 0.3410270252189763 0.9249442606910588 1.5862404681309623 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/98359518_9321667101.jpg notre_dame_front_facade/test/images/19454938_7173253342.jpg 0 0 1039.51 0.0 203.0 0.0 1039.51 319.5 0.0 0.0 1.0 353.538 0.0 319.5 0.0 353.538 211.5 0.0 0.0 1.0 0.9967961935504362 -0.014613173364545583 0.07863716479870685 -0.43117764406215603 -0.02012364172276248 0.9057213544397127 0.42339563903718536 -1.5909729804282184 -0.07741051328582658 -0.423621627488624 0.9025255282576302 -2.436295632874508 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/85616148_2552007129.jpg notre_dame_front_facade/test/images/65265933_1398358926.jpg 0 0 770.576 0.0 239.5 0.0 770.576 319.5 0.0 0.0 1.0 902.934 0.0 319.5 0.0 902.934 239.5 0.0 0.0 1.0 0.9785859203259148 -0.0297643260030371 -0.20367543160005103 0.37005726409584216 0.046173032302969666 0.996015955867185 0.07629067273216657 0.38572382720557474 0.20059323923759517 -0.08406129047048085 0.9760615000175995 1.13412774581951 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/13729493_60409794.jpg notre_dame_front_facade/test/images/24710907_307223581.jpg 0 0 698.515 0.0 239.5 0.0 698.515 319.5 0.0 0.0 1.0 667.982 0.0 319.5 0.0 667.982 213.0 0.0 0.0 1.0 0.9919623183073578 0.050756089369583396 0.11590762895598672 -0.2442567311036482 -0.03358913320752622 0.9887839768971132 -0.14552668883024714 0.08673711077133772 -0.12199397193574314 0.14046375483887424 0.9825412990749577 0.3092604593592867 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/47652016_4207375505.jpg notre_dame_front_facade/test/images/67691681_4057682871.jpg 0 0 530.142 0.0 213.5 0.0 530.142 319.5 0.0 0.0 1.0 662.741 0.0 239.5 0.0 662.741 319.5 0.0 0.0 1.0 0.9954239264564902 -0.05903457370696079 -0.07514070631276674 0.2683974385056491 0.07032328657834053 0.984970299766722 0.15775976655115398 -0.29638646325988893 0.06469808345511198 -0.16232198768094053 0.9846145084816412 -0.9600506621552202 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/79793488_5196381575.jpg notre_dame_front_facade/test/images/72041797_2079301324.jpg 0 0 761.869 0.0 239.5 0.0 761.869 319.5 0.0 0.0 1.0 535.414 0.0 187.0 0.0 535.414 249.5 0.0 0.0 1.0 0.7424968597847428 0.33283455820728686 0.5813084981941655 -1.1183790471632185 -0.20138892188638632 0.9385885066111818 -0.2801680163738017 0.000702653822824334 -0.6388590731540369 0.09095478063495081 0.7639282116327506 -0.5057888236957271 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/76264628_2298518271.jpg notre_dame_front_facade/test/images/44499587_5808479997.jpg 0 0 527.718 0.0 319.5 0.0 527.718 239.5 0.0 0.0 1.0 2056.49 0.0 319.5 0.0 2056.49 213.0 0.0 0.0 1.0 0.9915090435144396 -0.06587423889828922 -0.11211780090000033 0.14938233779085652 0.02144371795309439 0.933217809429307 -0.35867072242422265 0.44382250751140173 0.1282574894087247 0.3532210424274533 0.9267064862172025 1.9385876960611075 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/56616850_528528947.jpg notre_dame_front_facade/test/images/06285764_3594606656.jpg 0 0 698.333 0.0 239.5 0.0 698.333 319.5 0.0 0.0 1.0 624.925 0.0 239.5 0.0 624.925 319.5 0.0 0.0 1.0 0.944505241654251 -0.05660059117887692 -0.32358340743283864 0.7403921319369149 0.04439994631045857 0.9980011841452296 -0.044969781101844616 0.10073187129482 0.3254819399832704 0.028107108049763237 0.9451304128118012 0.46339175175646374 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/97480396_277512345.jpg notre_dame_front_facade/test/images/87628400_7656196462.jpg 0 0 708.643 0.0 239.5 0.0 708.643 319.5 0.0 0.0 1.0 486.204 0.0 212.0 0.0 486.204 319.5 0.0 0.0 1.0 0.98953504872984 -0.00879321579634772 -0.14402453503203025 0.4390555853811098 0.038619943935327944 0.9778653721736904 0.20564001029479156 -0.5121729706700676 0.1390283685643537 -0.20905021707611 0.9679716522061819 -1.0542670758606882 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/32627688_2172828509.jpg notre_dame_front_facade/test/images/42027422_3584753134.jpg 0 0 724.585 0.0 240.0 0.0 724.585 319.5 0.0 0.0 1.0 1017.24 0.0 213.0 0.0 1017.24 319.5 0.0 0.0 1.0 0.993871873881593 -0.03800437141317312 -0.10379964383648321 0.110708016678266 0.039242936282638086 0.999180501774479 0.009915484134269636 0.3323964335112476 0.10333774847076928 -0.013928123606205394 0.9945488007703805 1.508186883117538 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/66708604_3288303413.jpg notre_dame_front_facade/test/images/65117548_393332042.jpg 0 0 740.97 0.0 319.5 0.0 740.97 239.5 0.0 0.0 1.0 528.38 0.0 319.5 0.0 528.38 213.5 0.0 0.0 1.0 0.9968814453604311 -0.07805989171016425 0.011577443685682993 0.07275159433405093 0.07784862664141359 0.9968081156623224 0.017696662955932994 -0.21804626743086994 -0.012921889418483766 -0.016740186854618144 0.9997763704538775 -0.8256294786945773 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16199404_86872664.jpg notre_dame_front_facade/test/images/66536323_206198871.jpg 0 0 719.163 0.0 239.5 0.0 719.163 319.5 0.0 0.0 1.0 647.198 0.0 239.5 0.0 647.198 319.5 0.0 0.0 1.0 0.9992073978484739 0.011383295849308306 0.038144418470974994 -0.06734468833769056 -0.0049378181796169195 0.9862837240276285 -0.16498494982821205 0.2559878508107133 -0.039499291594999326 0.16466583219903186 0.9855582020711376 0.6449797052840676 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/92967069_3531809918.jpg notre_dame_front_facade/test/images/77664805_1165807524.jpg 0 0 547.756 0.0 249.5 0.0 547.756 187.0 0.0 0.0 1.0 735.025 0.0 239.5 0.0 735.025 319.5 0.0 0.0 1.0 0.9568919362808552 0.1902241600557369 0.21948255331976796 -0.42193399998731373 -0.0697689417070894 0.8840971748864306 -0.4620654500510777 0.4081474770321414 -0.2819399174536095 0.42683363771957056 0.8592571958717192 1.5609603056212698 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/84092770_8200390352.jpg notre_dame_front_facade/test/images/30853200_42283424.jpg 0 0 499.749 0.0 319.5 0.0 499.749 212.5 0.0 0.0 1.0 648.551 0.0 239.5 0.0 648.551 319.5 0.0 0.0 1.0 0.9675232113834709 0.07112004034115876 0.2425711757321696 -0.4147963954132988 -0.012125460816370668 0.9715583159747646 -0.23648977115357395 0.022688063302574293 -0.2524912050630789 0.22586805555932657 0.9408675851806368 0.9117082455240773 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/00172642_6310427717.jpg notre_dame_front_facade/test/images/35249264_6310946396.jpg 0 0 765.913 0.0 319.5 0.0 765.913 239.5 0.0 0.0 1.0 1037.12 0.0 319.5 0.0 1037.12 239.5 0.0 0.0 1.0 0.9669203554034752 0.051736793551529305 0.24977656114900743 -0.34214616109391516 -0.002171988315880004 0.9808490308331903 -0.19475744191261876 0.2119641110556089 -0.2550692234927081 0.18777242317922468 0.9485152652014777 0.6096979534364775 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/30419716_2588385795.jpg notre_dame_front_facade/test/images/99239692_3743536843.jpg 0 0 569.144 0.0 249.5 0.0 569.144 187.0 0.0 0.0 1.0 562.649 0.0 187.0 0.0 562.649 249.5 0.0 0.0 1.0 0.9488347208652116 -0.1719097913540092 -0.2648767564684696 0.3842513332844688 0.005561322488490611 0.8477871301749028 -0.5303075085287604 0.3844111075472483 0.31572415836108414 0.5017011117651857 0.8053659108012716 1.8683807273181499 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/14726037_8034366725.jpg notre_dame_front_facade/test/images/68906626_8236091211.jpg 0 0 626.047 0.0 319.5 0.0 626.047 239.5 0.0 0.0 1.0 595.075 0.0 319.5 0.0 595.075 239.5 0.0 0.0 1.0 0.9993324099492825 -0.03631997353413442 -0.003948917248939279 0.01578086089181162 0.036220461181325894 0.999081893870627 -0.022878975757087607 0.018805532909454525 0.004776255517794158 0.02272067037657818 0.9997304429299269 -0.0010251565997434486 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/91922425_3564470202.jpg notre_dame_front_facade/test/images/64910807_2663494883.jpg 0 0 519.608 0.0 187.0 0.0 519.608 249.5 0.0 0.0 1.0 744.149 0.0 239.5 0.0 744.149 319.5 0.0 0.0 1.0 0.9998995166667451 -0.008662080196984773 0.011221628057924836 -0.09143226907380497 0.008944556521073843 0.99963806846704 -0.02537177526558657 -0.026136335459429682 -0.010997794244789085 0.0254695983114599 0.9996150999677837 -0.08990552524700235 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/73778667_5107250729.jpg notre_dame_front_facade/test/images/22891861_445889696.jpg 0 0 769.469 0.0 319.5 0.0 769.469 214.0 0.0 0.0 1.0 1183.91 0.0 319.5 0.0 1183.91 239.5 0.0 0.0 1.0 0.8915104042074733 0.20804376456687873 0.40240152983639194 -0.16267049136681105 -0.022267567680343683 0.9073553012117943 -0.4197743593794831 0.322176649582675 -0.4524525993067437 0.3652727055060304 0.8135493199510869 2.202127041604735 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/56616850_528528947.jpg notre_dame_front_facade/test/images/70336114_5249999416.jpg 0 0 698.333 0.0 239.5 0.0 698.333 319.5 0.0 0.0 1.0 678.309 0.0 239.5 0.0 678.309 319.5 0.0 0.0 1.0 0.9457718472286532 -0.06567664295125472 -0.3181229189485635 0.7123286954724798 0.02982553636685791 0.9927677544424763 -0.1162868140404252 0.047703217897771946 0.32345950344692326 0.10049260823511644 0.9408906340908986 0.4002846140244864 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/49984163_4144073459.jpg notre_dame_front_facade/test/images/92245898_537005790.jpg 0 0 699.426 0.0 239.5 0.0 699.426 319.5 0.0 0.0 1.0 674.772 0.0 239.5 0.0 674.772 319.5 0.0 0.0 1.0 0.9597698111040207 0.10087344474686144 0.26204285496508917 -0.6519075501959759 -0.030077192715134118 0.9648052078215026 -0.26123987719887687 0.10339003908400961 -0.2791724774610304 0.24284863414359467 0.9290249021005095 1.3365736356777569 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/56616850_528528947.jpg notre_dame_front_facade/test/images/36126459_6228310178.jpg 0 0 698.333 0.0 239.5 0.0 698.333 319.5 0.0 0.0 1.0 672.751 0.0 319.5 0.0 672.751 212.5 0.0 0.0 1.0 0.9992091313742962 0.000614573747523908 -0.039758446616196305 0.22199136678299425 0.008118366597081114 0.975665871233229 0.21911229959657622 -0.24892391733133326 0.03892562012376269 -0.2192617841982803 0.9748892583715175 -0.49009647440527837 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/47992361_3352851129.jpg notre_dame_front_facade/test/images/28352136_8060371551.jpg 0 0 431.773 0.0 319.5 0.0 431.773 212.0 0.0 0.0 1.0 873.568 0.0 239.5 0.0 873.568 319.5 0.0 0.0 1.0 0.9501162158054041 -0.08761959522319106 -0.29933590328683035 0.8439566096054192 0.043286862851198864 0.9874853333716517 -0.15165409285732898 0.20015572718178443 0.30887768447739966 0.13113170062499 0.9420186055079157 0.6946912381228323 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/77467411_2796379848.jpg notre_dame_front_facade/test/images/29664667_2558113171.jpg 0 0 1620.77 0.0 319.5 0.0 1620.77 239.5 0.0 0.0 1.0 843.474 0.0 213.0 0.0 843.474 319.5 0.0 0.0 1.0 0.9961245444189315 -0.03969934698551294 -0.07848473644665288 0.10135332168769395 0.05349357706304428 0.9817809503178119 0.1823310253523922 -1.6218618303139292 0.06981639649234885 -0.18582283885997003 0.9800997619318376 -5.15015340890055 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/64518898_5543139365.jpg notre_dame_front_facade/test/images/04364411_6931256047.jpg 0 0 551.721 0.0 228.0 0.0 551.721 319.5 0.0 0.0 1.0 648.753 0.0 239.5 0.0 648.753 319.5 0.0 0.0 1.0 0.9922295073992567 -0.01389900050498015 -0.12364231650689367 0.2666694825366205 0.003551632621745744 0.9964999667851095 -0.08351767539267435 0.1034310127448495 0.1243703765048111 0.0824295698292702 0.988806035310168 0.3138766550665688 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/48315441_8654343906.jpg notre_dame_front_facade/test/images/48878579_6144672125.jpg 0 0 311.727 0.0 213.0 0.0 311.727 319.5 0.0 0.0 1.0 1152.32 0.0 239.5 0.0 1152.32 319.5 0.0 0.0 1.0 0.9985942012137081 0.03545160366858809 0.039405648068286024 -0.026530028350351675 -0.03645840604269095 0.9990191150422987 0.02513150232135934 0.3853159675832707 -0.03847604360095434 -0.02653283960354721 0.9989072041443039 2.1255610766640674 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/08166131_278426084.jpg notre_dame_front_facade/test/images/41995021_5921639869.jpg 0 0 496.946 0.0 212.5 0.0 496.946 319.5 0.0 0.0 1.0 540.721 0.0 319.5 0.0 540.721 239.5 0.0 0.0 1.0 0.9994479705647995 -0.022669621631284654 0.024286671015148892 -0.026058095141856308 0.018468821890417188 0.9867746807334055 0.16104233009201635 0.26934540817506014 -0.02761624072685726 -0.16050488378420236 0.9866486332679615 0.27057427625610075 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/76922738_2324942217.jpg notre_dame_front_facade/test/images/94185952_3045662541.jpg 0 0 401.674 0.0 249.5 0.0 401.674 165.5 0.0 0.0 1.0 640.582 0.0 239.5 0.0 640.582 319.5 0.0 0.0 1.0 0.9723060418730534 -0.03484780443427161 -0.23109866175135424 0.3959713304071463 0.10904264675393271 0.9422386894781154 0.31669536346378796 -0.21641769266861893 0.2067139620975157 -0.33312442506768314 0.9199442674951959 -0.3565586504888364 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/67143278_8608643015.jpg notre_dame_front_facade/test/images/78751376_5259305379.jpg 0 0 725.024 0.0 319.5 0.0 725.024 239.0 0.0 0.0 1.0 494.969 0.0 319.5 0.0 494.969 212.0 0.0 0.0 1.0 0.9978593816035591 -0.018582298728349524 -0.06270050015536202 0.15942710144055494 0.047130739090216194 0.8690225407985593 0.4925226055896584 -0.16606064563043665 0.04533594576682116 -0.4944234235531187 0.8680380926338667 0.010223746847611737 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/61616050_10894465215.jpg notre_dame_front_facade/test/images/02670240_5196986488.jpg 0 0 951.587 0.0 213.0 0.0 951.587 319.5 0.0 0.0 1.0 705.055 0.0 237.5 0.0 705.055 319.5 0.0 0.0 1.0 0.9987652604495876 0.04600457843959616 0.018749220828133975 0.10618495482620022 -0.046578377610478505 0.9984206322990425 0.03141171340051446 -0.05653199514651887 -0.01727452628128381 -0.032246236403267646 0.9993306614827655 0.5374186411856047 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/14726037_8034366725.jpg notre_dame_front_facade/test/images/24232395_8292135214.jpg 0 0 626.047 0.0 319.5 0.0 626.047 239.5 0.0 0.0 1.0 606.526 0.0 319.5 0.0 606.526 239.5 0.0 0.0 1.0 0.9239510303187521 0.24271681339372111 0.29564005491291956 -0.4371306685799867 -0.14654878376115033 0.9385370356515549 -0.31252469772566716 0.40030256373000156 -0.35332413949664426 0.2454318259851187 0.9027321148837933 0.7230492381424388 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/32850132_379216157.jpg notre_dame_front_facade/test/images/87759689_2253451275.jpg 0 0 486.649 0.0 249.5 0.0 486.649 167.0 0.0 0.0 1.0 523.045 0.0 319.5 0.0 523.045 213.0 0.0 0.0 1.0 0.9988323763920637 0.045391398703198166 0.01653798037096417 0.10018032928086706 -0.03948965106659517 0.9643292272507121 -0.2617435938636951 0.4156924805196487 -0.027828965658494256 0.26078489679007816 0.9649957441753652 1.0874489871589408 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/31731830_3056005968.jpg notre_dame_front_facade/test/images/33829378_5895841512.jpg 0 0 692.226 0.0 319.5 0.0 692.226 239.5 0.0 0.0 1.0 526.926 0.0 319.5 0.0 526.926 213.0 0.0 0.0 1.0 0.9886171590708814 0.03805319680960469 0.1455612139382927 -0.2765857103133077 -0.03397980269936494 0.998960988914812 -0.030369649896788243 -0.3792297176447925 -0.1465656364879987 0.025077815672636835 0.9888830150032698 -0.9869896759817864 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/88697814_397500572.jpg notre_dame_front_facade/test/images/90581608_3777244265.jpg 0 0 534.268 0.0 183.0 0.0 534.268 249.5 0.0 0.0 1.0 508.089 0.0 239.5 0.0 508.089 319.5 0.0 0.0 1.0 0.9892347744364073 0.02597725236051633 0.1440129973493652 -0.2637361382482797 -0.020924327666114566 0.9991148957456548 -0.036491062068271546 0.05169602453542501 -0.14483346836098102 0.033084852409334176 0.9889027550692642 0.4545740987274901 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16936811_3689681321.jpg notre_dame_front_facade/test/images/02670240_5196986488.jpg 0 0 503.368 0.0 212.5 0.0 503.368 319.5 0.0 0.0 1.0 705.055 0.0 237.5 0.0 705.055 319.5 0.0 0.0 1.0 0.9978428831619475 0.02311309438885374 -0.061444002073629315 0.17282423295571325 -0.02014443620431587 0.9986198820369295 0.04850291630984307 -0.10220130807176649 0.06248025458544862 -0.04716053507246636 0.9969313425299738 -0.8030269989753357 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/01569849_8047248507.jpg notre_dame_front_facade/test/images/84557583_2821153446.jpg 0 0 528.055 0.0 319.5 0.0 528.055 213.0 0.0 0.0 1.0 1702.85 0.0 319.5 0.0 1702.85 239.5 0.0 0.0 1.0 0.9822499189914008 0.083340481496904 0.1680460079420249 0.010315166735056447 -0.039895887666148586 0.9682010597972213 -0.2469717108392535 0.6276715100074372 -0.1832850642816183 0.2358835983094246 0.9543403550410519 1.4860392880089992 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/40345702_2326943941.jpg notre_dame_front_facade/test/images/73717439_5873359498.jpg 0 0 647.589 0.0 213.0 0.0 647.589 319.5 0.0 0.0 1.0 529.064 0.0 319.5 0.0 529.064 239.5 0.0 0.0 1.0 0.9702821492459918 -0.06470443461089347 -0.23316493517736228 0.549396068183815 0.06347366412339706 0.9979016017679769 -0.012786209432675773 -0.026290244807725342 0.23350298674177414 -0.002393602011755512 0.9723531384492365 -0.09680828420818033 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/94100874_2339251144.jpg notre_dame_front_facade/test/images/91197547_4558095525.jpg 0 0 481.564 0.0 187.0 0.0 481.564 249.5 0.0 0.0 1.0 730.902 0.0 239.5 0.0 730.902 319.5 0.0 0.0 1.0 0.9984150905473608 0.02465820456849781 0.050589326095173796 -0.23305112469354056 -0.02925380179924268 0.9953096827507308 0.09221090229973002 -0.15261381422354242 -0.0480782908140082 -0.09354468648778423 0.9944535532554077 -0.14310646375545605 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/58525912_2163151497.jpg notre_dame_front_facade/test/images/67691681_4057682871.jpg 0 0 672.919 0.0 239.5 0.0 672.919 319.5 0.0 0.0 1.0 662.741 0.0 239.5 0.0 662.741 319.5 0.0 0.0 1.0 0.9901588982142674 0.0012172021111850975 0.13994239781470255 -0.37555982793392456 0.0004978784507355868 0.9999252096072122 -0.012219955360850708 -0.2767326430177304 -0.13994680562326614 0.01216937184054368 0.9900842378226463 -0.7750778183516467 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/18172981_5971460028.jpg notre_dame_front_facade/test/images/94836922_1185468195.jpg 0 0 702.76 0.0 196.0 0.0 702.76 319.5 0.0 0.0 1.0 658.457 0.0 239.5 0.0 658.457 319.5 0.0 0.0 1.0 0.9525433308980968 0.041142562054361016 0.30160983463601126 -0.7299169508429416 -0.021276352634154987 0.9973994119709073 -0.06886021942076295 0.07922548263543881 -0.3036585575611958 0.059175185573782416 0.9509415217731123 0.6298580443437813 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/84046481_8129096.jpg notre_dame_front_facade/test/images/86877326_2716699476.jpg 0 0 528.081 0.0 249.5 0.0 528.081 187.0 0.0 0.0 1.0 570.15 0.0 213.0 0.0 570.15 319.5 0.0 0.0 1.0 0.9459871878710716 -0.07713655496681883 -0.3148939381309733 0.3155169796925946 0.033550588975206366 0.9893604920420073 -0.14156332422563994 0.33941052445585673 0.3224633287107218 0.1233522139008774 0.9385103265082133 1.9751665062296135 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/66532758_5458132477.jpg notre_dame_front_facade/test/images/02864341_2175867632.jpg 0 0 748.109 0.0 228.0 0.0 748.109 319.5 0.0 0.0 1.0 725.615 0.0 240.0 0.0 725.615 319.5 0.0 0.0 1.0 0.997035528332741 -0.0019671395926288858 0.07691739467815505 0.014067139515268057 0.0055278898432316835 0.998921178683357 -0.04610771314795159 -0.16495468879169345 -0.07674371424509673 0.046396219023491614 0.9959707792822997 -0.8542766691332532 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/73216196_3064747316.jpg notre_dame_front_facade/test/images/16926208_509236966.jpg 0 1 512.731 0.0 159.5 0.0 512.731 249.5 0.0 0.0 1.0 864.355 0.0 319.5 0.0 864.355 239.5 0.0 0.0 1.0 0.036876345637808866 -0.9926569335524339 0.11520567435104825 -0.08974815642204344 0.9770233840114774 0.060029831326415366 0.204503609859786 -0.611272427681696 -0.2099177034629578 0.10501729201041633 0.9720627171904274 0.40479128483166693 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/76309603_8305176254.jpg notre_dame_front_facade/test/images/08166131_278426084.jpg 0 0 484.145 0.0 319.5 0.0 484.145 212.0 0.0 0.0 1.0 496.946 0.0 212.5 0.0 496.946 319.5 0.0 0.0 1.0 0.9992744672175538 0.0128171574864079 -0.03586446209052023 0.011590376044373851 -0.020905723518833196 0.9717183051262158 -0.23521582898858673 -0.09395957893285822 0.031835355993421036 0.23579494472232146 0.9712812435912522 -0.12659751331218527 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/12015220_144820170.jpg notre_dame_front_facade/test/images/55945829_7504406658.jpg 0 0 647.595 0.0 239.5 0.0 647.595 319.5 0.0 0.0 1.0 534.047 0.0 319.5 0.0 534.047 239.5 0.0 0.0 1.0 0.9750671341134393 0.04315237290961082 -0.21767396877916848 0.13762659150710554 -0.018337519971409515 0.9932242961634065 0.11475727807857818 0.08329833048700924 0.22115112329152373 -0.10790444950499421 0.9692516754919339 0.12306217340514602 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/80749661_7180275066.jpg notre_dame_front_facade/test/images/14248814_1334513582.jpg 0 0 744.53 0.0 239.5 0.0 744.53 319.5 0.0 0.0 1.0 696.736 0.0 319.5 0.0 696.736 239.5 0.0 0.0 1.0 0.8777613692960544 -0.22047044880034283 -0.425356038839571 1.2277530323909078 0.1069791187963809 0.9556041385008207 -0.2745472611803912 -0.093690657615776 0.46700154894075585 0.1954827657004051 0.8623781314487604 -0.3953587938920875 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/73717439_5873359498.jpg notre_dame_front_facade/test/images/84828575_2153996767.jpg 0 0 529.064 0.0 319.5 0.0 529.064 239.5 0.0 0.0 1.0 987.886 0.0 249.5 0.0 987.886 187.0 0.0 0.0 1.0 0.9691735465665884 0.04925370449528656 0.24140569427632033 -0.5322986266402766 -0.054202499990508635 0.9984332377842621 0.013898153921084174 -0.1729184443008028 -0.24034293338960516 -0.0265545152681465 0.9703247559907733 -0.6116688797732249 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/57817490_9610856334.jpg notre_dame_front_facade/test/images/50944188_2452211231.jpg 0 0 581.452 0.0 319.5 0.0 581.452 239.5 0.0 0.0 1.0 802.246 0.0 239.5 0.0 802.246 319.5 0.0 0.0 1.0 0.996907368892059 -0.005709441095209543 0.07837793140350602 0.020165536004327245 -0.02169471626159843 0.9386042858627354 0.3443128429879332 0.35727130620861625 -0.07553169622774994 -0.3449483973618152 0.9355776643456567 1.6464913236167702 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/86877326_2716699476.jpg notre_dame_front_facade/test/images/20432678_1041916289.jpg 0 0 570.15 0.0 213.0 0.0 570.15 319.5 0.0 0.0 1.0 637.694 0.0 319.5 0.0 637.694 239.5 0.0 0.0 1.0 0.9927814198965741 0.054514249658616794 0.10683280812699858 -0.1708068386322653 -0.061583453188469785 0.996046186421686 0.06402712556564971 -0.03983553037998641 -0.10292002041160721 -0.0701440738692437 0.992213322980245 -0.27440739682933246 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/20449428_10758420474.jpg notre_dame_front_facade/test/images/45459434_6823683093.jpg 0 0 916.516 0.0 239.5 0.0 916.516 319.5 0.0 0.0 1.0 722.12 0.0 319.5 0.0 722.12 319.5 0.0 0.0 1.0 0.9979272021405414 0.025959039556833936 0.058884866419457255 -0.11826721940512823 -0.027884539761032424 0.9990950730371088 0.03211677871906796 -0.16563994945706936 -0.057997859186921685 -0.0336921845278828 0.9977480067790027 -0.544107237053761 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/34341942_1196841579.jpg notre_dame_front_facade/test/images/51049781_8641641044.jpg 0 0 2048.74 0.0 239.5 0.0 2048.74 319.5 0.0 0.0 1.0 815.628 0.0 239.5 0.0 815.628 319.5 0.0 0.0 1.0 0.9461305850703325 -0.024490907339185474 -0.3228577263318531 2.6874612831563973 0.07393129029627335 0.9871343835321804 0.14177402146962703 -1.553306284217567 0.3152317882282789 -0.15800602617066714 0.9357686762144564 -5.319326991605833 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/33645044_55429420.jpg notre_dame_front_facade/test/images/94836922_1185468195.jpg 0 0 526.679 0.0 187.0 0.0 526.679 249.5 0.0 0.0 1.0 658.457 0.0 239.5 0.0 658.457 319.5 0.0 0.0 1.0 0.9888482390214675 0.054328005706188946 0.13866372265351656 -0.36144974388994777 -0.05037292100194092 0.9982216240971283 -0.0318772334844792 0.08286659622235137 -0.14014895295318922 0.024536849448942806 0.9898263554812253 0.5692913951653286 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/49047422_9668436418.jpg notre_dame_front_facade/test/images/92263499_2724825410.jpg 0 0 589.962 0.0 319.5 0.0 589.962 239.5 0.0 0.0 1.0 1088.49 0.0 239.5 0.0 1088.49 319.5 0.0 0.0 1.0 0.9715257168942176 -0.11754139356775584 -0.20572263417360334 0.004386138037048126 0.022586429038922134 0.9102600716861273 -0.41342043384094684 0.2957545365888143 0.23585511365337414 0.39700204368758213 0.8869959090500007 2.0424776506190048 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/83755577_4922523649.jpg notre_dame_front_facade/test/images/88044894_523998738.jpg 0 0 667.625 0.0 239.5 0.0 667.625 319.5 0.0 0.0 1.0 510.324 0.0 249.5 0.0 510.324 187.0 0.0 0.0 1.0 0.9718616271101825 0.041944974468110095 0.23178782726368174 -0.8564707158685432 -0.020766265896132747 0.9954432232277328 -0.09306745688323832 0.08666164202963533 -0.23463533397909167 0.08563532242510628 0.96830411111472 0.6394277896102073 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/79443789_562514295.jpg notre_dame_front_facade/test/images/91463526_2206098945.jpg 0 0 646.586 0.0 239.5 0.0 646.586 319.5 0.0 0.0 1.0 513.111 0.0 249.5 0.0 513.111 167.5 0.0 0.0 1.0 0.9980723408696187 0.011565958110244657 -0.060974019090361486 -0.005853424513796168 -0.011882678498387304 0.9999177123882227 -0.00483429457185416 0.011764156033283096 0.060913088435439446 0.0055495103653891 0.9981276464420575 -0.01456587364637485 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/85133638_2665012325.jpg notre_dame_front_facade/test/images/28264157_4531674049.jpg 0 0 715.851 0.0 319.5 0.0 715.851 239.5 0.0 0.0 1.0 321.962 0.0 190.5 0.0 321.962 319.5 0.0 0.0 1.0 0.9942477089016543 0.026423189589193097 0.10379454896932176 -0.07047856713267733 0.016292570098983626 0.9205010332601345 -0.3904003072829146 0.6339809906330318 -0.10585861090804602 0.3898456910355147 0.9147755416918736 0.06606373031891577 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/73717439_5873359498.jpg notre_dame_front_facade/test/images/60057124_6803305881.jpg 0 0 529.064 0.0 319.5 0.0 529.064 239.5 0.0 0.0 1.0 1338.12 0.0 319.5 0.0 1338.12 239.5 0.0 0.0 1.0 0.9654497615038596 0.045938654612490845 0.25650808569036354 -1.4282405821270394 0.005026181740757014 0.9808728749602207 -0.1945845334665118 0.2699805581502439 -0.26054077513750035 0.18915084768423696 0.946752587168942 5.9025863198467965 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/70950675_2625630826.jpg notre_dame_front_facade/test/images/33645044_55429420.jpg 0 0 511.931 0.0 319.5 0.0 511.931 239.5 0.0 0.0 1.0 526.679 0.0 187.0 0.0 526.679 249.5 0.0 0.0 1.0 0.9999714842426644 0.006056970048629623 0.004510411882823109 0.0664943260157339 -0.0032921675407317354 0.8871533884361252 -0.4614629205246991 0.37618123941863324 -0.006796494273260296 0.46143491252844215 0.8871480311455707 1.38308398604613 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/86709056_2624498473.jpg notre_dame_front_facade/test/images/86698292_8276881929.jpg 0 0 528.258 0.0 239.5 0.0 528.258 319.5 0.0 0.0 1.0 693.817 0.0 319.5 0.0 693.817 213.0 0.0 0.0 1.0 0.9976850738683124 -0.004467425520072827 0.06785672766648232 -0.4704404533763563 0.0020865329120345745 0.9993810128021161 0.035117483267227675 0.14161396453734879 -0.06797160996171525 -0.03489460359195421 0.9970768410104475 0.4108651791836152 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/97773068_506947032.jpg notre_dame_front_facade/test/images/47626142_1393227120.jpg 0 0 919.356 0.0 213.0 0.0 919.356 319.5 0.0 0.0 1.0 253.177 0.0 166.0 0.0 253.177 249.5 0.0 0.0 1.0 0.9446876694042265 0.008301515848335514 -0.3278662716874524 1.027977458412216 0.08121967737998224 0.9626194973666108 0.2583932415833383 -0.6977557668771838 0.31775552124534695 -0.2707301019913997 0.9087005230513648 -1.2836412260134098 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/01927388_3809070796.jpg notre_dame_front_facade/test/images/92064571_307220044.jpg 0 0 688.527 0.0 319.5 0.0 688.527 239.5 0.0 0.0 1.0 674.607 0.0 213.0 0.0 674.607 319.5 0.0 0.0 1.0 0.9701559331230745 0.00603309452166973 0.2424068216791541 -0.5526384456450628 -0.06568088803438901 0.9688564084756708 0.23875359830301635 0.026974323443269 -0.23341697961611674 -0.24754971526163516 0.9403380520327637 0.09134960145748217 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/97773068_506947032.jpg notre_dame_front_facade/test/images/90826844_8304176149.jpg 0 0 919.356 0.0 213.0 0.0 919.356 319.5 0.0 0.0 1.0 966.226 0.0 212.0 0.0 966.226 319.5 0.0 0.0 1.0 0.9944468269388992 0.062032799458249174 -0.08501435280308553 -0.2880804413967702 -0.07114842659405754 0.9915179267767844 -0.10876627360288352 -0.07554124205849394 0.07754617839935674 0.11421091310220735 0.9904253922148882 -0.15618450095571235 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/92796397_10905257324.jpg notre_dame_front_facade/test/images/00428654_11477382116.jpg 0 0 747.301 0.0 239.5 0.0 747.301 319.5 0.0 0.0 1.0 565.607 0.0 319.5 0.0 565.607 239.5 0.0 0.0 1.0 0.9621653948880007 0.06109479527709202 0.26552811314448044 -1.0944037115705343 -0.14165312996120513 0.9446442655178686 0.2959418902359055 -0.9299614269604292 -0.23274910021783501 -0.3223579340023401 0.9175582917360242 -1.192109730334023 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/62554528_6086102803.jpg notre_dame_front_facade/test/images/59102103_1305207152.jpg 0 0 297.501 0.0 319.5 0.0 297.501 216.0 0.0 0.0 1.0 490.265 0.0 166.0 0.0 490.265 249.5 0.0 0.0 1.0 0.9956332288225065 -0.052974526871734706 -0.07686464185297336 0.20251101903472554 0.045492126386207234 0.9943385397655474 -0.09602778126032266 1.0935875760008043 0.08151650201849533 0.09211171391107044 0.9924064147611269 2.2693198463636537 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/53981929_372412956.jpg notre_dame_front_facade/test/images/53297154_7403336528.jpg 0 0 669.186 0.0 239.5 0.0 669.186 319.5 0.0 0.0 1.0 970.474 0.0 213.0 0.0 970.474 319.5 0.0 0.0 1.0 0.9997988339742571 0.0200570973791297 -6.65465281944803e-05 -0.0313499930651121 -0.020013910915803807 0.9974172233374287 -0.06898062017486008 0.1629300863375183 -0.0013171763627455016 0.06896807547393327 0.9976179978387776 1.146693782348558 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/90095935_9048675746.jpg notre_dame_front_facade/test/images/76309603_8305176254.jpg 0 0 459.15 0.0 319.5 0.0 459.15 319.5 0.0 0.0 1.0 484.145 0.0 319.5 0.0 484.145 212.0 0.0 0.0 1.0 0.9817555676075328 0.0145623434248922 0.1895888805431019 -0.23936876605372126 -0.07867930677885189 0.9388139184177325 0.335317749709052 -0.2939611731039329 -0.17310566760337567 -0.3441167893886007 0.9228315464397993 -0.2458088533604197 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/30419716_2588385795.jpg notre_dame_front_facade/test/images/98359518_9321667101.jpg 0 0 569.144 0.0 249.5 0.0 569.144 187.0 0.0 0.0 1.0 1039.51 0.0 203.0 0.0 1039.51 319.5 0.0 0.0 1.0 0.9645943639457125 -0.11733326281622437 -0.2362003778173636 0.2813551684154442 -0.018276355377087352 0.8636964872162302 -0.5036808044828339 0.35162097399024184 0.263103948807875 0.49016454727697645 0.830972339319703 2.692835303358584 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/91316375_2178414357.jpg notre_dame_front_facade/test/images/65265933_1398358926.jpg 0 0 665.749 0.0 319.5 0.0 665.749 239.5 0.0 0.0 1.0 902.934 0.0 319.5 0.0 902.934 239.5 0.0 0.0 1.0 0.9747217437963828 0.00671948446195777 0.2233212276052239 -0.5917320240885404 -0.03776654906091585 0.990119228946711 0.13504665949959627 -0.07342616997606405 -0.2202071977537704 -0.1400669875400195 0.9653445131448647 -0.09142932252739772 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/29443215_4125074438.jpg notre_dame_front_facade/test/images/42745507_7964372034.jpg 0 0 532.032 0.0 319.5 0.0 532.032 213.0 0.0 0.0 1.0 1044.95 0.0 279.5 0.0 1044.95 319.5 0.0 0.0 1.0 0.9918512266079017 0.05534255787591976 0.11475341199350707 -0.2814053149732433 -0.06617402423646143 0.9934801394651623 0.0928343201872767 0.12832394454271914 -0.10886754701357661 -0.09967152941553606 0.9890467347052992 0.2650217771179808 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/55165219_6771732707.jpg notre_dame_front_facade/test/images/81875745_5270921683.jpg 0 0 705.515 0.0 213.0 0.0 705.515 319.5 0.0 0.0 1.0 785.224 0.0 319.5 0.0 785.224 214.5 0.0 0.0 1.0 0.844444303884925 0.51707292350083 0.13981920261040348 -0.36858158248844836 -0.47972340848377715 0.8461870822296614 -0.23201912253165516 0.606474935373922 -0.23828400909211536 0.12885268196648808 0.962609846906332 1.8582466684600103 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/79392901_158654812.jpg notre_dame_front_facade/test/images/00504662_7553416128.jpg 0 0 506.813 0.0 249.5 0.0 506.813 187.0 0.0 0.0 1.0 647.636 0.0 239.5 0.0 647.636 319.5 0.0 0.0 1.0 0.9759418952233715 -0.012157542753117399 -0.21769155082827513 0.21805354029826152 0.03928490760831163 0.9919084566742742 0.12072410534879177 -0.24078435535642806 0.21446238174099386 -0.12637170463464467 0.9685226270385812 -0.7465336757829049 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/70470648_253650724.jpg notre_dame_front_facade/test/images/62265406_497236333.jpg 0 0 661.366 0.0 239.5 0.0 661.366 319.5 0.0 0.0 1.0 1321.94 0.0 220.0 0.0 1321.94 319.5 0.0 0.0 1.0 0.9997671298849938 -0.02060242043234558 0.006420768945453014 -0.030933382928746228 0.020072431709238434 0.9970666917201438 0.07385871477033507 -0.025803180725014585 -0.007923603145033436 -0.07371263483675389 0.9972480453621474 2.0479125887135394 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/89455443_12073338213.jpg notre_dame_front_facade/test/images/68740277_88652995.jpg 0 0 460.921 0.0 212.5 0.0 460.921 319.5 0.0 0.0 1.0 1818.38 0.0 319.5 0.0 1818.38 213.5 0.0 0.0 1.0 0.9782182370673833 0.06454473709121472 0.19728927386608505 -0.5970383886331982 -0.03362510539654997 0.9871481656715034 -0.15623012289074353 0.804027454097131 -0.20483757701128003 0.14619328276364785 0.9678166619349639 7.079065990476958 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/71402909_2179202106.jpg notre_dame_front_facade/test/images/71272180_3274206565.jpg 0 0 3743.04 0.0 319.5 0.0 3743.04 239.5 0.0 0.0 1.0 701.674 0.0 319.5 0.0 701.674 239.5 0.0 0.0 1.0 0.9772728610635376 0.107426518525045 -0.1827492767325664 0.5486861133997938 0.008163640063095872 0.8423731331849368 0.5388328678441144 -1.392448327794384 0.21182801988785194 -0.5280786377101244 0.8223514105202294 -1.2551833449320602 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/48194802_193393602.jpg notre_dame_front_facade/test/images/68517155_168393151.jpg 0 0 744.735 0.0 239.5 0.0 744.735 319.5 0.0 0.0 1.0 1535.18 0.0 319.5 0.0 1535.18 239.5 0.0 0.0 1.0 0.9972107028577019 0.06424576208463013 -0.03799073782139117 0.10774651632895149 -0.07129806742237227 0.9705131775869091 -0.23026236712062864 0.5484531562113284 0.022077130426833718 0.23232876314465548 0.9723867266308148 5.744288252386588 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/22891861_445889696.jpg notre_dame_front_facade/test/images/47637734_4638229298.jpg 0 0 1183.91 0.0 319.5 0.0 1183.91 239.5 0.0 0.0 1.0 675.352 0.0 319.5 0.0 675.352 319.5 0.0 0.0 1.0 0.9693963483966408 0.07032055636221356 0.23521424078521977 -0.9376599751453547 -0.14645149123991472 0.9345955907614354 0.3241651468663603 -0.21763227333686488 -0.19703471884128373 -0.3486919859735702 0.9162921032558033 -0.6339887461120889 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/85808395_9116833255.jpg notre_dame_front_facade/test/images/12108431_6988563786.jpg 0 0 533.422 0.0 319.5 0.0 533.422 213.0 0.0 0.0 1.0 611.0 0.0 239.5 0.0 611.0 319.5 0.0 0.0 1.0 0.9063092705827666 0.06068979313281373 0.41823468897884375 -0.5808455153459079 -0.09849368855897625 0.9927160287138762 0.06938212773184446 0.09901756688264893 -0.41097749253430077 -0.10407514277697086 0.9056853014630258 0.7880691706365741 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/75271422_4231357851.jpg notre_dame_front_facade/test/images/07705674_1304394874.jpg 0 0 733.721 0.0 319.5 0.0 733.721 239.5 0.0 0.0 1.0 825.019 0.0 239.5 0.0 825.019 319.5 0.0 0.0 1.0 0.9582914885657393 -0.0399949485807415 -0.28298025908264873 0.05608961805195373 0.04236765473480199 0.9990995149300246 0.002267399140359116 0.5098622849442482 0.2826347550722164 -0.014162039210965904 0.9591230535602068 1.7843098857285355 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/88264143_2551880831.jpg notre_dame_front_facade/test/images/30596090_277515099.jpg 0 0 688.704 0.0 239.5 0.0 688.704 319.5 0.0 0.0 1.0 721.475 0.0 319.5 0.0 721.475 239.5 0.0 0.0 1.0 0.9859913374640027 -0.06031580439707026 -0.1555091193013505 0.2844525152964211 0.05171690616420651 0.9969313842503889 -0.058763736380579405 0.2753712733518312 0.1585763035978262 0.049898084497683244 0.9860850557131022 1.0268393865509806 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/32485075_5873194828.jpg notre_dame_front_facade/test/images/51575595_2715884125.jpg 0 0 1688.87 0.0 239.5 0.0 1688.87 319.5 0.0 0.0 1.0 912.594 0.0 213.0 0.0 912.594 319.5 0.0 0.0 1.0 0.948293189419723 0.11719556051631444 0.2949664853766203 -0.43676453492112 -0.08716017013209845 0.98976044350756 -0.11303702583783054 0.23800971490062073 -0.3051935969883915 0.08148291270558262 0.948797872728592 0.9473570103066096 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/57817490_9610856334.jpg notre_dame_front_facade/test/images/87736245_2352767121.jpg 0 0 581.452 0.0 319.5 0.0 581.452 239.5 0.0 0.0 1.0 693.522 0.0 239.5 0.0 693.522 319.5 0.0 0.0 1.0 0.9992941567605653 0.02033983445155089 0.031582897249526516 -0.03959376578722759 -0.03077797532238319 0.9253361133002606 0.37789653829774883 0.12851684128560112 -0.021538442358847963 -0.37860186021314096 0.9253089899832941 0.7858343437502399 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/97480396_277512345.jpg notre_dame_front_facade/test/images/43674862_141833517.jpg 0 0 708.643 0.0 239.5 0.0 708.643 319.5 0.0 0.0 1.0 756.183 0.0 213.0 0.0 756.183 319.5 0.0 0.0 1.0 0.9990528002229965 0.016685872639742833 -0.040188107952975796 0.14327195005685683 -0.01950021073087914 0.9973079023787206 -0.07068726642336434 -0.1473637458671229 0.03890043891836002 0.0714039880343295 0.9966886305886872 -0.7509888408523868 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/67306591_4879787713.jpg notre_dame_front_facade/test/images/42027422_3584753134.jpg 0 0 701.749 0.0 239.5 0.0 701.749 319.5 0.0 0.0 1.0 1017.24 0.0 213.0 0.0 1017.24 319.5 0.0 0.0 1.0 0.9998899961143478 -0.014340998809531456 -0.003785686674139049 0.05288627193795055 0.01413078812582308 0.9986144773932211 -0.05068970672243898 0.08207671245368574 0.004507382543431851 0.05063063592143395 0.9987072755361294 0.45401098660059946 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/57296298_268265874.jpg notre_dame_front_facade/test/images/34341942_1196841579.jpg 0 0 871.099 0.0 249.5 0.0 871.099 187.0 0.0 0.0 1.0 2048.74 0.0 239.5 0.0 2048.74 319.5 0.0 0.0 1.0 0.9568903134152669 0.024664454658790073 0.2894004021566264 -0.8939536421479154 -0.02332192924788783 0.9996952967609896 -0.008087103938578434 0.7424047013595722 -0.28951168492513235 0.0009890957190011017 0.9571739685038814 5.7548076043216145 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/66536323_206198871.jpg notre_dame_front_facade/test/images/79846448_7965487020.jpg 0 0 647.198 0.0 239.5 0.0 647.198 319.5 0.0 0.0 1.0 727.071 0.0 239.5 0.0 727.071 319.5 0.0 0.0 1.0 0.8531364984724668 0.1756126985724517 0.4912415852452232 -1.0872624695860016 -0.17997394592166474 0.9829052119304436 -0.0388165319078837 0.01677340469278306 -0.4896605903720701 -0.05529488638266 0.8701580211527125 0.14817384416395796 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/98283507_7198318944.jpg notre_dame_front_facade/test/images/59085967_8112490960.jpg 0 0 733.699 0.0 239.5 0.0 733.699 319.5 0.0 0.0 1.0 944.748 0.0 319.5 0.0 944.748 319.5 0.0 0.0 1.0 0.9986733693834113 0.02074741945395876 -0.04712797333204618 0.05448194167608113 -0.015325815100145043 0.9935200715981415 0.11261876718886536 0.2377859022871834 0.04915913624038494 -0.11174708907897865 0.9925200085673206 0.7055347299503218 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/43666192_4761714801.jpg notre_dame_front_facade/test/images/15594978_7330790386.jpg 0 0 654.307 0.0 239.5 0.0 654.307 319.5 0.0 0.0 1.0 716.242 0.0 239.5 0.0 716.242 319.5 0.0 0.0 1.0 0.9378064337405785 0.14194184690309813 0.31681478016739556 -0.708567565131436 -0.10396644706064566 0.9855400796512512 -0.13379734409393776 -0.07374591643567341 -0.3312251058122915 0.09253790303839322 0.9390030169178868 -0.24538471479427904 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/43886992_2526982465.jpg notre_dame_front_facade/test/images/48230605_9403570019.jpg 0 0 822.701 0.0 319.5 0.0 822.701 212.5 0.0 0.0 1.0 450.656 0.0 179.5 0.0 450.656 319.5 0.0 0.0 1.0 0.9433665863536399 -0.19755059278337178 -0.2665206315511403 0.4135237409817319 0.1233773579138238 0.9546639521453939 -0.2709146840397201 0.1407953900253753 0.3079569958706645 0.22268924932532227 0.9249713438421969 -0.08657962827398036 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/53297154_7403336528.jpg notre_dame_front_facade/test/images/32850132_379216157.jpg 0 0 970.474 0.0 213.0 0.0 970.474 319.5 0.0 0.0 1.0 486.649 0.0 249.5 0.0 486.649 167.0 0.0 0.0 1.0 0.9975380050072775 -0.050838988800334925 0.04830451100943132 -0.19346251400031272 0.02413552621272815 0.895612233956861 0.44418037187750153 -1.657426660491812 -0.06584379196655954 -0.4419209472344124 0.8946342668682573 -2.3310266049837676 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/88697814_397500572.jpg notre_dame_front_facade/test/images/68740277_88652995.jpg 0 0 534.268 0.0 183.0 0.0 534.268 249.5 0.0 0.0 1.0 1818.38 0.0 319.5 0.0 1818.38 213.5 0.0 0.0 1.0 0.9650513859761343 0.06740285083655459 0.2532443052166173 -0.7951473278138201 -0.03108198813524814 0.9889759255505244 -0.14477751446631432 0.8580297904739055 -0.2602109383540637 0.1318464045038345 0.9565076022595475 6.914697845904558 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/70950675_2625630826.jpg notre_dame_front_facade/test/images/85616148_2552007129.jpg 0 0 511.931 0.0 319.5 0.0 511.931 239.5 0.0 0.0 1.0 770.576 0.0 239.5 0.0 770.576 319.5 0.0 0.0 1.0 0.9763936573885612 0.1468889898787044 0.15836366522596984 -0.1646889927490679 -0.05925437910895339 0.8871939331766084 -0.4575760521389114 0.18599063681217587 -0.20771216711546198 0.4373906144249477 0.8749543451204557 0.7079591926553093 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/77637139_3358936098.jpg notre_dame_front_facade/test/images/75827637_332080023.jpg 0 0 494.106 0.0 319.5 0.0 494.106 213.0 0.0 0.0 1.0 824.199 0.0 239.5 0.0 824.199 319.5 0.0 0.0 1.0 0.9964067726869065 -0.07426147277297869 -0.040728086196772394 0.07396145215573013 0.054480812439399444 0.9301485346313876 -0.36311918786952824 0.4506591081259709 0.06484893537758778 0.3595955188606651 0.9308521248811341 1.6521850978462862 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/20432678_1041916289.jpg notre_dame_front_facade/test/images/15793931_276435531.jpg 0 0 637.694 0.0 319.5 0.0 637.694 239.5 0.0 0.0 1.0 548.704 0.0 187.0 0.0 548.704 249.5 0.0 0.0 1.0 0.9939829604876541 -0.03395733366664758 -0.10413824345767761 0.23119149615377954 0.026938538185171595 0.997316102199619 -0.06808015462530413 0.02467198658015457 0.1061705675818144 0.06486518159699574 0.9922299727360306 0.05865289332561624 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/56095608_3447757339.jpg notre_dame_front_facade/test/images/94554102_147558957.jpg 0 0 544.208 0.0 213.0 0.0 544.208 319.5 0.0 0.0 1.0 547.53 0.0 319.5 0.0 547.53 232.5 0.0 0.0 1.0 0.9915515156461979 0.008141054358593363 0.12945777324540264 -0.13180886228166427 -0.022102890847263693 0.9940368469793185 0.10678112690737417 0.16737757939879574 -0.12781648577519883 -0.1087403792587888 0.9858186830663807 0.42952305521354417 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/79793488_5196381575.jpg notre_dame_front_facade/test/images/88494215_13093430663.jpg 0 0 761.869 0.0 239.5 0.0 761.869 319.5 0.0 0.0 1.0 527.97 0.0 239.5 0.0 527.97 319.5 0.0 0.0 1.0 0.8267220358693259 0.20470364134208321 0.5240487521494245 -1.1219746829178896 -0.3220814225415561 0.9359236166486984 0.14251505553038335 -0.6076732870437782 -0.461296252598788 -0.2866067044235226 0.8396799177768888 -0.870408880726889 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/89455443_12073338213.jpg notre_dame_front_facade/test/images/97480396_277512345.jpg 0 0 460.921 0.0 212.5 0.0 460.921 319.5 0.0 0.0 1.0 708.643 0.0 239.5 0.0 708.643 319.5 0.0 0.0 1.0 0.9913822808526072 0.005854872811166831 0.1308697584465097 -0.25911254800687217 0.0013095303089809469 0.9985079111505701 -0.05459154238611771 0.06221334077829795 -0.1309941156764402 0.05429246572122585 0.9898953832724229 0.843201703776729 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/61616050_10894465215.jpg notre_dame_front_facade/test/images/53305116_6893683400.jpg 0 0 951.587 0.0 213.0 0.0 951.587 319.5 0.0 0.0 1.0 539.892 0.0 213.0 0.0 539.892 319.5 0.0 0.0 1.0 0.6452827805672106 0.10396606799199204 0.7568363031790518 -0.9065567616915039 -0.4617742525170327 0.8423052307888742 0.2780043846741221 0.07749646420931372 -0.6085841542595278 -0.5288789605306549 0.591533914743888 0.331320332951764 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/39119309_3697303347.jpg notre_dame_front_facade/test/images/76540090_3388723256.jpg 0 0 643.065 0.0 239.5 0.0 643.065 319.5 0.0 0.0 1.0 676.182 0.0 239.5 0.0 676.182 319.5 0.0 0.0 1.0 0.9658064378190184 -0.2136787010048383 0.14683098243975345 -0.15158155042397303 0.23206389679787987 0.9650073755544946 -0.12209468837099052 0.3179563812075337 -0.11560394660357078 0.15199400600783974 0.9815974478712582 1.3215541285020809 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/71272180_3274206565.jpg notre_dame_front_facade/test/images/60057124_6803305881.jpg 0 0 701.674 0.0 319.5 0.0 701.674 239.5 0.0 0.0 1.0 1338.12 0.0 319.5 0.0 1338.12 239.5 0.0 0.0 1.0 0.9508850919708837 0.10809039736970298 0.29005862832190243 -1.254232311324114 0.11937234650589323 0.7365215603658345 -0.6657974421743849 0.36471143782300725 -0.28560074362158233 0.6677218411230353 0.6874443672982294 7.486528591215475 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/51049781_8641641044.jpg notre_dame_front_facade/test/images/90283193_9213444193.jpg 0 0 815.628 0.0 239.5 0.0 815.628 319.5 0.0 0.0 1.0 626.017 0.0 319.5 0.0 626.017 238.5 0.0 0.0 1.0 0.997066762001881 0.00921366753457627 0.07598013188752958 -0.13754170136203692 -0.004905165253788696 0.9983792977472669 -0.056698476024557576 -0.16198174568763152 -0.07637939162442392 0.05615947079733388 0.9954960082164298 -1.196472091535669 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/75437734_2225459366.jpg notre_dame_front_facade/test/images/48878579_6144672125.jpg 0 0 740.607 0.0 319.5 0.0 740.607 239.5 0.0 0.0 1.0 1152.32 0.0 239.5 0.0 1152.32 319.5 0.0 0.0 1.0 0.971946709124849 0.15272343774788422 0.1788718708568906 -0.2325724329832038 -0.031233575215379093 0.8375794649384782 -0.5454219501382737 0.606849418480962 -0.23311812113313124 0.5245342614890284 0.8188527035575557 2.4057269036528623 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/20281279_9286833193.jpg notre_dame_front_facade/test/images/35184160_219996854.jpg 0 0 729.434 0.0 239.5 0.0 729.434 319.5 0.0 0.0 1.0 541.484 0.0 187.0 0.0 541.484 249.5 0.0 0.0 1.0 0.901721346598858 0.03059206158264573 0.4312339722889022 -1.042726061552715 -0.2091157332513353 0.9038998122435262 0.37314305505110806 -0.8446284170625751 -0.3783770912657087 -0.4266488663927768 0.8214630372762125 -0.9154610290476405 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/69682451_4629605098.jpg notre_dame_front_facade/test/images/94887785_2665835098.jpg 0 0 714.494 0.0 319.5 0.0 714.494 239.5 0.0 0.0 1.0 719.064 0.0 319.5 0.0 719.064 239.5 0.0 0.0 1.0 0.995734916098246 0.08960596212736925 -0.021971536451674403 0.02298488666319498 -0.06365050196553913 0.8395894584865339 0.5394795221301949 -0.10958124873640251 0.06678765202006798 -0.5357800973809282 0.8417120034715729 -0.13469001683924742 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/32627688_2172828509.jpg notre_dame_front_facade/test/images/39119309_3697303347.jpg 0 0 724.585 0.0 240.0 0.0 724.585 319.5 0.0 0.0 1.0 643.065 0.0 239.5 0.0 643.065 319.5 0.0 0.0 1.0 0.9699081350267678 0.23784442039889367 -0.052040765693941726 -0.029156404256649338 -0.22861218032670877 0.9631957348959763 0.1413875782537792 -0.0622118466056365 0.08375369015849884 -0.12523580942891077 0.9885855104246266 -0.1363654738690453 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/66678449_3070814495.jpg notre_dame_front_facade/test/images/47992361_3352851129.jpg 0 0 542.068 0.0 213.0 0.0 542.068 319.5 0.0 0.0 1.0 431.773 0.0 319.5 0.0 431.773 212.0 0.0 0.0 1.0 0.8536443072237726 0.10234287006278489 0.5107027841041765 -1.1442497268239498 -0.1502661874321898 0.9872056603553306 0.05333907645422438 0.16444007393060708 -0.49870980505604573 -0.12227395924606156 0.8581011649166158 0.6038264043284431 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/29664667_2558113171.jpg notre_dame_front_facade/test/images/66790349_9649911334.jpg 0 0 843.474 0.0 213.0 0.0 843.474 319.5 0.0 0.0 1.0 596.021 0.0 239.5 0.0 596.021 319.5 0.0 0.0 1.0 0.98116612605417 -0.047351608109842666 -0.1872721503407923 0.6766401310948764 0.044345199251895326 0.9988117626003318 -0.020213020420715256 -0.1559306234578556 0.18800674558951908 0.01152771012085369 0.9821000842644335 -0.9693176560379881 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/62739329_10894953753.jpg notre_dame_front_facade/test/images/74454771_4611697867.jpg 0 0 675.789 0.0 319.5 0.0 675.789 213.5 0.0 0.0 1.0 515.145 0.0 319.5 0.0 515.145 239.5 0.0 0.0 1.0 0.9842954212632474 -0.027019008700915424 -0.17444912395603066 -0.19417705147853326 0.10208798037549822 0.8933306796388574 0.43765093519702314 -1.8131479050117467 0.14401586003999198 -0.4485869703689541 0.8820596136725366 -1.8758137033269455 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/72214550_1126054905.jpg notre_dame_front_facade/test/images/67975963_918373188.jpg 0 0 431.766 0.0 319.5 0.0 431.766 239.5 0.0 0.0 1.0 644.159 0.0 319.5 0.0 644.159 239.5 0.0 0.0 1.0 0.9390552489684559 0.26951990009349336 0.2133875882950658 -0.3202880314037201 -0.0263369856311555 0.6753156497348426 -0.7370584348686825 0.0048411687632966775 -0.3427558935637073 0.686518606213117 0.64125704733012 1.9212472131214993 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/32850132_379216157.jpg notre_dame_front_facade/test/images/25164626_8371782280.jpg 0 0 486.649 0.0 249.5 0.0 486.649 167.0 0.0 0.0 1.0 533.319 0.0 213.0 0.0 533.319 319.5 0.0 0.0 1.0 0.91384928966929 -0.1288080270033642 -0.38508176787590803 0.3676131784011678 0.04973839974076957 0.9767199624033015 -0.20867248652882067 0.3380411451253107 0.4029957411216173 0.17154185268439312 0.8989815489849858 0.5246069870064731 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/40855093_3275085444.jpg notre_dame_front_facade/test/images/87628400_7656196462.jpg 0 0 1947.13 0.0 239.5 0.0 1947.13 319.5 0.0 0.0 1.0 486.204 0.0 212.0 0.0 486.204 319.5 0.0 0.0 1.0 0.963356960754412 -0.044359022545576034 -0.26452909723662466 2.25577366116686 0.12986240189200438 0.9400681094963387 0.3152898762770842 -2.7487350352739757 0.23468941761583992 -0.33808908090439804 0.9113817260798884 -5.852836442950706 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/46229295_1990406788.jpg notre_dame_front_facade/test/images/08334105_1973261812.jpg 0 0 966.463 0.0 241.5 0.0 966.463 319.5 0.0 0.0 1.0 522.005 0.0 249.5 0.0 522.005 187.0 0.0 0.0 1.0 0.9797645463087564 -0.0012586523540532425 -0.2001495680501173 0.57347740593488 0.10471521440761457 0.8554321254243293 0.5072184959793773 -1.3961503459151847 0.1705759586458895 -0.5179134045246039 0.8382538683154224 -1.2713391365151618 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/76022149_7552328104.jpg notre_dame_front_facade/test/images/52399480_9642747961.jpg 0 0 963.011 0.0 305.5 0.0 963.011 305.5 0.0 0.0 1.0 4422.38 0.0 319.5 0.0 4422.38 239.5 0.0 0.0 1.0 0.9928198207053422 -0.05590000442812561 -0.10575440000088517 0.13305351841745883 0.0015960201789242375 0.8902023056226351 -0.45556262772941836 0.47775931148362766 0.11960876361788941 0.4521228202259645 0.8838997109948163 1.597961257706554 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/90826844_8304176149.jpg notre_dame_front_facade/test/images/56095608_3447757339.jpg 0 0 966.226 0.0 212.0 0.0 966.226 319.5 0.0 0.0 1.0 544.208 0.0 213.0 0.0 544.208 319.5 0.0 0.0 1.0 0.9967469949778331 -0.0024456526981973085 -0.08055710263868288 0.5492257440840047 0.005018426631719542 0.9994832331525674 0.03175030773130668 -0.125503076242565 0.08043782317294229 -0.032051293730057544 0.9962441825041831 -0.6507892655224845 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/90283193_9213444193.jpg notre_dame_front_facade/test/images/96025216_5374615142.jpg 0 0 626.017 0.0 319.5 0.0 626.017 238.5 0.0 0.0 1.0 1783.91 0.0 239.5 0.0 1783.91 319.5 0.0 0.0 1.0 0.9973844758819481 -0.014467972120517215 -0.07081585311504225 0.07305367929856765 0.006320869149755103 0.9934669466708818 -0.11394504151399991 -0.10682626235545822 0.07200176305399039 0.11319939776851926 0.9909599600700127 0.214326436145855 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/34341942_1196841579.jpg notre_dame_front_facade/test/images/45459434_6823683093.jpg 0 0 2048.74 0.0 239.5 0.0 2048.74 319.5 0.0 0.0 1.0 722.12 0.0 319.5 0.0 722.12 319.5 0.0 0.0 1.0 0.9666538197105553 -0.026061291529566294 -0.25475714302606745 2.2080033477728818 0.058715193416689564 0.9908623919461463 0.12142588805029055 -1.3990465527020468 0.24926475663646064 -0.13233491342261844 0.9593511097551272 -5.386887671477232 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/14248814_1334513582.jpg notre_dame_front_facade/test/images/32850132_379216157.jpg 0 0 696.736 0.0 319.5 0.0 696.736 239.5 0.0 0.0 1.0 486.649 0.0 249.5 0.0 486.649 167.0 0.0 0.0 1.0 0.9895225555130117 -0.03206172820443669 0.1407734268800163 -0.21584008325511567 -0.025897866713396448 0.919801080992081 0.3915294010741652 -0.2827584750756097 -0.1420366594604844 -0.39107290495551356 0.9093335858632752 -0.38220867160295857 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/98283507_7198318944.jpg notre_dame_front_facade/test/images/14588590_8291532597.jpg 0 0 733.699 0.0 239.5 0.0 733.699 319.5 0.0 0.0 1.0 539.759 0.0 213.0 0.0 539.759 319.5 0.0 0.0 1.0 0.9069705305832322 0.10356907356490266 0.4082620526750899 -1.3216117028059025 -0.15828875068201143 0.9820568111555075 0.10251385794420179 -0.11609861430787886 -0.39031926427105557 -0.15760033840060036 0.9070904063404694 -0.19859995932777152 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16936811_3689681321.jpg notre_dame_front_facade/test/images/89527506_47064183.jpg 0 0 503.368 0.0 212.5 0.0 503.368 319.5 0.0 0.0 1.0 486.165 0.0 249.5 0.0 486.165 187.0 0.0 0.0 1.0 0.9893715285525907 0.014534391007106063 0.14468147762434075 -0.4714470666238104 -0.03427994065814452 0.9902611443739627 0.13493610195808936 0.1952037999986301 -0.14131123153516195 -0.13846160991849824 0.980234420136731 0.03618762428176667 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/12108431_6988563786.jpg notre_dame_front_facade/test/images/66503262_8564870595.jpg 0 0 611.0 0.0 239.5 0.0 611.0 319.5 0.0 0.0 1.0 434.857 0.0 319.5 0.0 434.857 213.0 0.0 0.0 1.0 0.9951901472520098 0.0005068698967144338 -0.09796077733169956 0.14918246055558704 0.04639767951248907 0.8782738675225368 0.4759015328435723 -0.8881280269971914 0.08627761093342447 -0.47815766929948234 0.8740259819603233 -0.8769622210464423 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/01569849_8047248507.jpg notre_dame_front_facade/test/images/77284769_5343756940.jpg 0 0 528.055 0.0 319.5 0.0 528.055 213.0 0.0 0.0 1.0 926.103 0.0 319.5 0.0 926.103 224.0 0.0 0.0 1.0 0.8930881302033777 0.1955250847696772 0.4051709921942163 -0.2258847237511648 -0.05293989096831065 0.9400347623527784 -0.3369451194373038 0.7954184620759112 -0.4467560404002375 0.27947197854913125 0.8498849649050954 2.2962961131106283 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/66532758_5458132477.jpg notre_dame_front_facade/test/images/81875745_5270921683.jpg 0 0 748.109 0.0 228.0 0.0 748.109 319.5 0.0 0.0 1.0 785.224 0.0 319.5 0.0 785.224 214.5 0.0 0.0 1.0 0.876200197137289 0.48177881765926495 0.012743052672587527 -0.15094439160882583 -0.4789717209153313 0.8734196245552386 -0.0878877124812783 0.3319488258595292 -0.05347247048698673 0.07090366913373748 0.9960488766136891 1.0845484197624669 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/32993759_112702084.jpg notre_dame_front_facade/test/images/51049781_8641641044.jpg 0 0 557.015 0.0 187.0 0.0 557.015 249.5 0.0 0.0 1.0 815.628 0.0 239.5 0.0 815.628 319.5 0.0 0.0 1.0 0.964369446605005 -0.07937736363140764 -0.2523703718697658 0.5634550240256113 0.0768052217119254 0.9968446374359783 -0.020043121835555486 0.05424090474033151 0.2531650220163492 -5.4388052187110294e-05 0.9674231073679197 0.18176872129195257 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/69189455_2043939797.jpg notre_dame_front_facade/test/images/84092770_8200390352.jpg 0 0 572.409 0.0 187.0 0.0 572.409 249.5 0.0 0.0 1.0 499.749 0.0 319.5 0.0 499.749 212.5 0.0 0.0 1.0 0.9971439240223174 0.0025293616629336975 0.07548242918026177 -0.1984916241419435 -0.0018929941192536448 0.9999620738395202 -0.008501026751552924 -0.0993247773066388 -0.07550106859270021 0.008333859378716961 0.9971108942485867 -0.31903026762469033 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/57706804_4859293655.jpg notre_dame_front_facade/test/images/92263499_2724825410.jpg 0 0 639.797 0.0 239.5 0.0 639.797 319.5 0.0 0.0 1.0 1088.49 0.0 239.5 0.0 1088.49 319.5 0.0 0.0 1.0 0.973871030838659 0.11468424266054822 0.19601719255877598 -0.2822188127626284 0.010326487178560101 0.8398698185349043 -0.5426896457246059 0.547929531505515 -0.22686687496370825 0.5305338937330242 0.8167406005854475 2.474975682844293 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/67691681_4057682871.jpg notre_dame_front_facade/test/images/26229574_20742004.jpg 0 0 662.741 0.0 239.5 0.0 662.741 319.5 0.0 0.0 1.0 479.354 0.0 249.5 0.0 479.354 187.0 0.0 0.0 1.0 0.9594431112400074 -0.03165202800647538 -0.28011973407307844 0.6093106011734443 0.05098624139651732 0.996772751545471 0.06200391088251104 -0.35637836007836476 0.27725316857044385 -0.07377147754754275 0.9579605678826771 -0.8018727464615315 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/86469263_3003517714.jpg notre_dame_front_facade/test/images/35136042_91813767.jpg 0 0 2064.64 0.0 239.5 0.0 2064.64 319.5 0.0 0.0 1.0 763.496 0.0 319.5 0.0 763.496 239.5 0.0 0.0 1.0 0.9786740598835941 -0.013116499119758944 0.2050001023458389 -0.263862570300424 -0.08458534318963996 0.8836968290805733 0.4603533794710651 -0.3690246749637598 -0.18719616510082115 -0.4678759148789142 0.863741699843052 -0.20986955786458383 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/39119309_3697303347.jpg notre_dame_front_facade/test/images/81974946_5100244969.jpg 0 0 643.065 0.0 239.5 0.0 643.065 319.5 0.0 0.0 1.0 697.124 0.0 319.5 0.0 697.124 213.0 0.0 0.0 1.0 0.9419729597368395 -0.29619463729635725 -0.15797366857010617 0.3291219197155587 0.3129893268149619 0.9450575296602118 0.09436072770201842 0.3260280115202153 0.12134506345350594 -0.1383293261366397 0.9829243984692047 0.4540580223424501 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/75403109_71799518.jpg notre_dame_front_facade/test/images/69686908_4629008721.jpg 0 0 1539.83 0.0 319.5 0.0 1539.83 213.0 0.0 0.0 1.0 719.18 0.0 319.5 0.0 719.18 239.5 0.0 0.0 1.0 0.9824075422103107 0.009026411301787173 0.18653135100381216 -0.24045252863653419 -0.013868493143747615 0.9995994493567265 0.024669936028511415 -0.11970048699801061 -0.1862339547617948 -0.02682283998274578 0.9821392209605732 -0.579576212732742 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/83944433_8236093365.jpg notre_dame_front_facade/test/images/75403109_71799518.jpg 0 0 640.896 0.0 239.5 0.0 640.896 319.5 0.0 0.0 1.0 1539.83 0.0 319.5 0.0 1539.83 213.0 0.0 0.0 1.0 0.7620149329064098 -0.13324283261762515 -0.6337030768298914 0.4951985914582454 0.05873741678126489 0.988790169616385 -0.13727314500609428 0.0988738658925424 0.6448900355079955 0.06738210464234345 0.7612992145513251 0.5270477243287963 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/02611690_173893259.jpg notre_dame_front_facade/test/images/65117548_393332042.jpg 0 0 343.22 0.0 130.5 0.0 343.22 174.5 0.0 0.0 1.0 528.38 0.0 319.5 0.0 528.38 213.5 0.0 0.0 1.0 0.9329160779645106 0.025566831919103472 0.35918508958604545 -0.567189984463535 0.04110606502236171 0.9833946185911253 -0.17676344515875653 0.04784539049982686 -0.3577399654689039 0.17967014563258882 0.9163736988121559 0.5034625758966388 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/84046481_8129096.jpg notre_dame_front_facade/test/images/83755577_4922523649.jpg 0 0 528.081 0.0 249.5 0.0 528.081 187.0 0.0 0.0 1.0 667.625 0.0 239.5 0.0 667.625 319.5 0.0 0.0 1.0 0.8616204998651822 -0.12800110423534228 -0.4911474641353723 0.6823802443354825 0.12316389821131037 0.9914831334253735 -0.042330252897856885 0.3476138458394816 0.4923827458283523 -0.024019022618241223 0.8700473080028446 1.0358288058027423 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/73100287_2167356662.jpg notre_dame_front_facade/test/images/80810945_5469108219.jpg 0 0 410.944 0.0 166.0 0.0 410.944 249.5 0.0 0.0 1.0 470.538 0.0 239.5 0.0 470.538 319.5 0.0 0.0 1.0 0.9895143138106263 0.0405489303984263 0.1386261411402237 -0.24313902059708298 0.020089659313884484 0.9118143422226824 -0.4101109738908103 0.39199683650710304 -0.14303086503457113 0.4085956308632783 0.9014387289699183 1.8518361313125513 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/85791643_379742998.jpg notre_dame_front_facade/test/images/64518898_5543139365.jpg 0 0 792.408 0.0 249.5 0.0 792.408 238.5 0.0 0.0 1.0 551.721 0.0 228.0 0.0 551.721 319.5 0.0 0.0 1.0 0.9529042170620224 0.04469622957450613 0.2999596642337714 -1.020011997683076 -0.07778040061565288 0.9920156601337634 0.09927305439766743 -0.23819337862319817 -0.2931275530984462 -0.11792869502880435 0.9487723965753435 -0.5345009142583389 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/94022639_2742603296.jpg notre_dame_front_facade/test/images/40557752_4654011030.jpg 0 0 699.852 0.0 239.5 0.0 699.852 319.5 0.0 0.0 1.0 524.982 0.0 239.5 0.0 524.982 319.5 0.0 0.0 1.0 0.9899693838786853 0.021656820593619473 -0.13961232432930953 0.36257650553035053 0.03880385124316335 0.9084998668650349 0.41607962343151617 -1.0410083625997064 0.1358487398232129 -0.4173235843179602 0.8985466854095314 -1.1974542664008931 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/94098462_7321392130.jpg notre_dame_front_facade/test/images/20281279_9286833193.jpg 0 0 515.113 0.0 319.5 0.0 515.113 211.5 0.0 0.0 1.0 729.434 0.0 239.5 0.0 729.434 319.5 0.0 0.0 1.0 0.96924103914882 -0.061955058702430794 -0.2381876964305542 1.570730197478734 0.07901134560792597 0.9948979124795294 0.06273237608364111 -0.3479926008316857 0.23308585391426126 -0.0796223237858131 0.9691910390939482 -1.3000430723175112 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/76922738_2324942217.jpg notre_dame_front_facade/test/images/90283193_9213444193.jpg 0 0 401.674 0.0 249.5 0.0 401.674 165.5 0.0 0.0 1.0 626.017 0.0 319.5 0.0 626.017 238.5 0.0 0.0 1.0 0.9849249826732495 -0.030017361314103645 -0.17035767234215785 0.2797107298904424 0.039511639732449845 0.997832797431704 0.05261690503320152 0.03729569730032614 0.16840905210751755 -0.05855481525338814 0.9839764858871828 -0.42606598446876687 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/62627516_2936660127.jpg notre_dame_front_facade/test/images/67691681_4057682871.jpg 0 0 567.969 0.0 239.5 0.0 567.969 319.5 0.0 0.0 1.0 662.741 0.0 239.5 0.0 662.741 319.5 0.0 0.0 1.0 0.8803594813291975 -0.3184385986809898 -0.3515167741429619 0.7497926810888739 0.3579439409623027 0.9323003490769713 0.05188635889454151 0.04254521265023034 0.31119659182285747 -0.1715019474555466 0.9347426187228186 -0.08471018967721516 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/78529936_5637285314.jpg notre_dame_front_facade/test/images/43674862_141833517.jpg 0 0 580.444 0.0 319.5 0.0 580.444 213.5 0.0 0.0 1.0 756.183 0.0 213.0 0.0 756.183 319.5 0.0 0.0 1.0 0.9974344915217442 -0.016105423836345324 0.06974991358999304 -0.03510903915264951 0.02373897114681373 0.993644057672866 -0.11003612088897527 0.10833206422953975 -0.06753440879766816 0.11140961347412584 0.991477181610296 0.8132910116495111 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/84046481_8129096.jpg notre_dame_front_facade/test/images/94022639_2742603296.jpg 0 0 528.081 0.0 249.5 0.0 528.081 187.0 0.0 0.0 1.0 699.852 0.0 239.5 0.0 699.852 319.5 0.0 0.0 1.0 0.8904286377407408 -0.09434782870288412 -0.44523626122567783 0.6585935058051505 0.07400584311820324 0.9952722583561024 -0.06289886271711964 0.33936540461919296 0.449065670337349 0.023056863745843793 0.8932012117987037 1.2246947462018565 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/52678522_7965495246.jpg notre_dame_front_facade/test/images/55721528_5595678955.jpg 0 0 736.382 0.0 239.5 0.0 736.382 319.5 0.0 0.0 1.0 791.388 0.0 319.5 0.0 791.388 212.0 0.0 0.0 1.0 0.9901076424187354 -0.07050103965550578 -0.12131141674016711 0.21044062420024173 0.12475902159682777 0.837980650853549 0.5312472261812432 -0.9237203257406958 0.0642031381960101 -0.5411266323168317 0.8384866873381047 -0.7588346264116633 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/30853200_42283424.jpg notre_dame_front_facade/test/images/37809717_6059506804.jpg 0 0 648.551 0.0 239.5 0.0 648.551 319.5 0.0 0.0 1.0 498.988 0.0 211.5 0.0 498.988 319.5 0.0 0.0 1.0 0.9658816540613738 0.02470923540723357 0.25780241277624827 -1.1851170980895498 -0.08399795472912998 0.9715152018819206 0.2215909657762566 -0.23659903580314404 -0.24498361975648145 -0.23568552394646766 0.9404442353766069 -0.7594937433467025 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/37414234_5204240482.jpg notre_dame_front_facade/test/images/35960796_2756840211.jpg 0 0 981.426 0.0 213.5 0.0 981.426 319.5 0.0 0.0 1.0 544.223 0.0 187.0 0.0 544.223 249.5 0.0 0.0 1.0 0.9987443808344811 0.042981914208579074 0.025733573450168502 -0.19452205573128434 -0.036676005067043264 0.9772592095320705 -0.20885235942424696 -0.08741265253240076 -0.03412524584337942 0.20764631572873857 0.9776085490422072 -0.29640774030057004 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/41969558_542015413.jpg notre_dame_front_facade/test/images/97480396_277512345.jpg 0 0 663.804 0.0 319.5 0.0 663.804 239.5 0.0 0.0 1.0 708.643 0.0 239.5 0.0 708.643 319.5 0.0 0.0 1.0 0.8673310565756871 0.0665011460082709 0.49326913128523325 -1.023394537243059 -0.07232687945833628 0.9973543701406973 -0.007285799137538524 0.2972301202884625 -0.49244863773506503 -0.029357417135025755 0.8698462400056912 1.3497513221507709 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/90581608_3777244265.jpg notre_dame_front_facade/test/images/55422345_4940624653.jpg 0 0 508.089 0.0 239.5 0.0 508.089 319.5 0.0 0.0 1.0 668.447 0.0 319.5 0.0 668.447 239.5 0.0 0.0 1.0 0.9931368689539356 -0.0008563310144399001 -0.11695480418335688 0.32560746536650265 -0.0010091165125818845 0.9998732365620447 -0.01589001229721369 0.0532383908104344 0.1169535857006431 0.01589897808462155 0.9930101113722997 0.3012779055788406 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/46229295_1990406788.jpg notre_dame_front_facade/test/images/47626142_1393227120.jpg 0 0 966.463 0.0 241.5 0.0 966.463 319.5 0.0 0.0 1.0 253.177 0.0 166.0 0.0 253.177 249.5 0.0 0.0 1.0 0.9316575761041004 -0.10193710096998451 -0.3487448757095479 1.0244149577334478 0.16748227740523175 0.9722681544279701 0.16323088751944556 -0.47044084143936277 0.32243425320984404 -0.21048387902892723 0.9228936499001095 -0.9577528089918008 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/37513893_13969657371.jpg notre_dame_front_facade/test/images/47488321_414904806.jpg 0 0 889.692 0.0 213.0 0.0 889.692 319.5 0.0 0.0 1.0 559.625 0.0 249.5 0.0 559.625 187.0 0.0 0.0 1.0 0.8802646507316914 0.014248393569633418 -0.4742690459569317 1.8793033540485267 0.17111570405226909 0.922753014170346 0.34532056218278917 -1.1335598827273234 0.4425534549621205 -0.3851283657694226 0.8098287358329934 -1.7910852766370973 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/41995021_5921639869.jpg notre_dame_front_facade/test/images/79793488_5196381575.jpg 0 0 540.721 0.0 319.5 0.0 540.721 239.5 0.0 0.0 1.0 761.869 0.0 239.5 0.0 761.869 319.5 0.0 0.0 1.0 0.9550894003423559 -0.19965268161643318 -0.21895900090438447 0.28921857071223883 0.09912361324406113 0.9116312911696783 -0.39887704654159684 0.44840011080503134 0.27924674868495947 0.3592592318697915 0.8904796784122624 1.1930325732498852 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/45459434_6823683093.jpg notre_dame_front_facade/test/images/34722769_6860824250.jpg 0 0 722.12 0.0 319.5 0.0 722.12 319.5 0.0 0.0 1.0 575.935 0.0 239.5 0.0 575.935 319.5 0.0 0.0 1.0 0.9768848846909856 0.003537580285121102 0.21373677172635996 -0.5697224482493274 -0.026412314454175724 0.9941990339385545 0.10426250793463104 -0.38271897385152764 -0.21212805497494563 -0.10749775086657203 0.9713114443118513 -0.8020183460706698 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/96809970_2634698191.jpg notre_dame_front_facade/test/images/83944433_8236093365.jpg 0 0 1900.54 0.0 319.5 0.0 1900.54 239.5 0.0 0.0 1.0 640.896 0.0 239.5 0.0 640.896 319.5 0.0 0.0 1.0 0.8942849401739204 0.045392474123736905 0.4451898124070829 -1.2711028430810778 -0.11753367374997929 0.9837407107053083 0.13579414433564038 -0.798047201324838 -0.43178731027319606 -0.17376345241143534 0.88507964686411 -2.692094437976473 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/93967284_1001548090.jpg notre_dame_front_facade/test/images/89754598_4524545386.jpg 0 0 693.696 0.0 319.5 0.0 693.696 239.5 0.0 0.0 1.0 499.552 0.0 212.5 0.0 499.552 319.5 0.0 0.0 1.0 0.8723661542119717 0.058925378935505736 0.4852886694563573 -1.4034899968790289 -0.12321788132319926 0.9871614398786498 0.10163486281258245 -0.3276746989719252 -0.4730693888930424 -0.14845905608624058 0.86842688924189 -0.6361280509187501 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/65265933_1398358926.jpg notre_dame_front_facade/test/images/02670240_5196986488.jpg 0 0 902.934 0.0 319.5 0.0 902.934 239.5 0.0 0.0 1.0 705.055 0.0 237.5 0.0 705.055 319.5 0.0 0.0 1.0 0.9559391390639083 -0.042693865192704135 -0.29044379194718706 0.8997121754039711 -0.019457487021404693 0.9779780741629458 -0.2077986829971441 -0.11408345484017304 0.2929193892601948 0.20429420043516391 0.9340568029108248 -0.9798204941597648 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/79846448_7965487020.jpg notre_dame_front_facade/test/images/90793558_9763268725.jpg 0 0 727.071 0.0 239.5 0.0 727.071 319.5 0.0 0.0 1.0 1558.15 0.0 239.5 0.0 1558.15 319.5 0.0 0.0 1.0 0.9955894237376356 -0.035451892015036894 -0.086861169082143 0.18434763208300464 0.019741744984016 0.9842894436968982 -0.17545527786828313 0.5114841845355519 0.09171675335917946 0.17296662793557757 0.9806480422525948 2.6169954883222317 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/08166131_278426084.jpg notre_dame_front_facade/test/images/49984163_4144073459.jpg 0 0 496.946 0.0 212.5 0.0 496.946 319.5 0.0 0.0 1.0 699.426 0.0 239.5 0.0 699.426 319.5 0.0 0.0 1.0 0.9943908787825442 -0.0745346286956507 -0.07504245011512596 0.10416374596050254 0.05355352108526139 0.9666439753080116 -0.2504624630161071 0.44201417234276286 0.09120745897924219 0.24503880126609712 0.9652135438858203 1.1464258440956983 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/64105845_298847718.jpg notre_dame_front_facade/test/images/89455443_12073338213.jpg 0 0 680.938 0.0 165.0 0.0 680.938 249.5 0.0 0.0 1.0 460.921 0.0 212.5 0.0 460.921 319.5 0.0 0.0 1.0 0.9895970515905381 -0.027178610747726643 -0.1412763200297117 0.37715001906807544 0.032685895236234296 0.9987876390881056 0.03680875245663613 -0.27265425605792953 0.14010463138640308 -0.04104357589966494 0.9892856600302304 -1.380228832458135 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/86200490_476468804.jpg notre_dame_front_facade/test/images/51575595_2715884125.jpg 0 0 254.811 0.0 319.5 0.0 254.811 222.0 0.0 0.0 1.0 912.594 0.0 213.0 0.0 912.594 319.5 0.0 0.0 1.0 0.9918661325482463 -0.041685951091451574 -0.12026577478811547 0.21134967490243284 0.05732873119712551 0.9898954507355116 0.12969353566182873 0.2179576264696509 0.11364414495746074 -0.13553330990844803 0.9842335750329533 0.9658483765069409 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/14613723_93691617.jpg notre_dame_front_facade/test/images/67484798_514709769.jpg 0 0 1207.8 0.0 187.0 0.0 1207.8 249.5 0.0 0.0 1.0 753.349 0.0 319.5 0.0 753.349 239.5 0.0 0.0 1.0 0.9774858495321349 -0.06612610543706207 -0.20037153526428544 0.9610922224231545 0.11402605638644149 0.9645639277831448 0.2379379912592942 -0.8584176375814635 0.17753724237296323 -0.2554285955003442 0.9503876894043426 -2.4146812063716014 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/35152725_4701790456.jpg notre_dame_front_facade/test/images/40243914_9622635816.jpg 0 0 711.581 0.0 239.5 0.0 711.581 319.5 0.0 0.0 1.0 496.624 0.0 319.5 0.0 496.624 213.5 0.0 0.0 1.0 0.9024734735225978 0.023234588546625204 0.4301183366041555 -0.7825011221099798 -0.06677596345832428 0.9940189760647237 0.08641322773424723 0.020412803341992768 -0.4255380127465335 -0.10670721211945966 0.8986272701122658 -0.6050674433439256 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/92799893_8631875281.jpg notre_dame_front_facade/test/images/47488321_414904806.jpg 0 0 519.666 0.0 319.5 0.0 519.666 262.5 0.0 0.0 1.0 559.625 0.0 249.5 0.0 559.625 187.0 0.0 0.0 1.0 0.875030320174096 0.07485409579180466 -0.478245546889054 3.1124553974725027 0.1844684809692429 0.8618573129366217 0.4724122687511051 -0.7278046324014774 0.44754141518402424 -0.5015962883443791 0.7403430591382776 -0.9631558836686028 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/41995021_5921639869.jpg notre_dame_front_facade/test/images/59085967_8112490960.jpg 0 0 540.721 0.0 319.5 0.0 540.721 239.5 0.0 0.0 1.0 944.748 0.0 319.5 0.0 944.748 319.5 0.0 0.0 1.0 0.9996593978162549 -0.013613263913708913 -0.02226583488797584 0.14500458324697063 0.003174917130398767 0.9102733794257135 -0.4139955248672457 0.7430438929715346 0.025903827108324964 0.4137838249068067 0.910006559309676 2.1272436620137203 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/14726037_8034366725.jpg notre_dame_front_facade/test/images/75827637_332080023.jpg 0 0 626.047 0.0 319.5 0.0 626.047 239.5 0.0 0.0 1.0 824.199 0.0 239.5 0.0 824.199 319.5 0.0 0.0 1.0 0.9940927877518916 -0.10455326897939705 -0.029122899673531755 0.03920929325244499 0.0724018732685661 0.8387314672038211 -0.5397105656454467 0.5339757522449919 0.0808547963133619 0.5344138282902562 0.8413467549383413 1.9764880187079765 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/35152725_4701790456.jpg notre_dame_front_facade/test/images/60710605_5891944796.jpg 0 0 711.581 0.0 239.5 0.0 711.581 319.5 0.0 0.0 1.0 524.269 0.0 319.5 0.0 524.269 179.0 0.0 0.0 1.0 0.8509427624328393 0.12916189814498785 -0.50913025752822 0.7086110892230106 0.31910397672085455 0.642794481738185 0.6964107310257895 -0.7436686463820243 0.4172158519329104 -0.7550711610931264 0.5057652366279968 -0.6021864760930568 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/29443215_4125074438.jpg notre_dame_front_facade/test/images/18811361_141654097.jpg 0 0 532.032 0.0 319.5 0.0 532.032 213.0 0.0 0.0 1.0 487.423 0.0 319.5 0.0 487.423 179.5 0.0 0.0 1.0 0.979207454468689 -0.01627492419689097 0.20220753684107814 -0.5341685667097009 -0.10811903885724473 0.8015373841667381 0.5880885096817727 -1.4313263759480002 -0.17164799605453052 -0.597723137100722 0.7831117524497608 -0.9417045170493266 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/46129623_985747637.jpg notre_dame_front_facade/test/images/67691681_4057682871.jpg 0 0 663.962 0.0 319.5 0.0 663.962 239.5 0.0 0.0 1.0 662.741 0.0 239.5 0.0 662.741 319.5 0.0 0.0 1.0 0.9614204425669405 -0.03460736043533693 0.2728975324514443 -0.2682677386058284 0.19081942662515486 0.7984641369476687 -0.5710017236671551 0.5034488234792629 -0.198138030263843 0.6010468805443661 0.7742635005933387 1.421424468338481 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/72357333_2327691828.jpg notre_dame_front_facade/test/images/04354414_8981826522.jpg 0 0 1291.45 0.0 249.5 0.0 1291.45 249.5 0.0 0.0 1.0 351.504 0.0 213.0 0.0 351.504 319.5 0.0 0.0 1.0 0.9374401319375517 -0.09989000297767762 -0.33350860009604716 1.84289013751946 0.12602283674542558 0.9903533027183948 0.05760712120392101 -0.44124820320703173 0.3245369680815136 -0.09603292716504583 0.9409853523028782 -3.381488899203095 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/46008440_428692335.jpg notre_dame_front_facade/test/images/21382041_8924895915.jpg 0 0 662.084 0.0 249.5 0.0 662.084 187.0 0.0 0.0 1.0 838.043 0.0 239.5 0.0 838.043 319.5 0.0 0.0 1.0 0.9971941853011409 -0.02744387516143451 -0.0696461809270055 0.002495550786202144 -0.029804988968208893 0.7078926243470999 -0.7056909344944008 0.5878949849797296 0.06866891170099122 0.705786700151752 0.7050884444200614 2.3457323291111525 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/76309603_8305176254.jpg notre_dame_front_facade/test/images/88021890_8415895778.jpg 0 0 484.145 0.0 319.5 0.0 484.145 212.0 0.0 0.0 1.0 630.164 0.0 180.0 0.0 630.164 319.5 0.0 0.0 1.0 0.9935679517835453 0.09254360138318568 0.06525647118623785 -0.07935479413462232 -0.02755242364839882 0.7565321272122775 -0.6533758523597005 0.2784267925872852 -0.10983437139506654 0.647375333433933 0.7542158766040093 2.169184690547127 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16804042_6635582193.jpg notre_dame_front_facade/test/images/57296298_268265874.jpg 0 0 975.444 0.0 319.5 0.0 975.444 213.5 0.0 0.0 1.0 871.099 0.0 249.5 0.0 871.099 187.0 0.0 0.0 1.0 0.8824523948287163 -0.15530844641603367 -0.4440237125795215 1.1246929766294502 -0.03008111409638585 0.9233612760802977 -0.38275198289503937 0.1259522121673561 0.4694389176834231 0.35111713189077276 0.8101505182723849 0.954779373689177 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/20437892_10017965835.jpg notre_dame_front_facade/test/images/11229713_5151251181.jpg 0 0 512.02 0.0 179.5 0.0 512.02 319.5 0.0 0.0 1.0 510.333 0.0 230.0 0.0 510.333 319.5 0.0 0.0 1.0 0.9995934790916442 0.010055992219068248 0.02667871020031753 -0.14797282101137374 -0.008602201569673146 0.9985007168551414 -0.05405849209813045 0.16366695368097042 -0.02718232303570098 0.05380702054805634 0.9981813091087829 1.352061978035552 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/77664805_1165807524.jpg notre_dame_front_facade/test/images/64341618_7502873932.jpg 0 0 735.025 0.0 239.5 0.0 735.025 319.5 0.0 0.0 1.0 858.706 0.0 305.5 0.0 858.706 305.5 0.0 0.0 1.0 0.9461276810993202 -0.06373570625728792 -0.3174589277457924 0.9804901252094127 0.15453765932359692 0.9504486002561298 0.26975094091021773 -0.48104510299268666 0.2845356267823194 -0.3042781918229576 0.9090952970247641 -0.566750370173331 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/42766818_2665007597.jpg notre_dame_front_facade/test/images/25819788_12704796265.jpg 0 0 831.635 0.0 319.5 0.0 831.635 239.5 0.0 0.0 1.0 541.8 0.0 319.5 0.0 541.8 212.0 0.0 0.0 1.0 0.999241151787867 -0.020487757515394563 0.03312661114040311 -0.10401240631141412 0.020666812339940506 0.9997735542679501 -0.0050717900327266405 -0.1698454108139455 -0.0330152001563336 0.005752562769824897 0.9994382945335928 -0.6610077805624999 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/13729493_60409794.jpg notre_dame_front_facade/test/images/53981929_372412956.jpg 0 0 698.515 0.0 239.5 0.0 698.515 319.5 0.0 0.0 1.0 669.186 0.0 239.5 0.0 669.186 319.5 0.0 0.0 1.0 0.9969198747377157 0.017213533798206407 0.07651442744420857 -0.21716090442232883 -0.01186619435594844 0.9974904428971948 -0.06979978338264974 0.035589642732754986 -0.07752391104971361 0.06867685623946376 0.9946223065227423 0.02174969076260587 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/35184160_219996854.jpg notre_dame_front_facade/test/images/89810148_5254985106.jpg 0 0 541.484 0.0 187.0 0.0 541.484 249.5 0.0 0.0 1.0 782.364 0.0 211.5 0.0 782.364 319.5 0.0 0.0 1.0 0.7960108804800765 -0.32813109303792176 -0.5086223195447402 0.770027440472663 0.05373225428243084 0.8752960149076848 -0.480593103504882 0.5979207356646294 0.6028926297501581 0.35522791566607587 0.7143763748364541 2.5226482152538545 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/35565310_3122947188.jpg notre_dame_front_facade/test/images/29863293_231094349.jpg 0 0 659.902 0.0 239.5 0.0 659.902 319.5 0.0 0.0 1.0 501.443 0.0 187.0 0.0 501.443 249.5 0.0 0.0 1.0 0.9818699845639818 0.12780453945041115 0.13999047506239268 -0.13910117399653016 -0.026574232077274006 0.8240343340380342 -0.565916271648021 0.1351313836068479 -0.18768362635517585 0.5519360615346327 0.812490886334 2.044876424020931 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/12297295_3241434580.jpg notre_dame_front_facade/test/images/64518898_5543139365.jpg 0 0 709.584 0.0 239.5 0.0 709.584 319.5 0.0 0.0 1.0 551.721 0.0 228.0 0.0 551.721 319.5 0.0 0.0 1.0 0.9172694603175792 0.07033832660146448 0.39200670527377823 -1.1356923494223357 -0.0850129051740216 0.9961754872496068 0.020179310119054755 -0.1262333497979083 -0.38908809172547276 -0.05183549376550676 0.9197410170605181 -0.15981215585376127 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/99155510_288146072.jpg notre_dame_front_facade/test/images/64481818_6172668375.jpg 0 0 789.09 0.0 319.5 0.0 789.09 239.5 0.0 0.0 1.0 758.649 0.0 319.5 0.0 758.649 319.5 0.0 0.0 1.0 0.7992379499176974 0.14701950943045086 0.5827554918301376 -2.340793371547533 -0.1585295342385811 0.9868501699684938 -0.03154566225732368 -0.17412656606630147 -0.5797301839523749 -0.0671714662634675 0.8120350410755447 -0.6256291664731685 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/29443215_4125074438.jpg notre_dame_front_facade/test/images/04720612_2486654456.jpg 0 0 532.032 0.0 319.5 0.0 532.032 213.0 0.0 0.0 1.0 656.635 0.0 239.5 0.0 656.635 319.5 0.0 0.0 1.0 0.9963182456169936 -0.02385222421071344 -0.08234697839555509 0.16448059988378816 0.015432670652636484 0.9947253155304949 -0.10140699837429773 0.06881586208286616 0.08433140652926058 0.09976280891674728 0.9914310847607297 0.29209160736730294 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/43866772_7750717370.jpg notre_dame_front_facade/test/images/10570085_9512778760.jpg 0 0 440.442 0.0 319.5 0.0 440.442 212.5 0.0 0.0 1.0 532.423 0.0 319.5 0.0 532.423 239.5 0.0 0.0 1.0 0.9686044476713714 0.017284046220837377 -0.24800541465353843 0.6983283923149531 0.0549248468014175 0.9580520241972125 0.28128202952813147 -0.35593361628748466 0.2424637811201467 -0.28607268425674576 0.9270241281471922 -0.9981247374936706 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/32627688_2172828509.jpg notre_dame_front_facade/test/images/16926208_509236966.jpg 0 1 724.585 0.0 240.0 0.0 724.585 319.5 0.0 0.0 1.0 864.355 0.0 319.5 0.0 864.355 239.5 0.0 0.0 1.0 0.010857083814699103 -0.9994581006440082 0.031074568188662756 -0.3037318460280133 0.9976177175605635 0.012943829951048078 0.0677594781226221 -0.22031096834557962 -0.06812498323150148 0.030264869457336224 0.9972176414085532 1.552033880192954 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/19969696_3085995005.jpg notre_dame_front_facade/test/images/76922738_2324942217.jpg 0 0 1261.33 0.0 319.5 0.0 1261.33 239.5 0.0 0.0 1.0 401.674 0.0 249.5 0.0 401.674 165.5 0.0 0.0 1.0 0.9999496157091898 0.002302604227143771 -0.009770570956529683 0.1785212166595842 -0.0022291001987671992 0.9999691854459981 0.007527235267429619 -0.49963745732256126 0.009787602124488835 -0.007505076431357651 0.9999239354432978 -2.9299236747750523 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/91963349_6452367725.jpg notre_dame_front_facade/test/images/63136592_197609530.jpg 0 0 516.037 0.0 239.5 0.0 516.037 319.5 0.0 0.0 1.0 889.805 0.0 259.5 0.0 889.805 319.5 0.0 0.0 1.0 0.99848364766637 -0.01183760676801142 -0.0537612909895793 0.07304693820472852 0.0006363801948578519 0.9790227140111264 -0.20375014225893387 0.6160546511138634 0.05504543907634749 0.20340697263440635 0.9775457038525605 2.110989519461145 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16445294_19140011.jpg notre_dame_front_facade/test/images/59441370_9094154456.jpg 0 0 627.378 0.0 239.5 0.0 627.378 319.5 0.0 0.0 1.0 709.773 0.0 319.5 0.0 709.773 239.5 0.0 0.0 1.0 0.9691315191118071 -0.02285559299326559 -0.2454826277620631 0.7965289207432711 0.1196030035430335 0.914267291800254 0.38705353723705216 -1.0795452592141916 0.21559039915433742 -0.40446624211812193 0.8887788469463693 -1.2199988494485585 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/00172642_6310427717.jpg notre_dame_front_facade/test/images/87453268_2874605638.jpg 0 0 765.913 0.0 319.5 0.0 765.913 239.5 0.0 0.0 1.0 859.782 0.0 212.5 0.0 859.782 319.5 0.0 0.0 1.0 0.9954811632065683 -0.025601211524823034 0.09144305150944576 -0.13914075343838705 0.040534751080328925 0.9853939002348031 -0.1653958746006053 0.5434176375979376 -0.08587309040528154 0.16835509896793938 0.9819788047589123 1.5519941705474931 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/73348950_1065232460.jpg notre_dame_front_facade/test/images/51192770_8304131159.jpg 0 0 3530.37 0.0 319.5 0.0 3530.37 213.0 0.0 0.0 1.0 525.628 0.0 212.0 0.0 525.628 319.5 0.0 0.0 1.0 0.6968404985782631 -0.023621793789807322 -0.716837031967064 1.7948166673080408 0.09624652398997302 0.9934974340157771 0.0608231471062971 -0.3071915315132066 0.7107390000281718 -0.11137710474877022 0.6945827627984558 -1.5502469874899352 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/79793488_5196381575.jpg notre_dame_front_facade/test/images/51575595_2715884125.jpg 0 0 761.869 0.0 239.5 0.0 761.869 319.5 0.0 0.0 1.0 912.594 0.0 213.0 0.0 912.594 319.5 0.0 0.0 1.0 0.879556188852066 0.17802483137321948 0.44123471085870564 -1.0636884202047474 -0.1381691137192629 0.9829682891903574 -0.12117193759371692 0.3572027325152759 -0.4552913426214716 0.04561251868422745 0.8891733753735649 1.256829723393362 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/13729493_60409794.jpg notre_dame_front_facade/test/images/33645044_55429420.jpg 0 0 698.515 0.0 239.5 0.0 698.515 319.5 0.0 0.0 1.0 526.679 0.0 187.0 0.0 526.679 249.5 0.0 0.0 1.0 0.9949323218907432 -0.016231162400745732 0.09922814229952488 -0.2539315288197098 0.020789702668611246 0.9987670342092495 -0.04507992502001609 0.005082726104092321 -0.0983740978105765 0.04691439804559098 0.9940430454140177 -0.03931089494149492 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/01927388_3809070796.jpg notre_dame_front_facade/test/images/55945829_7504406658.jpg 0 0 688.527 0.0 319.5 0.0 688.527 239.5 0.0 0.0 1.0 534.047 0.0 319.5 0.0 534.047 239.5 0.0 0.0 1.0 0.8952352600422436 -0.021720296490791227 0.4450641053797175 -1.5387888605696096 -0.23141744833490197 0.8308849146844398 0.5060397446406696 -0.447016068259935 -0.3807883845172526 -0.5560202219975307 0.7388110170717255 -0.6196304632077713 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/88264143_2551880831.jpg notre_dame_front_facade/test/images/66842228_181918175.jpg 0 0 688.704 0.0 239.5 0.0 688.704 319.5 0.0 0.0 1.0 658.953 0.0 239.5 0.0 658.953 319.5 0.0 0.0 1.0 0.9364699693499061 -0.08130499929177971 -0.3411942168266485 0.6421138479583498 0.09724953126454633 0.9948119952910849 0.029860051804990226 -0.009948340218333268 0.33699632813224 -0.06114401945517135 0.9395184318097507 0.016665846603848844 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/70470648_253650724.jpg notre_dame_front_facade/test/images/85088510_2525102624.jpg 0 0 661.366 0.0 239.5 0.0 661.366 319.5 0.0 0.0 1.0 889.277 0.0 166.0 0.0 889.277 249.5 0.0 0.0 1.0 0.970959024157029 -0.0745629149520491 -0.22733003567915092 0.480934063714184 0.0820773171575672 0.9963424746034 0.023769461697518045 0.3547497712510792 0.22472624994923637 -0.041737812772438744 0.9735276408858283 0.976508815522985 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/26162967_291218280.jpg notre_dame_front_facade/test/images/85190592_5089023484.jpg 0 0 1095.75 0.0 165.0 0.0 1095.75 249.5 0.0 0.0 1.0 491.859 0.0 239.5 0.0 491.859 319.5 0.0 0.0 1.0 0.981969137010132 -0.017347628625092495 -0.1882436552467643 1.1308325687544323 -0.0003737607518741492 0.9956004579228762 -0.09369945830504882 -0.19375419303261732 0.18904093276980288 0.09208033430024622 0.9776424386107009 -1.6196849916516165 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/48541802_2699303896.jpg notre_dame_front_facade/test/images/75271422_4231357851.jpg 0 0 606.303 0.0 239.5 0.0 606.303 319.5 0.0 0.0 1.0 733.721 0.0 319.5 0.0 733.721 239.5 0.0 0.0 1.0 0.995184866042153 -0.07953961232349396 -0.0572759327474488 0.32373414046737425 0.08222241831041761 0.9955466600356407 0.046112055029751665 -0.07321933961122123 0.05335312856664257 -0.05059938500919191 0.9972929087829929 -0.29469960463287603 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/77664805_1165807524.jpg notre_dame_front_facade/test/images/90793558_9763268725.jpg 0 0 735.025 0.0 239.5 0.0 735.025 319.5 0.0 0.0 1.0 1558.15 0.0 239.5 0.0 1558.15 319.5 0.0 0.0 1.0 0.9874985633135221 0.06067267618180746 0.14548337987092316 -0.2657057371468272 -0.049565297742735236 0.9956577794969841 -0.07879636658380333 0.3718863323925376 -0.14963244539004178 0.07060037175590965 0.9862178860650033 1.9220682034243475 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/11689125_6228298812.jpg notre_dame_front_facade/test/images/54869923_2442824829.jpg 0 0 499.904 0.0 319.5 0.0 499.904 212.5 0.0 0.0 1.0 527.475 0.0 239.5 0.0 527.475 319.5 0.0 0.0 1.0 0.9654003078217082 0.04151261854510108 0.2574469812588221 -0.5487166259392712 -0.010482689121911784 0.9926276656762166 -0.12074945367561091 -0.019660189601191827 -0.26056162205229827 0.11387282307782694 0.958718217871008 -0.08547724808773316 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/57706804_4859293655.jpg notre_dame_front_facade/test/images/61928533_225869442.jpg 0 0 639.797 0.0 239.5 0.0 639.797 319.5 0.0 0.0 1.0 1184.17 0.0 249.5 0.0 1184.17 187.0 0.0 0.0 1.0 0.9079030350064479 0.23043829647577221 0.3501574939129889 -0.4104359101346735 -0.038710562336186013 0.8778607551192281 -0.47734891534925983 0.06532256265817549 -0.417388992894754 0.4198317355070275 0.8059328399261693 0.19916155976404126 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/60710605_5891944796.jpg notre_dame_front_facade/test/images/22891861_445889696.jpg 0 0 524.269 0.0 319.5 0.0 524.269 179.0 0.0 0.0 1.0 1183.91 0.0 319.5 0.0 1183.91 239.5 0.0 0.0 1.0 0.863248364217436 0.3127221643563583 0.39624122652267746 -0.5723487651163736 0.0218625551932419 0.7610795148879373 -0.6482900590772346 0.2794065979300521 -0.5043057508658249 0.5682981787215377 0.6501637406880206 2.1194807960701882 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/48323035_392280377.jpg notre_dame_front_facade/test/images/89455443_12073338213.jpg 0 0 523.158 0.0 319.5 0.0 523.158 239.5 0.0 0.0 1.0 460.921 0.0 212.5 0.0 460.921 319.5 0.0 0.0 1.0 0.9990955563775781 -0.005757581518895138 -0.042129793277808525 -0.024307204091800733 -0.022509696671617216 0.768961020595642 -0.6388992583813665 0.5973372493013549 0.03607468339887942 0.6392697388892751 0.7681359372911207 1.4763385654705063 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/04720612_2486654456.jpg notre_dame_front_facade/test/images/17355996_7160680080.jpg 0 0 656.635 0.0 239.5 0.0 656.635 319.5 0.0 0.0 1.0 592.885 0.0 207.5 0.0 592.885 319.5 0.0 0.0 1.0 0.9382393257508889 0.10642657722459775 0.329211711934393 -1.0027922785560524 -0.1195997747171684 0.9926214738709217 0.019962552389953522 0.19770021085257267 -0.324658068592357 -0.058103298276223535 0.9440450970304886 0.72822407708961 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/41995021_5921639869.jpg notre_dame_front_facade/test/images/75827637_332080023.jpg 0 0 540.721 0.0 319.5 0.0 540.721 239.5 0.0 0.0 1.0 824.199 0.0 239.5 0.0 824.199 319.5 0.0 0.0 1.0 0.9927326606184637 -0.08472681339957731 -0.08545894705962445 0.13298231013055148 0.032671492384687195 0.873226696499206 -0.4862177599660886 0.5023905815068014 0.11582071544738368 0.47989217915302274 0.8696488131774912 1.8869548039565687 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/66503262_8564870595.jpg notre_dame_front_facade/test/images/73563955_5923240867.jpg 0 0 434.857 0.0 319.5 0.0 434.857 213.0 0.0 0.0 1.0 1302.54 0.0 319.5 0.0 1302.54 179.0 0.0 0.0 1.0 0.9613655269445577 0.17023662068615314 0.21632340737879366 -0.38719361437388833 -0.026418766833595196 0.8392758105024396 -0.5430636819604725 0.8900697661804556 -0.27400432909281713 0.5163677051121922 0.8113482734039454 5.167374197386956 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/96890437_6186643187.jpg notre_dame_front_facade/test/images/83755577_4922523649.jpg 0 0 705.87 0.0 239.5 0.0 705.87 319.5 0.0 0.0 1.0 667.625 0.0 239.5 0.0 667.625 319.5 0.0 0.0 1.0 0.9940964915342972 -0.006775280830401615 -0.10828786214931868 0.24321778265365043 0.006814281268565003 0.9999767824670132 -9.884983098200652e-06 0.009306841938696783 0.10828541494584368 -0.0007280773236402632 0.9941195797354649 0.046887654418034996 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16248504_5575722639.jpg notre_dame_front_facade/test/images/92796397_10905257324.jpg 0 0 303.539 0.0 211.5 0.0 303.539 319.5 0.0 0.0 1.0 747.301 0.0 239.5 0.0 747.301 319.5 0.0 0.0 1.0 0.970970851385735 0.17324670138763848 0.1649278212357248 -0.02291222986715513 -0.06542503670233607 0.8555645263326586 -0.5135454272541734 0.82009651560165 -0.23007644453911122 0.48784723196865226 0.8420628883454996 2.464823097201726 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/81974946_5100244969.jpg notre_dame_front_facade/test/images/48323035_392280377.jpg 0 0 697.124 0.0 319.5 0.0 697.124 213.0 0.0 0.0 1.0 523.158 0.0 319.5 0.0 523.158 239.5 0.0 0.0 1.0 0.9746496894908339 0.041246373318759195 0.21990161314431186 -0.4585396679187661 -0.1470743161187612 0.8587775915255986 0.4907852828189644 -1.18313363720951 -0.16860346471416224 -0.5106856028727869 0.8430735950703464 -0.6268615099099595 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/32840366_393315242.jpg notre_dame_front_facade/test/images/50392091_3354172959.jpg 0 0 516.713 0.0 319.5 0.0 516.713 213.5 0.0 0.0 1.0 1006.14 0.0 239.5 0.0 1006.14 319.5 0.0 0.0 1.0 0.9979864589155246 0.033905285404469854 -0.05360465877975016 -0.19916045603931168 -0.04159490116855331 0.9878780692387837 -0.14955528915364727 0.26639145754816107 0.047884152055040936 0.15148383391865353 0.9872992231554097 1.3359336334880445 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/79392901_158654812.jpg notre_dame_front_facade/test/images/81875745_5270921683.jpg 0 0 506.813 0.0 249.5 0.0 506.813 187.0 0.0 0.0 1.0 785.224 0.0 319.5 0.0 785.224 214.5 0.0 0.0 1.0 0.8228867802509007 0.5477081120069878 0.15123878778291927 -0.5612728294372058 -0.518032425759955 0.8325196918339918 -0.19635011731570767 0.62690060555893 -0.2334518210457191 0.08322731973562858 0.9688000105801307 1.418947019436396 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/35960796_2756840211.jpg notre_dame_front_facade/test/images/94022639_2742603296.jpg 0 0 544.223 0.0 187.0 0.0 544.223 249.5 0.0 0.0 1.0 699.852 0.0 239.5 0.0 699.852 319.5 0.0 0.0 1.0 0.9867972054679531 -0.008314166468715928 -0.16174717900652402 0.660967445638186 0.03011296272215442 0.9906864381999784 0.13279153076433195 -0.21192726734600456 0.15913668576645731 -0.13590899823989167 0.9778569728956771 -0.6849298311392692 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/64518898_5543139365.jpg notre_dame_front_facade/test/images/33325174_3149906599.jpg 0 0 551.721 0.0 228.0 0.0 551.721 319.5 0.0 0.0 1.0 796.707 0.0 239.5 0.0 796.707 319.5 0.0 0.0 1.0 0.8983871238127997 -0.11829645647646791 -0.42297343196999565 1.0880311003138554 0.07542260144959438 0.990291341446134 -0.11676681997636411 0.24274032974287166 0.4326800283788715 0.07300005097209263 0.8985872164682351 0.8174734105483445 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/51600076_9763474571.jpg notre_dame_front_facade/test/images/51192770_8304131159.jpg 0 0 454.343 0.0 319.5 0.0 454.343 239.5 0.0 0.0 1.0 525.628 0.0 212.0 0.0 525.628 319.5 0.0 0.0 1.0 0.8708374868004723 -0.3205752090955964 -0.37265749274146076 0.04157501324264379 0.09306828966253801 0.8519056217555644 -0.5153592000542486 -0.050251190328901574 0.48268039637251386 0.41411151509536626 0.7717067370595472 -0.27934596175586 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/85618831_8338198385.jpg notre_dame_front_facade/test/images/63909552_10015127425.jpg 0 0 540.444 0.0 319.5 0.0 540.444 179.0 0.0 0.0 1.0 431.287 0.0 319.5 0.0 431.287 179.0 0.0 0.0 1.0 0.9997246606092371 -0.012595215412405561 -0.019798068553784087 0.1056807815269606 0.011347926039777297 0.9980180002440942 -0.061897461687659805 -0.0074684335074105546 0.02053844065018028 0.061655751860590115 0.9978861361488917 0.0005049301174457899 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/12535548_289900767.jpg notre_dame_front_facade/test/images/71272180_3274206565.jpg 0 0 520.377 0.0 213.0 0.0 520.377 319.5 0.0 0.0 1.0 701.674 0.0 319.5 0.0 701.674 239.5 0.0 0.0 1.0 0.6591725434567659 -0.14543310006255464 -0.7377945319388951 1.2601612168077865 0.402712532241544 0.8968437523712194 0.18301338805757877 -0.08881451847872923 0.6350702121248811 -0.4177565047236315 0.6497425093317755 0.13281886950024946 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/39119309_3697303347.jpg notre_dame_front_facade/test/images/92263499_2724825410.jpg 0 0 643.065 0.0 239.5 0.0 643.065 319.5 0.0 0.0 1.0 1088.49 0.0 239.5 0.0 1088.49 319.5 0.0 0.0 1.0 0.9438705175589953 -0.29869395277636146 -0.1410332182776341 0.22278861406173972 0.2762606789046199 0.947895941145907 -0.15866102876974367 0.425554235654686 0.18107590500691287 0.11079353471185797 0.9772084267401606 1.9966071662365972 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/67597816_6045622567.jpg notre_dame_front_facade/test/images/02611690_173893259.jpg 0 0 480.326 0.0 213.0 0.0 480.326 319.5 0.0 0.0 1.0 343.22 0.0 130.5 0.0 343.22 174.5 0.0 0.0 1.0 0.7313283528498532 -0.13973807755562337 -0.6675568215507794 1.6574322326703008 0.2263588267470259 0.9730360916392812 0.044299502492265025 0.0356437364034104 0.6433665532739717 -0.18350486110294437 0.7432398294493903 0.1268513741926962 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/69682451_4629605098.jpg notre_dame_front_facade/test/images/92796397_10905257324.jpg 0 0 714.494 0.0 319.5 0.0 714.494 239.5 0.0 0.0 1.0 747.301 0.0 239.5 0.0 747.301 319.5 0.0 0.0 1.0 0.8919413798556818 0.04136139501762967 0.4502552719328648 -0.5247358592974377 -0.11722388487475956 0.9829120091139371 0.14192442761720997 0.5671361791074103 -0.4366911216363479 -0.1793689419654338 0.8815484370936116 1.766879273617703 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/99239692_3743536843.jpg notre_dame_front_facade/test/images/83116416_6588657413.jpg 0 0 562.649 0.0 187.0 0.0 562.649 249.5 0.0 0.0 1.0 1955.44 0.0 239.5 0.0 1955.44 319.5 0.0 0.0 1.0 0.9284942327349714 0.05754306384978968 0.36686135743721454 -1.2863609645727476 -0.018441085332573794 0.9938471343719765 -0.1092144673217211 0.312110527377278 -0.3708886438672036 0.09463968144171657 0.9238424890353101 8.398683794152968 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/74816282_4206306388.jpg notre_dame_front_facade/test/images/70473816_1756100188.jpg 0 0 698.885 0.0 191.0 0.0 698.885 319.5 0.0 0.0 1.0 677.33 0.0 239.5 0.0 677.33 319.5 0.0 0.0 1.0 0.9822868942066173 0.07045923564998613 0.17363166065420638 -0.3066516677717732 -0.05613170335163604 0.9947044878672596 -0.0860942140656196 0.1752016279642941 -0.17877832460553397 0.07482297727538328 0.9810401789544024 0.6961051645908252 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/88021890_8415895778.jpg notre_dame_front_facade/test/images/94098462_7321392130.jpg 0 0 630.164 0.0 180.0 0.0 630.164 319.5 0.0 0.0 1.0 515.113 0.0 319.5 0.0 515.113 211.5 0.0 0.0 1.0 0.9743963863269769 0.043547587519982445 0.22057944132243648 -1.3312179626421896 -0.05692068920886394 0.9968826367062623 0.05463555411596444 0.23055412487971172 -0.21751256849413683 -0.065792220320947 0.9738375974937112 1.158489334154812 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/96809970_2634698191.jpg notre_dame_front_facade/test/images/78751376_5259305379.jpg 0 0 1900.54 0.0 319.5 0.0 1900.54 239.5 0.0 0.0 1.0 494.969 0.0 319.5 0.0 494.969 212.0 0.0 0.0 1.0 0.9945746574986828 0.00696987198908466 0.10379148108507485 0.09032568033399446 -0.06270483462145565 0.8362793116643624 0.5447063581392053 -1.7506566414175224 -0.08300213477058031 -0.5482593672402106 0.8321792546422256 -2.108385289562026 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16936811_3689681321.jpg notre_dame_front_facade/test/images/35249264_6310946396.jpg 0 0 503.368 0.0 212.5 0.0 503.368 319.5 0.0 0.0 1.0 1037.12 0.0 319.5 0.0 1037.12 239.5 0.0 0.0 1.0 0.961547082895721 0.016039788976428604 0.27417135617040883 -0.7553130080694401 -0.07805813827712049 0.9730836382686875 0.21682979496020433 -0.18911830129165694 -0.2633137566163976 -0.22989336246043726 0.9369177698566693 -0.5626364683636382 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/55165219_6771732707.jpg notre_dame_front_facade/test/images/79553233_156495686.jpg 0 0 705.515 0.0 213.0 0.0 705.515 319.5 0.0 0.0 1.0 1426.95 0.0 239.5 0.0 1426.95 319.5 0.0 0.0 1.0 0.9420367267968128 0.07411159884634445 0.3272220595900977 -0.5727406423300794 0.011568757011131883 0.9675430544704129 -0.25244128348445904 0.36944746661702677 -0.33531025815975907 0.2415945128981661 0.9106037129895383 5.3894196692792695 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/04720612_2486654456.jpg notre_dame_front_facade/test/images/66842228_181918175.jpg 0 0 656.635 0.0 239.5 0.0 656.635 319.5 0.0 0.0 1.0 658.953 0.0 239.5 0.0 658.953 319.5 0.0 0.0 1.0 0.989550536239401 0.04946874122714464 0.13543478087151684 -0.39973110160101866 -0.06709782828306397 0.989389522513399 0.12886525590866274 -0.331191832182191 -0.1276229511804614 -0.1366060627575163 0.9823701776570171 -0.8605619725994732 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/79846448_7965487020.jpg notre_dame_front_facade/test/images/88668272_2557713073.jpg 0 0 727.071 0.0 239.5 0.0 727.071 319.5 0.0 0.0 1.0 552.97 0.0 168.5 0.0 552.97 224.5 0.0 0.0 1.0 0.9206294267965904 -0.16453709498541083 -0.3540748549246939 0.7429053595187882 0.08233863335915022 0.9682896956868949 -0.23587160635211626 -0.025500980338262036 0.38165666242413304 0.18799630209220114 0.9049837470512547 -0.3933165118393347 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16445294_19140011.jpg notre_dame_front_facade/test/images/89527506_47064183.jpg 0 0 627.378 0.0 239.5 0.0 627.378 319.5 0.0 0.0 1.0 486.165 0.0 249.5 0.0 486.165 187.0 0.0 0.0 1.0 0.995436104492599 -0.02443687442172206 -0.09224858286768715 0.3271727497327195 0.018197618835676263 0.9975274803407442 -0.067880576262709 0.11687551386735369 0.09367928555081421 0.06589207185650636 0.9934195620809697 -0.276228011769337 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/76022149_7552328104.jpg notre_dame_front_facade/test/images/59085967_8112490960.jpg 0 0 963.011 0.0 305.5 0.0 963.011 305.5 0.0 0.0 1.0 944.748 0.0 319.5 0.0 944.748 319.5 0.0 0.0 1.0 0.9999068092584389 -0.006962580004419544 0.011742882026566896 0.07375806497486409 0.010722330329868685 0.9329517058665115 -0.3598418349123169 0.7558485369226006 -0.00845011425396066 0.3599342120449903 0.9329394184879567 1.869034423535037 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/92245898_537005790.jpg notre_dame_front_facade/test/images/73100287_2167356662.jpg 0 0 674.772 0.0 239.5 0.0 674.772 319.5 0.0 0.0 1.0 410.944 0.0 166.0 0.0 410.944 249.5 0.0 0.0 1.0 0.9524850054001398 0.004117893513611976 -0.30455764223034426 1.2098609540668699 0.15063961335521978 0.8626881738826033 0.48278030358672386 -1.2322809216899742 0.26472631409832625 -0.5057194455388381 0.8210772320724796 -1.6455063592453323 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16936811_3689681321.jpg notre_dame_front_facade/test/images/54976152_2650219365.jpg 0 0 503.368 0.0 212.5 0.0 503.368 319.5 0.0 0.0 1.0 2084.91 0.0 213.0 0.0 2084.91 319.5 0.0 0.0 1.0 0.9508698932451215 0.033131147236718235 0.30781288667433987 -0.8474013091599591 -0.05235780672934542 0.9971448871728015 0.054412627758949283 0.7820293197308533 -0.30513129337140044 -0.06785573717763566 0.9498897266196619 5.922477161192802 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/43886992_2526982465.jpg notre_dame_front_facade/test/images/06756861_3618322110.jpg 0 0 822.701 0.0 319.5 0.0 822.701 212.5 0.0 0.0 1.0 619.283 0.0 239.5 0.0 619.283 319.5 0.0 0.0 1.0 0.9494844720978062 -0.1676899508614369 -0.26525330841525613 0.45980229991244814 0.09067110276667764 0.9558007356349757 -0.27968501011443936 0.34090584179142813 0.30042967291568373 0.2415057641956571 0.9227225896725662 1.1839795319709814 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/40243914_9622635816.jpg notre_dame_front_facade/test/images/41995021_5921639869.jpg 0 0 496.624 0.0 319.5 0.0 496.624 213.5 0.0 0.0 1.0 540.721 0.0 319.5 0.0 540.721 239.5 0.0 0.0 1.0 0.8098179770594002 -0.039370617178980556 -0.5853586922002325 0.16644873720155423 0.41625290011009797 0.7416702691613707 0.5259835881394334 -0.05279567399884222 0.4134348403090301 -0.6696082185465217 0.6170060505972371 0.004998288948118601 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/79255400_2324943723.jpg notre_dame_front_facade/test/images/22891861_445889696.jpg 0 0 1184.71 0.0 249.5 0.0 1184.71 165.5 0.0 0.0 1.0 1183.91 0.0 319.5 0.0 1183.91 239.5 0.0 0.0 1.0 0.9835906687623948 0.01327145712077511 0.17992572008869745 -0.16780479454652375 0.02827940782778111 0.9736217915275573 -0.22640866183867472 0.17958973361341776 -0.1781843747820075 0.2277816399285964 0.9572700001018438 1.2345233345325375 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/12023672_2650236061.jpg notre_dame_front_facade/test/images/80611845_3920219739.jpg 0 0 848.099 0.0 213.0 0.0 848.099 319.5 0.0 0.0 1.0 692.473 0.0 213.0 0.0 692.473 319.5 0.0 0.0 1.0 0.9635511273489922 -0.10242674878739401 -0.24713960855623748 0.45399134965409266 0.06435574778583197 0.9854204800621282 -0.15749544501683493 -0.11698479841730997 0.25966817808775217 0.13585005928216803 0.9560947644881332 -1.1536537851478368 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/85808395_9116833255.jpg notre_dame_front_facade/test/images/92064571_307220044.jpg 0 0 533.422 0.0 319.5 0.0 533.422 213.0 0.0 0.0 1.0 674.607 0.0 213.0 0.0 674.607 319.5 0.0 0.0 1.0 0.8785298247223761 0.079144160474612 0.4710855006642001 -0.6273166931193556 -0.09573850600768453 0.9953421278472111 0.011321969793406403 0.26184596632298784 -0.46799517683485564 -0.055047710173586 0.8820148887994789 1.6965300533236594 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/14248814_1334513582.jpg notre_dame_front_facade/test/images/43666192_4761714801.jpg 0 0 696.736 0.0 319.5 0.0 696.736 239.5 0.0 0.0 1.0 654.307 0.0 239.5 0.0 654.307 319.5 0.0 0.0 1.0 0.9532237240172503 -0.057167484501126166 -0.29681039517931124 -0.19485936587239167 0.10726571268876328 0.9820189976575806 0.15534720828187523 0.8008882488945082 0.2825926376465903 -0.17991822296647478 0.9422159169704835 1.9656717908890058 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/10271797_13991878773.jpg notre_dame_front_facade/test/images/08994755_224674449.jpg 0 0 483.005 0.0 319.5 0.0 483.005 239.5 0.0 0.0 1.0 665.565 0.0 319.5 0.0 665.565 239.5 0.0 0.0 1.0 0.9936308753724937 -0.039705415581808935 0.10545692713125841 -0.26195742929750376 0.01663056070229247 0.9772880814688915 0.21126152103395696 0.4416839534030075 -0.11145002448281054 -0.20816216224936152 0.9717239352050825 1.745017902388542 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/89527506_47064183.jpg notre_dame_front_facade/test/images/94184442_3251933434.jpg 0 0 486.165 0.0 249.5 0.0 486.165 187.0 0.0 0.0 1.0 562.693 0.0 166.0 0.0 562.693 249.5 0.0 0.0 1.0 0.9840819158981258 0.05412878632262701 0.16927154897830157 -0.4262862801928782 -0.06748780455883281 0.994958175984466 0.0741864157207558 -0.25281156366751406 -0.16440249097292578 -0.08442927533091467 0.9827733810136465 -0.23632122329291144 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/83116416_6588657413.jpg notre_dame_front_facade/test/images/48230605_9403570019.jpg 0 0 1955.44 0.0 239.5 0.0 1955.44 319.5 0.0 0.0 1.0 450.656 0.0 179.5 0.0 450.656 319.5 0.0 0.0 1.0 0.9511775432658081 -0.030224377688603483 -0.3071608181069952 3.5433332897166365 0.08796157419832043 0.9804682594521243 0.17591120962427287 -1.9596471951437697 0.295844625861913 -0.1943411412960677 0.9352579741164285 -8.888927158031997 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/66503262_8564870595.jpg notre_dame_front_facade/test/images/69189455_2043939797.jpg 0 0 434.857 0.0 319.5 0.0 434.857 213.0 0.0 0.0 1.0 572.409 0.0 187.0 0.0 572.409 249.5 0.0 0.0 1.0 0.9958754870196846 -0.06630283610946458 -0.06193503271289376 0.06949403603419499 0.030884032222002887 0.8895847122457669 -0.45572493490298116 0.5720804190229728 0.08531231392370053 0.4519324879475447 0.8879633074798342 1.756882313244369 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/35565310_3122947188.jpg notre_dame_front_facade/test/images/16804042_6635582193.jpg 0 0 659.902 0.0 239.5 0.0 659.902 319.5 0.0 0.0 1.0 975.444 0.0 319.5 0.0 975.444 213.5 0.0 0.0 1.0 0.9110720304000453 0.187905552637086 0.36693222631828126 -0.4076102795672869 -0.14162622730960345 0.9785700546589233 -0.1494746127704648 0.6042001075279978 -0.3871559984822496 0.08421491205827616 0.9181601610973051 1.1375343491857788 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/64518898_5543139365.jpg notre_dame_front_facade/test/images/62265406_497236333.jpg 0 0 551.721 0.0 228.0 0.0 551.721 319.5 0.0 0.0 1.0 1321.94 0.0 220.0 0.0 1321.94 319.5 0.0 0.0 1.0 0.9223309878337591 -0.11469899885912313 -0.3689846725032315 0.9912538775590145 0.11981143910551453 0.992754849251783 -0.009111989164580368 0.03537713713143509 0.3673564589619567 -0.035804314653191234 0.9293908129044248 2.1426973004269123 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/28242249_5165846684.jpg notre_dame_front_facade/test/images/92799893_8631875281.jpg 0 0 739.638 0.0 319.5 0.0 739.638 239.5 0.0 0.0 1.0 519.666 0.0 319.5 0.0 519.666 262.5 0.0 0.0 1.0 0.9985368102856985 0.04981830744897845 0.02103270661093991 -1.6670408923531699 -0.040849596241237886 0.9497676895294218 -0.3102783370022335 0.044220291816670115 -0.035433726749957595 0.3089651633580439 0.9504130569598394 0.7697215397733878 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/60069127_407121609.jpg notre_dame_front_facade/test/images/27108396_3799319410.jpg 0 0 558.134 0.0 249.5 0.0 558.134 188.5 0.0 0.0 1.0 586.555 0.0 211.5 0.0 586.555 319.5 0.0 0.0 1.0 0.9996727137317836 -0.011247594652816556 -0.022977315653859187 -0.02008347566191504 0.0037596064178322913 0.9530039070059523 -0.3029346771021321 -0.14060639425947158 0.025304758044963484 0.3027491450787533 0.9527342884426747 0.7190238652272418 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/54976152_2650219365.jpg notre_dame_front_facade/test/images/42766818_2665007597.jpg 0 0 2084.91 0.0 213.0 0.0 2084.91 319.5 0.0 0.0 1.0 831.635 0.0 319.5 0.0 831.635 239.5 0.0 0.0 1.0 0.9963250747326092 -0.015614850931322864 -0.08421711161903607 0.6533270750507771 0.02587049493582316 0.9921809386117535 0.12209710294382507 -1.2736442720365484 0.0816520847917318 -0.12382714357479153 0.9889387117325683 -4.895290245215022 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/50944188_2452211231.jpg notre_dame_front_facade/test/images/65117548_393332042.jpg 0 0 802.246 0.0 239.5 0.0 802.246 319.5 0.0 0.0 1.0 528.38 0.0 319.5 0.0 528.38 213.5 0.0 0.0 1.0 0.9966612743350927 -0.061356193695107225 0.053867631616745904 -0.13805119396830004 0.06428062473088708 0.9964508714862554 -0.05434760342911757 -0.20693439815520365 -0.05034188638654528 0.05762879670382029 0.997068009849636 -0.6955383316176378 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/14248814_1334513582.jpg notre_dame_front_facade/test/images/77637139_3358936098.jpg 0 0 696.736 0.0 319.5 0.0 696.736 239.5 0.0 0.0 1.0 494.106 0.0 319.5 0.0 494.106 213.0 0.0 0.0 1.0 0.998353003098924 0.014345974087356625 -0.05554704520354625 0.06905464866323373 0.009263806562038845 0.9152110778899499 0.4028682970841675 -0.04017549586998681 0.056616809264926314 -0.40271935132918657 0.9135708297519456 -0.04272787070690298 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/37313008_126874366.jpg notre_dame_front_facade/test/images/05852089_7355180390.jpg 0 0 400.148 0.0 166.0 0.0 400.148 249.5 0.0 0.0 1.0 678.861 0.0 319.5 0.0 678.861 239.5 0.0 0.0 1.0 0.9911290649153643 0.10225379059095999 -0.08489604813992013 0.30654444630448 -0.06266632466689309 0.9228770003587499 0.3799618059247262 -0.2248500639703528 0.11720114518527149 -0.3712710660940546 0.9210980876370577 -0.5863304650667225 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/65299042_229585472.jpg notre_dame_front_facade/test/images/20449428_10758420474.jpg 0 0 397.031 0.0 166.0 0.0 397.031 249.5 0.0 0.0 1.0 916.516 0.0 239.5 0.0 916.516 319.5 0.0 0.0 1.0 0.9989465226952824 -0.04015181576815035 -0.02221883177677098 -0.00950767316195247 0.03929450185700393 0.9985138634537295 -0.037762502757591764 0.3896984890896257 0.02370204461251917 0.03684964289145457 0.9990396973593986 1.4903809636109053 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/14588590_8291532597.jpg notre_dame_front_facade/test/images/08994755_224674449.jpg 0 0 539.759 0.0 213.0 0.0 539.759 319.5 0.0 0.0 1.0 665.565 0.0 319.5 0.0 665.565 239.5 0.0 0.0 1.0 0.9424636555509296 -0.12000895543492067 -0.31202581396576473 0.732623231865991 0.08844886991886619 0.9895983097180658 -0.1134547610866228 0.4266378401486491 0.3223958054560485 0.07932865824256961 0.9432750969922717 1.5375600735858197 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/76922738_2324942217.jpg notre_dame_front_facade/test/images/70473816_1756100188.jpg 0 0 401.674 0.0 249.5 0.0 401.674 165.5 0.0 0.0 1.0 677.33 0.0 239.5 0.0 677.33 319.5 0.0 0.0 1.0 0.9996447957537961 0.025126339138743823 0.008885347704859815 0.0780539989399262 -0.025641748738895333 0.9976430151332019 0.06364679942891954 0.28912663498599794 -0.007265194007236535 -0.06385202766881085 0.9979329313729549 1.2135913544041415 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16588250_2425068783.jpg notre_dame_front_facade/test/images/49984163_4144073459.jpg 0 0 727.948 0.0 239.5 0.0 727.948 319.5 0.0 0.0 1.0 699.426 0.0 239.5 0.0 699.426 319.5 0.0 0.0 1.0 0.9893410142447054 -0.03647275844023762 -0.14097551356536184 0.44336433024232436 0.04774393614712849 0.9958552220973327 0.07741377902318804 -0.13483563869354487 0.13756770730966025 -0.08331935257328962 0.986981768520742 -0.39692915829587005 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/12108431_6988563786.jpg notre_dame_front_facade/test/images/58743588_542015945.jpg 0 0 611.0 0.0 239.5 0.0 611.0 319.5 0.0 0.0 1.0 669.222 0.0 239.5 0.0 669.222 319.5 0.0 0.0 1.0 0.8758820259912607 -0.11730316807871057 -0.4680498299370935 0.9417617494729507 0.146862257995601 0.988787879813842 0.027018621535537937 -0.012254967642196024 0.45963262908748975 -0.09240397984905668 0.8832889395810282 0.022660213226138648 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/31731830_3056005968.jpg notre_dame_front_facade/test/images/03524051_5922206652.jpg 0 0 692.226 0.0 319.5 0.0 692.226 239.5 0.0 0.0 1.0 541.245 0.0 319.5 0.0 541.245 239.5 0.0 0.0 1.0 0.9963990482128722 -0.035222706693263654 -0.07712520764110292 0.14148707344210493 0.058545517029948216 0.9437819610821692 0.32534294578427725 -0.5126543285709411 0.061329920562307634 -0.3286867366796164 0.9424455793173023 -0.6049039116778978 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/61900107_5317613163.jpg notre_dame_front_facade/test/images/86620018_1656400518.jpg 0 0 537.046 0.0 319.5 0.0 537.046 239.5 0.0 0.0 1.0 622.811 0.0 165.5 0.0 622.811 249.5 0.0 0.0 1.0 0.9902850911523483 -0.01228099951213115 0.13850853869840873 -0.28889732456438827 0.11690244483486996 0.6128983325540146 -0.7814662195796683 0.4952216676184257 -0.075294466151343 0.7900663332932819 0.6083797599883586 2.5495747904152277 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/14588590_8291532597.jpg notre_dame_front_facade/test/images/11689125_6228298812.jpg 0 0 539.759 0.0 213.0 0.0 539.759 319.5 0.0 0.0 1.0 499.904 0.0 319.5 0.0 499.904 212.5 0.0 0.0 1.0 0.7817540630605111 -0.1612012323262579 -0.6023908594798547 1.3278684323394492 0.18001413023861781 0.9832216121397659 -0.02949871752659113 0.27110613530232025 0.5970389416133726 -0.08537812435147257 0.7976559898097729 0.8182569769066347 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/61128028_158284839.jpg notre_dame_front_facade/test/images/79553233_156495686.jpg 0 0 908.622 0.0 319.5 0.0 908.622 239.5 0.0 0.0 1.0 1426.95 0.0 239.5 0.0 1426.95 319.5 0.0 0.0 1.0 0.9190402106572875 0.1202276336944154 0.3753803501666675 -1.1372176607264546 -0.011806318794227876 0.9603153374017659 -0.27866658139694717 0.28362074095356 -0.39398693129536344 0.25167393358703993 0.8839878557544151 4.558631958606153 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/53981929_372412956.jpg notre_dame_front_facade/test/images/64341618_7502873932.jpg 0 0 669.186 0.0 239.5 0.0 669.186 319.5 0.0 0.0 1.0 858.706 0.0 305.5 0.0 858.706 305.5 0.0 0.0 1.0 0.9948497667232804 -0.010725911431198665 -0.10079135118949877 0.2245101250122366 0.04466744750632666 0.9390168585150643 0.3409577078726469 -0.5918986105867607 0.09098769578302514 -0.3437037885279558 0.9346598017287497 -0.6543094979874083 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/91316375_2178414357.jpg notre_dame_front_facade/test/images/06756861_3618322110.jpg 0 0 665.749 0.0 319.5 0.0 665.749 239.5 0.0 0.0 1.0 619.283 0.0 239.5 0.0 619.283 319.5 0.0 0.0 1.0 0.9960173935095292 0.011635557042601498 0.08839663816453618 -0.18830998168462007 -0.017762653664162197 0.9974691179619487 0.06884654564332995 -0.09872618504721985 -0.08737184879176241 -0.07014251581259727 0.9937032693486465 -0.3723339137355274 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/59102103_1305207152.jpg notre_dame_front_facade/test/images/66615705_4179549738.jpg 0 0 490.265 0.0 166.0 0.0 490.265 249.5 0.0 0.0 1.0 738.007 0.0 239.5 0.0 738.007 319.5 0.0 0.0 1.0 0.9931852496015534 0.09479216650445622 0.06780490500909085 -0.012024867207004353 -0.0787776830391448 0.974772911446568 -0.20883449850291896 -0.17020140555900257 -0.08589025922003278 0.2020698302057313 0.9755975846073741 -0.5618748561299862 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/91316375_2178414357.jpg notre_dame_front_facade/test/images/92967069_3531809918.jpg 0 0 665.749 0.0 319.5 0.0 665.749 239.5 0.0 0.0 1.0 547.756 0.0 249.5 0.0 547.756 187.0 0.0 0.0 1.0 0.9899203079174874 -0.0004065280503240226 0.14162492262130702 -0.385727956717777 -0.07420438545893782 0.8502580064537885 0.5211094238640198 -1.4272898193587586 -0.12062956997025351 -0.5263659916789587 0.8416575013938972 -1.4884190545210179 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/36982333_6368134453.jpg notre_dame_front_facade/test/images/86200490_476468804.jpg 0 0 761.713 0.0 239.5 0.0 761.713 319.5 0.0 0.0 1.0 254.811 0.0 319.5 0.0 254.811 222.0 0.0 0.0 1.0 0.9560762586598478 0.11052460832005956 0.2714820409947684 -0.7829962387593931 -0.0662992311048075 0.983724553887863 -0.16700423357818375 0.005971563554981338 -0.28552162717016555 0.14166973224306828 0.9478433875827158 -0.3146571815717657 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/48070518_9871726453.jpg notre_dame_front_facade/test/images/12535548_289900767.jpg 0 0 962.531 0.0 319.5 0.0 962.531 212.5 0.0 0.0 1.0 520.377 0.0 213.0 0.0 520.377 319.5 0.0 0.0 1.0 0.8651243431719684 0.0780699000638733 0.4954442062990414 -1.4799078863127022 -0.1491200661785014 0.9831789748527554 0.10546235949571868 -0.5525001576625712 -0.4788768909794974 -0.16511872731916777 0.8622138535040532 -0.8251414467150416 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/55422345_4940624653.jpg notre_dame_front_facade/test/images/43866772_7750717370.jpg 0 0 668.447 0.0 319.5 0.0 668.447 239.5 0.0 0.0 1.0 440.442 0.0 319.5 0.0 440.442 212.5 0.0 0.0 1.0 0.9580894768131004 0.03089991380847729 0.28479773479897613 -0.7874791986274804 0.017975825585257035 0.9857215792916555 -0.16742113908731185 -0.001459821189215163 -0.28590457169224787 0.16552390596343858 0.9438540207257049 0.19702540128176577 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/60062345_10045738.jpg notre_dame_front_facade/test/images/30853200_42283424.jpg 0 0 678.814 0.0 239.5 0.0 678.814 319.5 0.0 0.0 1.0 648.551 0.0 239.5 0.0 648.551 319.5 0.0 0.0 1.0 0.9939716243898836 -0.02859957720191483 0.1058417407812597 -0.08511125212890908 0.04977850953358037 0.9778613398396334 -0.2032468942829187 -0.04624309982262504 -0.09768577120722796 0.20729028976512232 0.9733900687148708 -1.1731879626170671 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/28423302_8234914327.jpg notre_dame_front_facade/test/images/62554528_6086102803.jpg 0 0 656.289 0.0 239.5 0.0 656.289 319.5 0.0 0.0 1.0 297.501 0.0 319.5 0.0 297.501 216.0 0.0 0.0 1.0 0.9253976608854887 -0.07074244781563228 -0.37233677672870163 0.30353260002126253 0.198228718785662 0.9276770463774017 0.3164185087397626 0.039631586588582235 0.323024061450941 -0.3666207900563645 0.8724933535690605 0.003542906024796233 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/75770066_13501461803.jpg notre_dame_front_facade/test/images/08166131_278426084.jpg 0 0 561.631 0.0 239.5 0.0 561.631 319.5 0.0 0.0 1.0 496.946 0.0 212.5 0.0 496.946 319.5 0.0 0.0 1.0 0.7745318278233152 0.5603235258131094 -0.2934927496703109 0.5638103580482698 -0.511734325652568 0.8278038202760651 0.22993219671299442 -0.2018186511250013 0.3717908385605888 -0.027899490259091057 0.927897187626785 -0.2355900009070313 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/20084313_4238584258.jpg notre_dame_front_facade/test/images/84557583_2821153446.jpg 0 0 634.619 0.0 213.0 0.0 634.619 319.5 0.0 0.0 1.0 1702.85 0.0 319.5 0.0 1702.85 239.5 0.0 0.0 1.0 0.981940218405108 0.10376418110107588 0.15819735206049323 -0.18904951941393078 -0.07939381826338339 0.9849900169520696 -0.15326867953473994 0.6543513019045808 -0.17172661150820323 0.13794078883776575 0.975439546909354 1.4465949776850038 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/35960796_2756840211.jpg notre_dame_front_facade/test/images/66536323_206198871.jpg 0 0 544.223 0.0 187.0 0.0 544.223 249.5 0.0 0.0 1.0 647.198 0.0 239.5 0.0 647.198 319.5 0.0 0.0 1.0 0.9877549161937746 -0.03070750223197587 -0.15296167768987884 0.5968243938015162 0.0643235517085663 0.9733855673388989 0.21996140114103072 -0.410953028519768 0.14213622420278577 -0.22710699373423804 0.9634415950987233 -1.0448453993943974 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/66790349_9649911334.jpg notre_dame_front_facade/test/images/28264157_4531674049.jpg 0 0 596.021 0.0 239.5 0.0 596.021 319.5 0.0 0.0 1.0 321.962 0.0 190.5 0.0 321.962 319.5 0.0 0.0 1.0 0.9998396019318349 0.0040221159154230236 0.017452592711480103 -0.022344068037295745 0.0015101499875450372 0.9520544764039144 -0.30592481659107623 0.5690082296682281 -0.017846284089552824 0.30590210287415726 0.9518956947068115 -0.7772526521196469 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/33779601_2412524560.jpg notre_dame_front_facade/test/images/54610599_2978121532.jpg 0 0 1178.29 0.0 202.5 0.0 1178.29 319.5 0.0 0.0 1.0 649.211 0.0 239.5 0.0 649.211 319.5 0.0 0.0 1.0 0.9695233264511423 0.09822228477082448 0.22444799451434405 -0.6887721120510621 -0.08675092577110977 0.9943951813613651 -0.06043591782337049 0.5565867815457226 -0.229126158142119 0.03912296077365373 0.9726101981756802 -1.3324077044401808 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/56007984_3321151457.jpg notre_dame_front_facade/test/images/29443215_4125074438.jpg 0 0 703.863 0.0 319.5 0.0 703.863 213.0 0.0 0.0 1.0 532.032 0.0 319.5 0.0 532.032 213.0 0.0 0.0 1.0 0.9844624409964838 -0.0342314394353139 -0.17222633602742288 0.7510152253242784 0.040882595405169926 0.9985430204506734 0.035220018486410584 -0.1053978459124633 0.17076977384824726 -0.041713844984997014 0.9844275694414424 -0.3884220040336199 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/78771774_3535210759.jpg notre_dame_front_facade/test/images/74454771_4611697867.jpg 0 0 498.975 0.0 212.5 0.0 498.975 319.5 0.0 0.0 1.0 515.145 0.0 319.5 0.0 515.145 239.5 0.0 0.0 1.0 0.9693431721124631 -0.05569107846408156 -0.23931635643736252 0.6299667884845686 0.152184797300548 0.9007483479091201 0.40680732688778076 -0.48384489251225904 0.19290827392711385 -0.43075621587911883 0.8816095963247925 -0.5271312576755224 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/84092770_8200390352.jpg notre_dame_front_facade/test/images/20449428_10758420474.jpg 0 0 499.749 0.0 319.5 0.0 499.749 212.5 0.0 0.0 1.0 916.516 0.0 239.5 0.0 916.516 319.5 0.0 0.0 1.0 0.9985693046424967 -0.01515223967827316 -0.05128112185329811 0.09317960543704837 0.011721947682238472 0.9977146560413884 -0.0665436778570965 0.26104836227883377 0.05217221260724437 0.0658473594986643 0.9964648440756544 0.9655809869800196 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/86620018_1656400518.jpg notre_dame_front_facade/test/images/52678522_7965495246.jpg 0 0 622.811 0.0 165.5 0.0 622.811 249.5 0.0 0.0 1.0 736.382 0.0 239.5 0.0 736.382 319.5 0.0 0.0 1.0 0.9457461412801841 0.04786868723817457 0.3213608953120092 -0.9256703991843374 -0.08754976468074724 0.9900481831926582 0.11018000572364385 -0.2733570597911907 -0.3128885983189354 -0.1323373860215254 0.9405251412391917 -0.7832485789011765 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/55422345_4940624653.jpg notre_dame_front_facade/test/images/60713194_2656171721.jpg 0 0 668.447 0.0 319.5 0.0 668.447 239.5 0.0 0.0 1.0 525.662 0.0 319.5 0.0 525.662 212.5 0.0 0.0 1.0 0.9457564979977274 0.08006028560408904 0.3148571059450083 -0.9137572597277505 -0.09880588924141571 0.9941332075038777 0.04400638577826192 -0.01587877551760132 -0.3094867408246879 -0.07272906164006117 0.9481183685841493 -0.18021817853447653 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/61128028_158284839.jpg notre_dame_front_facade/test/images/12023672_2650236061.jpg 0 0 908.622 0.0 319.5 0.0 908.622 239.5 0.0 0.0 1.0 848.099 0.0 213.0 0.0 848.099 319.5 0.0 0.0 1.0 0.9620515139648593 0.06638631453415846 0.26466911742871235 -0.8586905806921131 -0.04562623402273983 0.9954345767562807 -0.08383465969959222 0.005488615684534265 -0.26902626497578985 0.06857740619632705 0.9606882991441916 0.22030584313813734 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16588250_2425068783.jpg notre_dame_front_facade/test/images/98282583_3572009571.jpg 0 0 727.948 0.0 239.5 0.0 727.948 319.5 0.0 0.0 1.0 660.309 0.0 239.5 0.0 660.309 319.5 0.0 0.0 1.0 0.9194677501114524 0.012115898213912285 0.3929787036411178 -1.0121977994365268 -0.13881797384245456 0.9451539408888516 0.2956579073195049 -0.6359428766378725 -0.36784320932057313 -0.32640041824842 0.8707204719793818 -0.7411629730278557 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/63253229_143438035.jpg notre_dame_front_facade/test/images/94100874_2339251144.jpg 0 0 520.078 0.0 187.0 0.0 520.078 249.5 0.0 0.0 1.0 481.564 0.0 187.0 0.0 481.564 249.5 0.0 0.0 1.0 0.9980154437058547 0.012040854534127047 0.061807701354230186 -0.0972739564153417 0.002439193161011743 0.9734188607079497 -0.22901915193878555 0.1856548159115326 -0.062922368529236 0.22871541146176672 0.9714576862110598 0.9934042324599381 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/21370056_8707038673.jpg notre_dame_front_facade/test/images/92967069_3531809918.jpg 0 0 1809.08 0.0 239.5 0.0 1809.08 319.5 0.0 0.0 1.0 547.756 0.0 249.5 0.0 547.756 187.0 0.0 0.0 1.0 0.959147417875506 -0.07238460557384936 -0.27348985293547573 1.240016864150701 0.19776803452044955 0.8628178783539525 0.4652237239379588 -2.1395965504768704 0.20229689890027516 -0.5003056842258562 0.8418849012938942 -2.3512067000845307 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/85190592_5089023484.jpg notre_dame_front_facade/test/images/87453268_2874605638.jpg 0 0 491.859 0.0 239.5 0.0 491.859 319.5 0.0 0.0 1.0 859.782 0.0 212.5 0.0 859.782 319.5 0.0 0.0 1.0 0.9997738887633804 -0.02068449649106514 0.004931830477560229 -0.3084051861718209 0.019338431321562658 0.9808821979348878 0.19363919760328674 0.061306601701866296 -0.008842874022029401 -0.19350003973987873 0.9810604151629482 0.1751007952643015 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/33410339_34199684.jpg notre_dame_front_facade/test/images/71030258_6660702975.jpg 0 0 1083.7 0.0 212.5 0.0 1083.7 319.5 0.0 0.0 1.0 381.329 0.0 319.5 0.0 381.329 237.5 0.0 0.0 1.0 0.6512499106694422 -0.12400618992738041 -0.7486628204423793 0.6308177445049667 0.3201604753979215 0.9393563177171262 0.12291044853021392 -0.11792393382385791 0.6880194937979739 -0.31973766313122376 0.6514575987194896 -0.23877204473923985 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/86877326_2716699476.jpg notre_dame_front_facade/test/images/46229295_1990406788.jpg 0 0 570.15 0.0 213.0 0.0 570.15 319.5 0.0 0.0 1.0 966.463 0.0 241.5 0.0 966.463 319.5 0.0 0.0 1.0 0.999950310165257 -0.0025758424984279353 -0.009630277038035246 0.16224537692622043 0.0034661744828033336 0.9956029523336237 0.09360954512776389 -0.08131955059496772 0.009346808806260005 -0.09363827390546768 0.9955624093069926 -0.38530238789486415 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/68199511_6932972308.jpg notre_dame_front_facade/test/images/64123516_6358230237.jpg 0 0 688.798 0.0 213.0 0.0 688.798 319.5 0.0 0.0 1.0 528.109 0.0 319.5 0.0 528.109 211.5 0.0 0.0 1.0 0.951214580195778 0.08913868440255655 0.2953728446657738 -1.3051315922080051 -0.0378888166281522 0.9838577106351318 -0.17489551966335612 0.17750690439311487 -0.30619480726734755 0.15517184076622448 0.9392371584619794 1.9616546405828983 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/47637734_4638229298.jpg notre_dame_front_facade/test/images/94100874_2339251144.jpg 0 0 675.352 0.0 319.5 0.0 675.352 319.5 0.0 0.0 1.0 481.564 0.0 187.0 0.0 481.564 249.5 0.0 0.0 1.0 0.89407031005156 -0.2212728145791399 -0.38945682971612244 1.2545410235117356 0.09999647237323124 0.9461213622603118 -0.3079855084051866 0.13090641800934555 0.4366222465670031 0.23641638987793806 0.8680255205924915 1.0416119895247118 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/19454938_7173253342.jpg notre_dame_front_facade/test/images/89918126_5084271.jpg 0 0 353.538 0.0 319.5 0.0 353.538 211.5 0.0 0.0 1.0 647.856 0.0 319.5 0.0 647.856 239.5 0.0 0.0 1.0 0.96165587332275 0.13316259259317648 0.2397617676730855 -0.043876566804989414 -0.08295006608389076 0.9744927836067752 -0.20852602052261254 -0.1389408930412097 -0.261413977898155 0.18064201790331783 0.9481725547215973 -0.2896821645280041 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/35152725_4701790456.jpg notre_dame_front_facade/test/images/76022149_7552328104.jpg 0 0 711.581 0.0 239.5 0.0 711.581 319.5 0.0 0.0 1.0 963.011 0.0 305.5 0.0 963.011 305.5 0.0 0.0 1.0 0.9758609920573553 0.06186623456035571 -0.20944663569070945 -0.015592676240880267 0.09827172902589926 0.7320660266281894 0.6741082998532768 -0.5592605494815741 0.1950333085785451 -0.6784186772768998 0.7083149771583033 -0.5012592332247365 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/54869923_2442824829.jpg notre_dame_front_facade/test/images/42724754_4633133394.jpg 0 0 527.475 0.0 239.5 0.0 527.475 319.5 0.0 0.0 1.0 653.704 0.0 319.5 0.0 653.704 239.5 0.0 0.0 1.0 0.9710570119553203 0.006100100958131007 -0.23876990660614172 0.6605827401509226 0.057856973813068556 0.9638939564750707 0.2599250108243307 -0.25368878997995115 0.2317344387733488 -0.2662165085773892 0.9356430518350821 -0.3782211497728862 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/92064571_307220044.jpg notre_dame_front_facade/test/images/92967069_3531809918.jpg 0 0 674.607 0.0 213.0 0.0 674.607 319.5 0.0 0.0 1.0 547.756 0.0 249.5 0.0 547.756 187.0 0.0 0.0 1.0 0.9937095642234858 -0.04719537708712411 -0.101557364835711 0.2303245891006026 0.09157009954863632 0.864485663813334 0.4942463494350484 -1.2938668938238613 0.064468743119611 -0.500436942524054 0.8633693576435025 -1.364942844365925 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/85088510_2525102624.jpg notre_dame_front_facade/test/images/76309603_8305176254.jpg 0 0 889.277 0.0 166.0 0.0 889.277 249.5 0.0 0.0 1.0 484.145 0.0 319.5 0.0 484.145 212.0 0.0 0.0 1.0 0.9711220242622076 0.05497171562850664 0.23216400339788065 -0.7357851150161728 -0.15577769653227386 0.8831368825649738 0.4424958258746835 -1.6337699054486021 -0.18070783949782404 -0.4658834158180327 0.8661970443321488 -1.450174139930645 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16990573_5919017332.jpg notre_dame_front_facade/test/images/87628400_7656196462.jpg 0 0 524.456 0.0 213.0 0.0 524.456 319.5 0.0 0.0 1.0 486.204 0.0 212.0 0.0 486.204 319.5 0.0 0.0 1.0 0.9968496584521581 0.044824711193201465 0.06543320036695081 -0.01821841550655723 -0.0607209302860587 0.9620566111697944 0.26600760427041736 -0.27013373980037503 -0.051026728966405956 -0.2691427542605178 0.9617476024197051 -0.5406821971544215 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/63136592_197609530.jpg notre_dame_front_facade/test/images/07705674_1304394874.jpg 0 0 889.805 0.0 259.5 0.0 889.805 319.5 0.0 0.0 1.0 825.019 0.0 239.5 0.0 825.019 319.5 0.0 0.0 1.0 0.9985698109792055 0.0006772526135538678 -0.05345908650408453 0.16654322474339 0.0005796426186248126 0.9997238487819796 0.023492343241582465 -0.2112111301716828 0.05346023396309106 -0.02348973191509611 0.9982936621451466 -0.6698363876460958 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/51797576_5255048101.jpg notre_dame_front_facade/test/images/00428654_11477382116.jpg 0 0 603.995 0.0 238.5 0.0 603.995 319.5 0.0 0.0 1.0 565.607 0.0 319.5 0.0 565.607 239.5 0.0 0.0 1.0 0.8889613270999035 0.17575860575992072 0.4229144965854294 -0.882289210225559 -0.26626937532589007 0.9496671691335097 0.16502390018874905 -0.10959183490146229 -0.3726236421435693 -0.25930904413705796 0.8910165211399765 -0.02755032828513493 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/09939185_8343101195.jpg notre_dame_front_facade/test/images/92263499_2724825410.jpg 0 0 612.367 0.0 319.5 0.0 612.367 239.5 0.0 0.0 1.0 1088.49 0.0 239.5 0.0 1088.49 319.5 0.0 0.0 1.0 0.9838617790776688 -0.07943910878543403 -0.1603291229487029 0.19358166833422763 0.02105528001945163 0.9412176121481631 -0.3371440074588491 0.29402491916059253 0.1776870137444681 0.32832732840488005 0.9277006470673002 2.031646460725076 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/77284769_5343756940.jpg notre_dame_front_facade/test/images/88042390_4857002374.jpg 0 0 926.103 0.0 319.5 0.0 926.103 224.0 0.0 0.0 1.0 528.338 0.0 239.5 0.0 528.338 319.5 0.0 0.0 1.0 0.8950156511512793 -0.12009316438175155 -0.42956328528288934 1.4991902517342162 0.1692323832860103 0.9824904796472678 0.07792854322915657 -0.886545053006202 0.41268315284439255 -0.1424432844021059 0.8996680088161148 -1.6994963398518061 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/73553965_4768986609.jpg notre_dame_front_facade/test/images/15793931_276435531.jpg 0 0 567.368 0.0 319.5 0.0 567.368 239.5 0.0 0.0 1.0 548.704 0.0 187.0 0.0 548.704 249.5 0.0 0.0 1.0 0.9958385716564758 0.044482643624778176 0.07954139562103088 -0.35241665531484095 -0.0441354273699186 0.9990068185451495 -0.0061188684553429755 0.06388613997290193 -0.07973458002689304 0.0025828117333886146 0.996812783742005 0.2530318576292011 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/72214550_1126054905.jpg notre_dame_front_facade/test/images/48878579_6144672125.jpg 0 0 431.766 0.0 319.5 0.0 431.766 239.5 0.0 0.0 1.0 1152.32 0.0 239.5 0.0 1152.32 319.5 0.0 0.0 1.0 0.8919895128027538 0.32741938891230027 0.3116909572223775 -0.44655374354454996 -0.11157160765633506 0.8276191889492698 -0.5500893149734265 0.6659233249981481 -0.4380713245749907 0.45589803887190467 0.7747583447358696 2.665250429620635 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/58525912_2163151497.jpg notre_dame_front_facade/test/images/06852016_2679741155.jpg 0 0 672.919 0.0 239.5 0.0 672.919 319.5 0.0 0.0 1.0 882.112 0.0 213.0 0.0 882.112 319.5 0.0 0.0 1.0 0.969617866802022 0.06175836290248821 0.2367004372406204 -0.6870093663151431 -0.04473196969450625 0.996054554123886 -0.07664447857684752 0.11486321170555934 -0.24049998599905587 0.06372777903451236 0.9685548652057777 0.4729887272287282 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/51600076_9763474571.jpg notre_dame_front_facade/test/images/03640003_2550682198.jpg 0 0 454.343 0.0 319.5 0.0 454.343 239.5 0.0 0.0 1.0 679.184 0.0 319.5 0.0 679.184 239.5 0.0 0.0 1.0 0.8929021325486283 0.29370942552973156 0.341263175635911 -0.947070009241278 -0.04637223446924972 0.8138984866605677 -0.5791535800476127 0.3965205631513199 -0.4478564474923193 0.501302330701377 0.7403516567638156 3.35585010082562 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/97684963_8291074855.jpg notre_dame_front_facade/test/images/51575595_2715884125.jpg 0 0 599.175 0.0 319.5 0.0 599.175 239.5 0.0 0.0 1.0 912.594 0.0 213.0 0.0 912.594 319.5 0.0 0.0 1.0 0.9875498800442657 -0.050077601469665514 -0.14912232648266324 0.33931858413052596 0.020806618928648775 0.9812287294985472 -0.19172184282294213 0.45385927560705275 0.1559240809923683 0.18623215146078373 0.9700542596829175 1.6796475858367366 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/75827637_332080023.jpg notre_dame_front_facade/test/images/94022639_2742603296.jpg 0 0 824.199 0.0 239.5 0.0 824.199 319.5 0.0 0.0 1.0 699.852 0.0 239.5 0.0 699.852 319.5 0.0 0.0 1.0 0.9898878921368696 0.06275916356904837 0.12721339704975487 -0.349230495148555 -0.06406255372684398 0.9979267726812505 0.00617621048692001 -0.1245106466881124 -0.12656204095549495 -0.014263371063565152 0.9918561418043861 -0.4916039890720103 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/87120893_9723511941.jpg notre_dame_front_facade/test/images/89205044_8290554496.jpg 0 0 2066.21 0.0 261.5 0.0 2066.21 319.5 0.0 0.0 1.0 503.867 0.0 319.5 0.0 503.867 213.0 0.0 0.0 1.0 0.9790358752800966 -0.01575897423724717 -0.20307734892283047 0.2585625769931177 0.1158184096488072 0.8632133232782282 0.4913744544656123 -0.5948115237325466 0.16755551587744383 -0.5045933147059589 0.8469419908429956 -0.2645981641852956 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/92263499_2724825410.jpg notre_dame_front_facade/test/images/83586356_85985164.jpg 0 0 1088.49 0.0 239.5 0.0 1088.49 319.5 0.0 0.0 1.0 761.7 0.0 187.0 0.0 761.7 249.5 0.0 0.0 1.0 0.9908643422625447 -0.0018767796318563885 0.1348492971091358 -0.42014771394750067 -0.01601124689714159 0.9911941930273109 0.13144470959965085 -0.5588570072235024 -0.13390853298208186 -0.13240298111126966 0.9821089325464031 -1.1930044738631849 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/91316375_2178414357.jpg notre_dame_front_facade/test/images/76037076_5253334624.jpg 0 0 665.749 0.0 319.5 0.0 665.749 239.5 0.0 0.0 1.0 672.424 0.0 239.5 0.0 672.424 319.5 0.0 0.0 1.0 0.9972913190550536 -0.0045305880025692195 -0.0734132052820343 0.14967084993611576 0.00011179442106376111 0.9981933573510796 -0.06008334912592161 0.013285527907587566 0.07355278675508191 0.059912395316252684 0.9954900765191135 0.2272341523811574 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/79255400_2324943723.jpg notre_dame_front_facade/test/images/07705674_1304394874.jpg 0 0 1184.71 0.0 249.5 0.0 1184.71 165.5 0.0 0.0 1.0 825.019 0.0 239.5 0.0 825.019 319.5 0.0 0.0 1.0 0.9962593289172231 0.009365367639258864 0.08590482777111813 -0.021094663063398744 -0.0006936828257133221 0.9949444596013836 -0.10042430538792818 0.3152384625231779 -0.0864110429837602 0.09998906038908492 0.9912291962270716 1.0992187782695866 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/82177628_9120294308.jpg notre_dame_front_facade/test/images/79553233_156495686.jpg 0 0 595.0 0.0 239.5 0.0 595.0 319.5 0.0 0.0 1.0 1426.95 0.0 239.5 0.0 1426.95 319.5 0.0 0.0 1.0 0.7661228585589261 0.27539910219826774 0.5806988032550849 -0.8122718660945549 -0.06648258652652637 0.9326505619147198 -0.35460258748195916 0.31510871483718284 -0.6392462993887745 0.23306278954081375 0.7328341591719177 6.167173035011308 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/01927388_3809070796.jpg notre_dame_front_facade/test/images/08994755_224674449.jpg 0 0 688.527 0.0 319.5 0.0 688.527 239.5 0.0 0.0 1.0 665.565 0.0 319.5 0.0 665.565 239.5 0.0 0.0 1.0 0.9765620859407664 -0.014557585738005899 0.21474303015581045 -0.5908008410838237 -0.04546385846642915 0.9612469066742648 0.27191436516392775 0.14521320458976297 -0.2103794901514005 -0.2753043063714005 0.9380554402683237 0.6122618498668494 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/02864341_2175867632.jpg notre_dame_front_facade/test/images/13729493_60409794.jpg 0 0 725.615 0.0 240.0 0.0 725.615 319.5 0.0 0.0 1.0 698.515 0.0 239.5 0.0 698.515 319.5 0.0 0.0 1.0 0.9771929073419601 -0.04508027600563233 -0.20751335030745263 0.22188299875411535 0.05953066991622037 0.9961776356616844 0.06392352889838401 0.17782001140209686 0.20383846835151984 -0.07481902781213169 0.9761413790519046 0.7054680702542881 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/08166131_278426084.jpg notre_dame_front_facade/test/images/78529936_5637285314.jpg 0 0 496.946 0.0 212.5 0.0 496.946 319.5 0.0 0.0 1.0 580.444 0.0 319.5 0.0 580.444 213.5 0.0 0.0 1.0 0.9992952372100903 0.021621449416199055 0.03068455335135632 -0.08224512223341235 -0.010561166456173877 0.9463722294023412 -0.32290565987471886 0.19617732556234746 -0.036020697554523785 0.3223540233054109 0.9459336091959627 0.6278043189877098 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/97684963_8291074855.jpg notre_dame_front_facade/test/images/66678449_3070814495.jpg 0 0 599.175 0.0 319.5 0.0 599.175 239.5 0.0 0.0 1.0 542.068 0.0 213.0 0.0 542.068 319.5 0.0 0.0 1.0 0.9306722692703833 -0.1614795820675177 -0.32828870188664 0.7210473148689818 0.10850857650862973 0.9787790870726735 -0.17383149177653356 0.09571154486842026 0.34939235257112616 0.12615800919673725 0.9284444736656737 0.29408709257179055 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/90054575_2232251410.jpg notre_dame_front_facade/test/images/91963349_6452367725.jpg 0 0 712.891 0.0 319.5 0.0 712.891 239.5 0.0 0.0 1.0 516.037 0.0 239.5 0.0 516.037 319.5 0.0 0.0 1.0 0.9999071063831297 -0.013044163678052969 0.003953276926377411 -0.17053624531553807 0.011396354620162419 0.9592048941830174 0.2824820243426431 -0.7028876214636559 -0.007476744337475168 -0.2824107306199364 0.9592644460860759 -1.3979080568662436 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/35889908_11468630525.jpg notre_dame_front_facade/test/images/45910471_10449001815.jpg 0 0 1542.55 0.0 319.5 0.0 1542.55 213.0 0.0 0.0 1.0 2267.99 0.0 319.5 0.0 2267.99 213.0 0.0 0.0 1.0 0.9495442891608037 0.0973923127122604 0.29812812739938055 -0.44545115160752 -0.16371006101738664 0.9647025874603166 0.20627150474327263 -0.31445321551209615 -0.26751571700329596 -0.244670503273132 0.931971934118343 -0.4072423706102156 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/61128028_158284839.jpg notre_dame_front_facade/test/images/23048535_5627293787.jpg 0 0 908.622 0.0 319.5 0.0 908.622 239.5 0.0 0.0 1.0 619.129 0.0 319.5 0.0 619.129 213.5 0.0 0.0 1.0 0.9679840214603528 -0.05749207494756259 -0.2443390994410576 0.287553532715936 0.034211075067868545 0.9945506008447104 -0.09848200191977395 -0.011025156593189256 0.24866953279431686 0.08696990098677554 0.9646759558433115 0.20351443488036042 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/77664805_1165807524.jpg notre_dame_front_facade/test/images/79846448_7965487020.jpg 0 0 735.025 0.0 239.5 0.0 735.025 319.5 0.0 0.0 1.0 727.071 0.0 239.5 0.0 727.071 319.5 0.0 0.0 1.0 0.9684408180345895 0.08653633357405009 0.23373883916896665 -0.5145607541115766 -0.10967671128233303 0.9900759889629327 0.08786668925914205 -0.24164867790940348 -0.22381555121748606 -0.11072939560311702 0.9683210211405004 -0.6178937397047928 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/96809970_2634698191.jpg notre_dame_front_facade/test/images/12742093_2172973211.jpg 0 0 1900.54 0.0 319.5 0.0 1900.54 239.5 0.0 0.0 1.0 721.14 0.0 240.0 0.0 721.14 319.5 0.0 0.0 1.0 0.9996421081462186 0.026751475209782515 0.00011914312635265786 0.43292802662810415 -0.0262563703584133 0.9802685968644835 0.19591855710202263 -0.4948022034597727 0.005124318158155352 -0.19585156771248233 0.9806201633598898 -1.5967334154540138 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/77664805_1165807524.jpg notre_dame_front_facade/test/images/24710907_307223581.jpg 0 0 735.025 0.0 239.5 0.0 735.025 319.5 0.0 0.0 1.0 667.982 0.0 319.5 0.0 667.982 213.0 0.0 0.0 1.0 0.9832231573015479 -0.015945031408141058 -0.18170849985449042 0.7384227410803128 -0.006405506629861453 0.9925393832031375 -0.12175607695532151 0.08822474228290178 0.18229424683952786 0.12087732940518152 0.9757855700947216 0.2898445810266655 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/65117548_393332042.jpg notre_dame_front_facade/test/images/36982333_6368134453.jpg 0 0 528.38 0.0 319.5 0.0 528.38 213.5 0.0 0.0 1.0 761.713 0.0 239.5 0.0 761.713 319.5 0.0 0.0 1.0 0.992965309699619 0.06322961296285501 -0.10010948894938589 0.15835535368555945 -0.057528599241508056 0.9966079407215254 0.05884787812750917 0.21886401661245586 0.1034908401862195 -0.05267474286000621 0.993234623571985 0.6219635586398923 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/69686908_4629008721.jpg notre_dame_front_facade/test/images/48323035_392280377.jpg 0 0 719.18 0.0 319.5 0.0 719.18 239.5 0.0 0.0 1.0 523.158 0.0 319.5 0.0 523.158 239.5 0.0 0.0 1.0 0.9992660120943575 -0.036956066963354996 0.010083956943560943 -0.007305961886285822 0.018232410467438332 0.6903411244255824 0.7232542506860014 -0.20696027105357495 -0.03369000269496002 -0.7225395359711623 0.6905082205716245 -0.1318051101467802 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/88042390_4857002374.jpg notre_dame_front_facade/test/images/47488321_414904806.jpg 0 0 528.338 0.0 239.5 0.0 528.338 319.5 0.0 0.0 1.0 559.625 0.0 249.5 0.0 559.625 187.0 0.0 0.0 1.0 0.9971084539108211 0.024244165207763534 -0.07202049425649791 0.05615216124043787 -0.02081138603505674 0.9986286852221301 0.048037852395996505 0.0800690587759092 0.07308636911812921 -0.046400102423360776 0.9962456590340708 0.019125664478379822 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/08090503_170650847.jpg notre_dame_front_facade/test/images/74816282_4206306388.jpg 0 0 3257.44 0.0 239.5 0.0 3257.44 319.5 0.0 0.0 1.0 698.885 0.0 191.0 0.0 698.885 319.5 0.0 0.0 1.0 0.9489633726826817 -0.003859972067047758 -0.31536267680616736 2.9120313657471555 0.07690798546091071 0.9725716674385751 0.21952110027989108 -2.087528813177722 0.30586545911405866 -0.23257139185934128 0.9232317523837418 -6.144655448939955 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/35249264_6310946396.jpg notre_dame_front_facade/test/images/17355996_7160680080.jpg 0 0 1037.12 0.0 319.5 0.0 1037.12 239.5 0.0 0.0 1.0 592.885 0.0 207.5 0.0 592.885 319.5 0.0 0.0 1.0 0.9978780886697599 0.059187319576444644 0.02713266212781122 -0.17429421594525374 -0.05811999936280133 0.9975642793524815 -0.038569083914862926 0.3708809461113236 -0.029349375237884032 0.03691029343312751 0.99888750338155 1.4338157082039522 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/95306290_4701287373.jpg notre_dame_front_facade/test/images/67975963_918373188.jpg 0 0 1861.15 0.0 239.5 0.0 1861.15 319.5 0.0 0.0 1.0 644.159 0.0 319.5 0.0 644.159 239.5 0.0 0.0 1.0 0.9846435259203545 0.030332678170594415 0.17192165511689073 -0.5122881417039056 -0.0053195114585245585 0.9895455845831044 -0.14412230510897595 -0.03656683989236527 -0.17449593021321327 0.14099455545190845 0.9745110084919225 -0.5456971232722296 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/55165219_6771732707.jpg notre_dame_front_facade/test/images/08166131_278426084.jpg 0 0 705.515 0.0 213.0 0.0 705.515 319.5 0.0 0.0 1.0 496.946 0.0 212.5 0.0 496.946 319.5 0.0 0.0 1.0 0.9997343800939102 0.007856977062740137 0.02166649878684453 -0.05423895296086327 -0.013341293884357503 0.9638626842711056 0.2660652847464139 -0.7394289521570936 -0.018793060840000618 -0.2662836716382262 0.9637114853954628 -1.0539611095456536 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/35960796_2756840211.jpg notre_dame_front_facade/test/images/58668083_4179544564.jpg 0 0 544.223 0.0 187.0 0.0 544.223 249.5 0.0 0.0 1.0 681.176 0.0 239.5 0.0 681.176 319.5 0.0 0.0 1.0 0.9940996413852676 -0.049792194785462124 -0.0963672160858089 0.2659329658211699 0.055265176888052665 0.9969567592023425 0.05498163788297575 0.03692901965363515 0.09333629101916699 -0.05998297774543228 0.9938261312521303 0.25732280135143726 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/75827637_332080023.jpg notre_dame_front_facade/test/images/49984163_4144073459.jpg 0 0 824.199 0.0 239.5 0.0 824.199 319.5 0.0 0.0 1.0 699.426 0.0 239.5 0.0 699.426 319.5 0.0 0.0 1.0 0.9998388076870515 0.017260467203450317 0.004943168503484404 0.021443380532198908 -0.01763783416213434 0.9957215778155607 0.09070527150369526 -0.3634491424319378 -0.0033564041777280782 -0.0907778372974849 0.9958655124094753 -1.0376335428090502 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/12108431_6988563786.jpg notre_dame_front_facade/test/images/88494215_13093430663.jpg 0 0 611.0 0.0 239.5 0.0 611.0 319.5 0.0 0.0 1.0 527.97 0.0 239.5 0.0 527.97 319.5 0.0 0.0 1.0 0.9755347680477306 0.07430864344601372 0.2069061184191366 -0.3604190765510124 -0.1362418021560648 0.9429765181260853 0.3036996173986266 -0.6686741839715408 -0.1725401045418957 -0.32445879826569307 0.9300303223834446 -0.9176422564442779 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/20437892_10017965835.jpg notre_dame_front_facade/test/images/64105845_298847718.jpg 0 0 512.02 0.0 179.5 0.0 512.02 319.5 0.0 0.0 1.0 680.938 0.0 165.0 0.0 680.938 249.5 0.0 0.0 1.0 0.9905938290574986 0.01158847357180103 0.13634358479033243 -0.10045593575960737 -0.011689423580774308 0.9999316745406298 -6.022226626364364e-05 0.4235587839579048 -0.13633496693641048 -0.0015341221098028063 0.9906616088553144 2.2033058577119946 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/33988966_5921987459.jpg notre_dame_front_facade/test/images/63909552_10015127425.jpg 0 0 710.599 0.0 231.0 0.0 710.599 319.5 0.0 0.0 1.0 431.287 0.0 319.5 0.0 431.287 179.0 0.0 0.0 1.0 0.9995599541595511 0.014214431564062878 -0.0260355137430866 0.18843839740302387 -0.0054284040548878455 0.9505408678176138 0.3105520745993406 -0.7106147248470887 0.029162141038901027 -0.31027408616229635 0.9501997479404943 -1.2539893123642403 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/56381788_7846730740.jpg notre_dame_front_facade/test/images/66842228_181918175.jpg 0 0 665.593 0.0 213.5 0.0 665.593 319.5 0.0 0.0 1.0 658.953 0.0 239.5 0.0 658.953 319.5 0.0 0.0 1.0 0.9767463513582364 -0.14668508843769612 0.15636511739642675 -0.3533829962565307 0.16731276410607113 0.9775460534233327 -0.1281021170927834 0.016932949974604317 -0.13406343302914203 0.15128515547300822 0.979356828565538 0.045678380693683684 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/42027422_3584753134.jpg notre_dame_front_facade/test/images/92064571_307220044.jpg 0 0 1017.24 0.0 213.0 0.0 1017.24 319.5 0.0 0.0 1.0 674.607 0.0 213.0 0.0 674.607 319.5 0.0 0.0 1.0 0.983233508868664 0.045477990643807725 0.17658884280955212 -0.5184793445287543 -0.04259327322347674 0.9988904043828198 -0.02009410630102677 0.009283746532144685 -0.1773067401818815 0.012235701815933663 0.984079573757705 -0.092045472272204 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/78165838_2796390716.jpg notre_dame_front_facade/test/images/92245898_537005790.jpg 0 0 697.682 0.0 239.5 0.0 697.682 319.5 0.0 0.0 1.0 674.772 0.0 239.5 0.0 674.772 319.5 0.0 0.0 1.0 0.9581004450652887 0.06918986370742818 -0.27795017525780286 0.05663133444364987 -0.018854425553835336 0.9835162452829699 0.17983410661363475 -0.01463324488744605 0.2858112100718421 -0.16705854669736825 0.9436118874689066 -0.17832953190080036 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/06756861_3618322110.jpg notre_dame_front_facade/test/images/47992361_3352851129.jpg 0 0 619.283 0.0 239.5 0.0 619.283 319.5 0.0 0.0 1.0 431.773 0.0 319.5 0.0 431.773 212.0 0.0 0.0 1.0 0.8536818323906448 0.07189340111196597 0.5158087513048853 -1.6215680423210013 -0.14487911994120728 0.9841139869255459 0.10261433302695928 -0.1841722179679694 -0.5002373133335941 -0.16232990979502326 0.8505360843225448 -0.1280761877641983 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/43674862_141833517.jpg notre_dame_front_facade/test/images/37414234_5204240482.jpg 0 0 756.183 0.0 213.0 0.0 756.183 319.5 0.0 0.0 1.0 981.426 0.0 213.5 0.0 981.426 319.5 0.0 0.0 1.0 0.9986461168134991 -0.009306376422276014 0.051179338909426164 -0.12890248100503043 -0.0001689186458646669 0.9832810301957385 0.18209444561462648 0.5448457114611441 -0.05201831254289276 -0.18185655615097845 0.9819482105208481 1.2857796787447042 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/57166610_6309910907.jpg notre_dame_front_facade/test/images/89527506_47064183.jpg 0 0 718.825 0.0 213.0 0.0 718.825 319.5 0.0 0.0 1.0 486.165 0.0 249.5 0.0 486.165 187.0 0.0 0.0 1.0 0.9999433637695 0.009189213732959323 0.005369134409517599 -0.04738717526142916 -0.009223593114565224 0.9999368918377884 0.006413865592568561 0.15008532403645594 -0.005309857191527768 -0.006463025046569317 0.9999650167500127 -0.22310252134860925 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/28352136_8060371551.jpg notre_dame_front_facade/test/images/48230605_9403570019.jpg 0 0 873.568 0.0 239.5 0.0 873.568 319.5 0.0 0.0 1.0 450.656 0.0 179.5 0.0 450.656 319.5 0.0 0.0 1.0 0.9698811640724296 -0.058908751191909144 -0.2363478085587405 0.6084085703833095 0.06280207520995858 0.997985674522828 0.008971777780274935 -0.16179149772448018 0.23534321092147942 -0.023544691126147124 0.9716270995566881 -1.165912468891497 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/94554102_147558957.jpg notre_dame_front_facade/test/images/25819788_12704796265.jpg 0 0 547.53 0.0 319.5 0.0 547.53 232.5 0.0 0.0 1.0 541.8 0.0 319.5 0.0 541.8 212.0 0.0 0.0 1.0 0.998427177919594 -0.009735732291307682 0.05521218985212629 -0.1659623387836639 0.007261374292628084 0.9989677786414484 0.04484026850446625 -0.03208443279915291 -0.05559175150053834 -0.04436882636403919 0.997467274857767 -0.11620398797251968 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/32485075_5873194828.jpg notre_dame_front_facade/test/images/87628400_7656196462.jpg 0 0 1688.87 0.0 239.5 0.0 1688.87 319.5 0.0 0.0 1.0 486.204 0.0 212.0 0.0 486.204 319.5 0.0 0.0 1.0 0.9933846273686782 0.02544583008366837 0.11197987247244579 0.05581742646539892 -0.03324267887400032 0.9971094590552501 0.0683202090440814 -0.30787455740795333 -0.10991772563545989 -0.07159075634395806 0.9913590959875375 -0.6032849867537294 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/42766818_2665007597.jpg notre_dame_front_facade/test/images/13729493_60409794.jpg 0 0 831.635 0.0 319.5 0.0 831.635 239.5 0.0 0.0 1.0 698.515 0.0 239.5 0.0 698.515 319.5 0.0 0.0 1.0 0.9957736445127986 -0.03911979275369621 -0.08309326512182956 0.4014406743675679 0.041858121737190425 0.9986277669818145 0.03147190266808353 -0.25419475647406087 0.08174806748990057 -0.03481701922655979 0.9960446920865771 -0.7828991032252008 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/85190592_5089023484.jpg notre_dame_front_facade/test/images/67691681_4057682871.jpg 0 0 491.859 0.0 239.5 0.0 491.859 319.5 0.0 0.0 1.0 662.741 0.0 239.5 0.0 662.741 319.5 0.0 0.0 1.0 0.9899587771574662 -0.03817119978039455 0.1361050294302882 -0.6733972321696156 0.00991629879913426 0.9792313842192178 0.20250324238945133 -0.20633480800990117 -0.14100810808964392 -0.1991202040663875 0.9697772206984137 -0.561895900953629 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/06285764_3594606656.jpg notre_dame_front_facade/test/images/86200490_476468804.jpg 0 0 624.925 0.0 239.5 0.0 624.925 319.5 0.0 0.0 1.0 254.811 0.0 319.5 0.0 254.811 222.0 0.0 0.0 1.0 0.8902960395111897 0.11136626296212214 0.4415546597019912 -1.2270415033994944 -0.0707212086122145 0.9916840668090038 -0.10752312444113207 0.028590086569364685 -0.4498571692027564 0.06450013264332884 0.8907683538417132 -0.1658808575518339 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/98282583_3572009571.jpg notre_dame_front_facade/test/images/22891861_445889696.jpg 0 0 660.309 0.0 239.5 0.0 660.309 319.5 0.0 0.0 1.0 1183.91 0.0 319.5 0.0 1183.91 239.5 0.0 0.0 1.0 0.9630547125713826 -0.09630262155514241 -0.25149836117887253 0.4835422965110291 -0.024577511979976874 0.8985499250413304 -0.4381825853603649 0.2972176922385666 0.26818196527530647 0.42817500778282974 0.8629858609567415 1.7867652981857174 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/48230605_9403570019.jpg notre_dame_front_facade/test/images/58525912_2163151497.jpg 0 0 450.656 0.0 179.5 0.0 450.656 319.5 0.0 0.0 1.0 672.919 0.0 239.5 0.0 672.919 319.5 0.0 0.0 1.0 0.9991905088768768 0.04019255537200592 0.001698665074771657 -0.002375120752101667 -0.040220040507527595 0.9972284567345469 0.06259195971055086 0.3975066224398637 0.000821773655485288 -0.06260961245290234 0.9980377553562575 1.4948298391196848 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/43674862_141833517.jpg notre_dame_front_facade/test/images/73783180_6254295715.jpg 0 0 756.183 0.0 213.0 0.0 756.183 319.5 0.0 0.0 1.0 510.796 0.0 319.5 0.0 510.796 239.5 0.0 0.0 1.0 0.991148825461513 0.013440507852025376 0.13207330742789242 -0.28661473780372976 -0.005193062926821315 0.9980256211359139 -0.06259306394251173 0.12789514164873408 -0.13265382724859848 0.0613531768122315 0.989261719572402 1.2665101446554068 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/17253180_3321954648.jpg notre_dame_front_facade/test/images/95306290_4701287373.jpg 0 0 2056.32 0.0 319.5 0.0 2056.32 213.0 0.0 0.0 1.0 1861.15 0.0 239.5 0.0 1861.15 319.5 0.0 0.0 1.0 0.9613625626865452 -0.0011221693468408491 -0.2752830612310091 1.2638353162689278 -0.02954179773627934 0.9937964374479261 -0.10721904262918742 -0.1256843308474398 0.27369564346417224 0.11120873010590382 0.9553655389938267 -0.9215819139477486 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/89267134_4172331604.jpg notre_dame_front_facade/test/images/20432678_1041916289.jpg 0 0 278.458 0.0 319.5 0.0 278.458 221.0 0.0 0.0 1.0 637.694 0.0 319.5 0.0 637.694 239.5 0.0 0.0 1.0 0.9987800358457096 0.03519754210377759 -0.03463485276272729 -0.0956735128617281 -0.027280928604707006 0.9779366368579858 0.20711273554602214 0.12439737240277973 0.04116055065846268 -0.20591519448730441 0.9777038108490463 0.3401017418469189 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/64123516_6358230237.jpg notre_dame_front_facade/test/images/36126459_6228310178.jpg 0 0 528.109 0.0 319.5 0.0 528.109 211.5 0.0 0.0 1.0 672.751 0.0 319.5 0.0 672.751 212.5 0.0 0.0 1.0 0.9762863927090779 -0.008213034189221043 -0.21632712608571056 1.690882017832614 0.08740581371997709 0.9291636278361163 0.3591868266437066 -0.9231339754359351 0.19805328358561716 -0.3695774597778308 0.9078476733930209 -1.7993287731260632 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/66615582_2839963127.jpg notre_dame_front_facade/test/images/03640003_2550682198.jpg 0 0 537.15 0.0 187.0 0.0 537.15 249.5 0.0 0.0 1.0 679.184 0.0 319.5 0.0 679.184 239.5 0.0 0.0 1.0 0.8708925488089253 0.19831314600627886 0.4496866292766395 -1.7173815198947606 -0.092430441071699 0.9647388483514558 -0.24644587244423005 0.231285211138857 -0.4827036171320706 0.17306314050830943 0.8585140461314634 1.8864144962148026 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/08334105_1973261812.jpg notre_dame_front_facade/test/images/30853200_42283424.jpg 0 0 522.005 0.0 249.5 0.0 522.005 187.0 0.0 0.0 1.0 648.551 0.0 239.5 0.0 648.551 319.5 0.0 0.0 1.0 0.9638599960362613 0.1526298079322428 0.21835303929999467 -0.12532184080888498 0.040218754579209585 0.7268564249806612 -0.6856108147078994 0.13077805019896482 -0.26335595649439114 0.6696147244460048 0.6944492501140926 2.228787916127687 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/17253180_3321954648.jpg notre_dame_front_facade/test/images/12742093_2172973211.jpg 0 0 2056.32 0.0 319.5 0.0 2056.32 213.0 0.0 0.0 1.0 721.14 0.0 240.0 0.0 721.14 319.5 0.0 0.0 1.0 0.9926672650652095 0.03827833474867674 -0.11465805665902869 0.5624844017819823 -0.030481455814400163 0.9971509253650117 0.06899936880244577 -0.6353953035317627 0.11697256823457185 -0.06499847023253241 0.9910058613086196 -1.9229030008876824 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/42430740_6049202742.jpg notre_dame_front_facade/test/images/10570085_9512778760.jpg 0 0 459.25 0.0 319.5 0.0 459.25 239.5 0.0 0.0 1.0 532.423 0.0 319.5 0.0 532.423 239.5 0.0 0.0 1.0 0.9610481111618498 0.11273676146143825 0.25234292272110076 -0.007697191046144913 -0.18389692151959933 0.94241876520079 0.2793363443109989 0.1664217271576085 -0.20632123082187886 -0.3148607527346101 0.9264417175945499 0.46876866132751294 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/36077348_6211893193.jpg notre_dame_front_facade/test/images/11229713_5151251181.jpg 0 0 634.572 0.0 319.5 0.0 634.572 179.0 0.0 0.0 1.0 510.333 0.0 230.0 0.0 510.333 319.5 0.0 0.0 1.0 0.9783965122250305 -0.017872274777843523 -0.20596321676493792 0.4992092425308821 0.009637760512478452 0.9991161590594158 -0.04091471958433208 -0.14174561695557575 0.20651241715257626 0.038045794782415536 0.9777040140355232 -0.9060110256120024 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/87736245_2352767121.jpg notre_dame_front_facade/test/images/22891861_445889696.jpg 0 0 693.522 0.0 239.5 0.0 693.522 319.5 0.0 0.0 1.0 1183.91 0.0 319.5 0.0 1183.91 239.5 0.0 0.0 1.0 0.989391566251414 -2.8080058645955156e-05 0.14527328674633966 -0.26392684000018596 0.028128034672744773 0.9811133108969892 -0.19137785881913508 0.12207782635893148 -0.14252418144308984 0.19343389152953067 0.9707060251753458 0.9835385065114879 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/99737831_307230759.jpg notre_dame_front_facade/test/images/88021890_8415895778.jpg 0 0 677.829 0.0 213.0 0.0 677.829 319.5 0.0 0.0 1.0 630.164 0.0 180.0 0.0 630.164 319.5 0.0 0.0 1.0 0.9958388425305246 0.019768905158598832 0.08896173388764084 -0.29212693226721115 -0.009137772445453855 0.9929288949565317 -0.11835839925892826 0.009542397994661035 -0.09067249209214565 0.1170529792411585 0.9889778052254604 0.1557867090850461 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/56007984_3321151457.jpg notre_dame_front_facade/test/images/84092770_8200390352.jpg 0 0 703.863 0.0 319.5 0.0 703.863 213.0 0.0 0.0 1.0 499.749 0.0 319.5 0.0 499.749 212.5 0.0 0.0 1.0 0.9893786571474724 -0.034604537034680964 -0.14118214758842437 0.6275156013477365 0.03679893042997521 0.9992386335326919 0.012961171819262938 -0.16430197184102047 0.1406261408852354 -0.018018858796660913 0.9898987873653506 -0.6468474097641712 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/40855093_3275085444.jpg notre_dame_front_facade/test/images/78751376_5259305379.jpg 0 0 1947.13 0.0 239.5 0.0 1947.13 319.5 0.0 0.0 1.0 494.969 0.0 319.5 0.0 494.969 212.0 0.0 0.0 1.0 0.9967832070421178 -0.036585988922428016 -0.07130710745359774 0.7264113698761608 0.0696592339892896 0.8354847452766625 0.545080573429301 -4.51498226963534 0.03963368868596957 -0.5482943605624249 0.8353457157947152 -5.574139848885798 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/91197547_4558095525.jpg notre_dame_front_facade/test/images/85808395_9116833255.jpg 0 0 730.902 0.0 239.5 0.0 730.902 319.5 0.0 0.0 1.0 533.422 0.0 319.5 0.0 533.422 213.0 0.0 0.0 1.0 0.9366807377191666 -0.09794028330706482 -0.33620960202172995 1.0020599862706603 0.06614900400032228 0.9922939699787914 -0.10477111440418715 -0.011742689338893386 0.3438800733622749 0.07589715442269107 0.9359413000262862 -1.1679721379290509 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/23453150_2698843947.jpg notre_dame_front_facade/test/images/28264157_4531674049.jpg 0 0 819.299 0.0 239.5 0.0 819.299 319.5 0.0 0.0 1.0 321.962 0.0 190.5 0.0 321.962 319.5 0.0 0.0 1.0 0.8496039184230844 0.27920347102411747 0.4474579349706806 -0.2679512878094567 0.09214985416582556 0.7567578530182535 -0.6471676415523417 0.6365484245809325 -0.5193087580402993 0.5910693475923853 0.6172158780842842 0.16992108535198103 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/84092770_8200390352.jpg notre_dame_front_facade/test/images/18811361_141654097.jpg 0 0 499.749 0.0 319.5 0.0 499.749 212.5 0.0 0.0 1.0 487.423 0.0 319.5 0.0 487.423 179.5 0.0 0.0 1.0 0.9850612226519875 -0.021054540344468266 0.17091253306371224 -0.38664163307356336 -0.08885145377067952 0.7880411952264941 0.6091768986007556 -1.246155356807176 -0.14751205642322313 -0.6152623675773463 0.7743980967518646 -0.8193991810388658 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/28242249_5165846684.jpg notre_dame_front_facade/test/images/83755577_4922523649.jpg 0 0 739.638 0.0 319.5 0.0 739.638 239.5 0.0 0.0 1.0 667.625 0.0 239.5 0.0 667.625 319.5 0.0 0.0 1.0 0.990069924775931 -0.01014728595379188 -0.14020904622011404 0.3112920037542065 0.011483457725308097 0.9998960048745095 0.008724083600336004 -0.20488271542075168 0.14010593939178012 -0.010247537448898072 0.990083488259137 -0.8813102609731457 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/26162967_291218280.jpg notre_dame_front_facade/test/images/85088510_2525102624.jpg 0 0 1095.75 0.0 165.0 0.0 1095.75 249.5 0.0 0.0 1.0 889.277 0.0 166.0 0.0 889.277 249.5 0.0 0.0 1.0 0.922509934197224 -0.06080139638450207 -0.3811543145566221 1.7252665812731158 0.11119140948944223 0.9875141430545075 0.11158981908343198 -0.3579622190972608 0.36961045948834415 -0.14532380212826995 0.9177522000909607 -0.9979047014412251 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/30414576_8192509615.jpg notre_dame_front_facade/test/images/35889908_11468630525.jpg 0 0 1313.95 0.0 319.5 0.0 1313.95 211.5 0.0 0.0 1.0 1542.55 0.0 319.5 0.0 1542.55 213.0 0.0 0.0 1.0 0.7851180198883626 -0.2148497351202199 -0.5808866379641969 0.7076337964453093 0.17666949155959105 0.9766254974810532 -0.12243581347775977 0.17372579378171993 0.5936140038768055 -0.006498383541815237 0.8047236702202138 0.5356468768986746 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/68906626_8236091211.jpg notre_dame_front_facade/test/images/52366157_4087324332.jpg 0 0 595.075 0.0 319.5 0.0 595.075 239.5 0.0 0.0 1.0 691.211 0.0 319.5 0.0 691.211 239.5 0.0 0.0 1.0 0.9964836029975996 0.03949862049880416 0.07389376114134276 -0.023226130817294965 -0.0039063511287203995 0.9028552166158057 -0.4299269685080076 0.19633451583360328 -0.08369688989312277 0.4281265196274551 0.8998347147192648 0.497226189590635 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/68906626_8236091211.jpg notre_dame_front_facade/test/images/90095935_9048675746.jpg 0 0 595.075 0.0 319.5 0.0 595.075 239.5 0.0 0.0 1.0 459.15 0.0 319.5 0.0 459.15 319.5 0.0 0.0 1.0 0.9922508871879253 -0.049159355187513104 -0.11411193921901046 0.10959801137759362 0.011365399711548126 0.9504623875865873 -0.31063173931940785 0.12496227615832534 0.12372956220795399 0.3069276911273268 0.9436558630428129 0.2462058794475246 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/14613723_93691617.jpg notre_dame_front_facade/test/images/40345702_2326943941.jpg 0 0 1207.8 0.0 187.0 0.0 1207.8 249.5 0.0 0.0 1.0 647.589 0.0 213.0 0.0 647.589 319.5 0.0 0.0 1.0 0.9916476462292706 -0.008930728818540496 -0.12866696472178366 0.6014670435029653 0.00648513583717748 0.9997905057497656 -0.019413593840421028 0.02259527984094887 0.12881338727446145 0.01841702189272647 0.9914978187386406 -1.7104333740020072 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/81974946_5100244969.jpg notre_dame_front_facade/test/images/55422345_4940624653.jpg 0 0 697.124 0.0 319.5 0.0 697.124 213.0 0.0 0.0 1.0 668.447 0.0 319.5 0.0 668.447 239.5 0.0 0.0 1.0 0.9863253650720792 0.06787312209655369 0.1501849310426835 -0.28804763484673834 -0.03163796647575156 0.9722898531017072 -0.23162789260522984 0.1567832971032631 -0.16174459277734293 0.22370891992123823 0.9611415118779151 1.1472721832474562 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/86200490_476468804.jpg notre_dame_front_facade/test/images/74816282_4206306388.jpg 0 0 254.811 0.0 319.5 0.0 254.811 222.0 0.0 0.0 1.0 698.885 0.0 191.0 0.0 698.885 319.5 0.0 0.0 1.0 0.9415881921817251 -0.0657619833915225 -0.3302832691559836 0.7329026147873603 0.12329921201505975 0.9799694329750408 0.1563880262393583 -0.0012057808085120247 0.31338312121174644 -0.18797678573427617 0.9308360475210411 0.12600283767044204 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16936811_3689681321.jpg notre_dame_front_facade/test/images/26162967_291218280.jpg 0 0 503.368 0.0 212.5 0.0 503.368 319.5 0.0 0.0 1.0 1095.75 0.0 165.0 0.0 1095.75 249.5 0.0 0.0 1.0 0.9593992435007509 0.02072130526782817 0.28128938671443793 -0.7907489612994493 -0.06324813341569836 0.9877052006965908 0.14296191848299114 0.3860349244411545 -0.2748686326040445 -0.15494858510133247 0.9489142062301934 1.943753354509896 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/42745507_7964372034.jpg notre_dame_front_facade/test/images/83755577_4922523649.jpg 0 0 1044.95 0.0 279.5 0.0 1044.95 319.5 0.0 0.0 1.0 667.625 0.0 239.5 0.0 667.625 319.5 0.0 0.0 1.0 0.9945941187259723 -0.056847372401148046 -0.08689600247877849 0.233783470761755 0.04713154257225773 0.9928092972173398 -0.11003779829481838 -0.17402333569326556 0.09252651884982026 0.10534740438139362 0.9901215923812776 -0.5197902369658932 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/02989085_1413183882.jpg notre_dame_front_facade/test/images/79303999_2708557564.jpg 0 0 648.829 0.0 249.5 0.0 648.829 165.5 0.0 0.0 1.0 514.539 0.0 319.5 0.0 514.539 212.5 0.0 0.0 1.0 0.9836863772357076 0.031584044646532895 0.17709759841582964 -0.441301338050745 0.009482057098550295 0.9739946079137456 -0.22637268905088498 0.12097690541353333 -0.17964187104923088 0.22435897993776546 0.9578057455910445 0.43522803426654 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/61128028_158284839.jpg notre_dame_front_facade/test/images/86698292_8276881929.jpg 0 0 908.622 0.0 319.5 0.0 908.622 239.5 0.0 0.0 1.0 693.817 0.0 319.5 0.0 693.817 213.0 0.0 0.0 1.0 0.9862078681955875 0.03059892186895191 0.16265837417597698 -0.8066560700482178 -0.008074112764949447 0.9904863173449522 -0.13737417463079915 0.10220984568761693 -0.1653143956592203 0.1341661698525086 0.9770724586513195 0.3686762256757108 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/83755577_4922523649.jpg notre_dame_front_facade/test/images/76022149_7552328104.jpg 0 0 667.625 0.0 239.5 0.0 667.625 319.5 0.0 0.0 1.0 963.011 0.0 305.5 0.0 963.011 305.5 0.0 0.0 1.0 0.9998762793726762 0.012732479358883107 0.009236336786298536 -0.016760642898761023 -0.015305874261755897 0.9229392738985881 0.38464116642479984 -0.6977994140212769 -0.0036271422549487026 -0.38473494858788554 0.9230199690007468 -0.6558201227403451 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/07174573_8039801985.jpg notre_dame_front_facade/test/images/48194802_193393602.jpg 0 0 746.806 0.0 319.5 0.0 746.806 239.5 0.0 0.0 1.0 744.735 0.0 239.5 0.0 744.735 319.5 0.0 0.0 1.0 0.8951565527315547 0.008272088479350601 0.44567512680645394 -1.732950137948613 -0.05939466328306836 0.9931257994374668 0.10086337524187686 -0.39972131617856266 -0.4417771158347271 -0.11675923536869591 0.8894943849630911 -0.7767397303809802 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/35565310_3122947188.jpg notre_dame_front_facade/test/images/98282583_3572009571.jpg 0 0 659.902 0.0 239.5 0.0 659.902 319.5 0.0 0.0 1.0 660.309 0.0 239.5 0.0 660.309 319.5 0.0 0.0 1.0 0.9066028819664116 0.18881601786668267 0.3773853810194103 -0.5671329020996583 -0.16526881355593062 0.9817431408212293 -0.09416275652445164 0.10953647923905785 -0.3882749459803091 0.02299819226453857 0.921256560072465 0.31368761872480744 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/83886867_8305111396.jpg notre_dame_front_facade/test/images/43666192_4761714801.jpg 0 0 821.266 0.0 212.0 0.0 821.266 319.5 0.0 0.0 1.0 654.307 0.0 239.5 0.0 654.307 319.5 0.0 0.0 1.0 0.8896647672161283 -0.04404936973512547 -0.454484603699851 -0.10176735063607488 0.1696100980163766 0.9560020024378906 0.23935869732603893 0.1935017774313098 0.42394459145641605 -0.29003417791819197 0.8579925168753929 0.5057179700978351 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/04747376_6924913614.jpg notre_dame_front_facade/test/images/76922738_2324942217.jpg 0 0 1060.77 0.0 213.0 0.0 1060.77 319.5 0.0 0.0 1.0 401.674 0.0 249.5 0.0 401.674 165.5 0.0 0.0 1.0 0.9434357822340715 0.016127510411610334 0.3311628424330074 -0.8591558745685621 -0.06331566807736358 0.989198312649701 0.13220372319606355 -0.1408130427638689 -0.3254536080247116 -0.14569351961877944 0.93426620797543 -0.9304138316541661 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/70470648_253650724.jpg notre_dame_front_facade/test/images/78165838_2796390716.jpg 0 0 661.366 0.0 239.5 0.0 661.366 319.5 0.0 0.0 1.0 697.682 0.0 239.5 0.0 697.682 319.5 0.0 0.0 1.0 0.8990541500145544 0.09364804035450014 0.4277051319301294 -0.14144145165391786 0.08771987495440983 0.9185260025139385 -0.3855064282781121 -0.1407190862979151 -0.42896020663878626 0.3841093948909951 0.8175898200668129 1.3322826747395191 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/27925422_3744130638.jpg notre_dame_front_facade/test/images/54439631_9271690013.jpg 0 0 876.403 0.0 239.5 0.0 876.403 319.5 0.0 0.0 1.0 449.574 0.0 319.5 0.0 449.574 239.5 0.0 0.0 1.0 0.9676343568191998 0.041033962585100024 0.24899792251675162 -0.7723233947710642 -0.11179220231230243 0.954294313761105 0.2771729897110953 -0.779399273490569 -0.22624379550665893 -0.2960381337560861 0.9279952415594352 -1.856966535888135 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/75437734_2225459366.jpg notre_dame_front_facade/test/images/52452287_5741047302.jpg 0 0 740.607 0.0 319.5 0.0 740.607 239.5 0.0 0.0 1.0 1362.04 0.0 319.5 0.0 1362.04 213.0 0.0 0.0 1.0 0.9954729726577386 0.049357054209751366 0.08122463855075387 -0.09235960029423568 -0.035122994863999495 0.9851326985022965 -0.16816641035999608 0.03541901074052678 -0.08831724599277546 0.16455226385959815 0.9824065434019323 0.04064034851893239 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/09667369_4323694899.jpg notre_dame_front_facade/test/images/66503262_8564870595.jpg 0 0 406.498 0.0 165.5 0.0 406.498 249.5 0.0 0.0 1.0 434.857 0.0 319.5 0.0 434.857 213.0 0.0 0.0 1.0 0.984556123018013 0.0853174160429326 0.15287308182769302 -0.21804852865731708 -0.13244705433534407 0.9340307902635444 0.3317291977465188 -0.2789937810144535 -0.11448588745181562 -0.34685360220043215 0.9309057740797156 -0.3053569247350133 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/10271797_13991878773.jpg notre_dame_front_facade/test/images/64518898_5543139365.jpg 0 0 483.005 0.0 319.5 0.0 483.005 239.5 0.0 0.0 1.0 551.721 0.0 228.0 0.0 551.721 319.5 0.0 0.0 1.0 0.919904175073394 -0.03940189693631659 0.3901586846404402 -0.8331869522700519 -0.09332250892458714 0.9443578749955841 0.3154030964683844 0.21475170525327766 -0.3808769066385608 -0.32655121260170594 0.865041668093391 0.6648618117396515 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/74055833_422957728.jpg notre_dame_front_facade/test/images/91963349_6452367725.jpg 0 0 662.31 0.0 239.5 0.0 662.31 319.5 0.0 0.0 1.0 516.037 0.0 239.5 0.0 516.037 319.5 0.0 0.0 1.0 0.9943610508354803 0.001823485899881234 0.10603195499721717 -0.24371909661706564 -0.014639380813987 0.9926397828607747 0.12021626350663474 -0.3772856746511718 -0.10503232412330032 -0.12109061227562813 0.9870690322910406 -0.6057027970385205 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16199404_86872664.jpg notre_dame_front_facade/test/images/75437734_2225459366.jpg 0 0 719.163 0.0 239.5 0.0 719.163 319.5 0.0 0.0 1.0 740.607 0.0 319.5 0.0 740.607 239.5 0.0 0.0 1.0 0.9998574131081374 -9.509935762463029e-05 -0.016886219494478626 0.015616444460536213 0.004957993091749214 0.9575642827879104 0.28817713759661245 -0.26173352655407345 0.016142235198562126 -0.28821976907385605 0.9574282181750272 -0.241811765143485 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/92263499_2724825410.jpg notre_dame_front_facade/test/images/68740277_88652995.jpg 0 0 1088.49 0.0 239.5 0.0 1088.49 319.5 0.0 0.0 1.0 1818.38 0.0 319.5 0.0 1818.38 213.5 0.0 0.0 1.0 0.9274116206743914 0.05983643143494391 0.3692252528081335 -1.4404935341954737 -0.03623905159237782 0.9968515385028061 -0.07052475681825283 0.7587178646611881 -0.37228271109169686 0.052025106032760476 0.9266601164205224 5.974469700097948 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/47104342_7985973355.jpg notre_dame_front_facade/test/images/14588590_8291532597.jpg 3 0 459.867 0.0 319.5 0.0 459.867 239.5 0.0 0.0 1.0 539.759 0.0 213.0 0.0 539.759 319.5 0.0 0.0 1.0 0.30429562609380745 -0.9083901867141019 0.2867602493751477 -0.34850911901207704 0.879397432047648 0.15217653171548495 -0.4511124690174818 0.4916183500894109 0.3661479597760723 0.38944777811224596 0.8451426504888122 1.390185601583667 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/56381788_7846730740.jpg notre_dame_front_facade/test/images/63253229_143438035.jpg 0 0 665.593 0.0 213.5 0.0 665.593 319.5 0.0 0.0 1.0 520.078 0.0 187.0 0.0 520.078 249.5 0.0 0.0 1.0 0.97515798152848 -0.21115182384953965 0.06694638411679837 -0.08460755188270278 0.21470318903014013 0.9753384580078855 -0.05116085369780344 0.043676083793855236 -0.05449267548569106 0.0642635169891372 0.996444051968096 0.03958278783709834 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/97258672_6764851771.jpg notre_dame_front_facade/test/images/85133638_2665012325.jpg 0 0 523.368 0.0 319.5 0.0 523.368 239.5 0.0 0.0 1.0 715.851 0.0 319.5 0.0 715.851 239.5 0.0 0.0 1.0 0.9994211689965767 -0.029861838950676546 -0.016297163434157737 -0.08178996626515832 0.03164667189806777 0.9918646146085921 0.1233007479503896 -0.5532173990878442 0.012482592651041605 -0.12374512863880063 0.992235520438003 -1.3509762055988002 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/88697814_397500572.jpg notre_dame_front_facade/test/images/82874025_5193294425.jpg 0 0 534.268 0.0 183.0 0.0 534.268 249.5 0.0 0.0 1.0 281.221 0.0 319.5 0.0 281.221 212.0 0.0 0.0 1.0 0.9804815471316072 0.032146686520560165 0.19396527080938622 -0.4278602884555146 -0.0852476152465964 0.958495271006528 0.27206554275190875 -0.8588476415361648 -0.1771687890944056 -0.28329032105575236 0.9425273545987674 -1.2422626288869612 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16804042_6635582193.jpg notre_dame_front_facade/test/images/76423402_3823704092.jpg 0 0 975.444 0.0 319.5 0.0 975.444 213.5 0.0 0.0 1.0 502.678 0.0 319.5 0.0 502.678 213.5 0.0 0.0 1.0 0.8952899932302372 -0.12748164622093833 -0.4268539069735704 1.0108096232143347 0.23986495968520247 0.9453735884100266 0.2207568333075246 -0.6613458513403457 0.37539396523787927 -0.30002867898510904 0.876961893499046 -0.5823557706718944 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/43886992_2526982465.jpg notre_dame_front_facade/test/images/88727883_287637082.jpg 0 0 822.701 0.0 319.5 0.0 822.701 212.5 0.0 0.0 1.0 559.362 0.0 186.5 0.0 559.362 249.5 0.0 0.0 1.0 0.9500270354899499 -0.15946412084038777 -0.268365098332066 0.48611749072210936 0.11165011042323557 0.9763890806434601 -0.18492867825920964 0.2525840704577771 0.29151824073401755 0.14572425112115403 0.9454002104688375 0.6553531514516229 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/30414106_3122950556.jpg notre_dame_front_facade/test/images/66556628_3153467175.jpg 0 0 650.273 0.0 319.5 0.0 650.273 239.5 0.0 0.0 1.0 659.486 0.0 319.5 0.0 659.486 239.5 0.0 0.0 1.0 0.829316903691926 0.15693504402163494 0.5362880431342509 -1.3836821523344152 -0.17277617264592016 0.9847375554787534 -0.020984303551854513 0.0384787480756307 -0.5313961492301802 -0.07525515788075053 0.843774136718873 0.08321589631175941 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/81875745_5270921683.jpg notre_dame_front_facade/test/images/37315332_3020520637.jpg 0 0 785.224 0.0 319.5 0.0 785.224 214.5 0.0 0.0 1.0 799.466 0.0 213.0 0.0 799.466 319.5 0.0 0.0 1.0 0.8641970872743 -0.4855706515407431 -0.13185043310097164 0.6284279731981393 0.4986606855541737 0.8614912603452193 0.09576183494194038 -0.33416971282952757 0.06708885920372397 -0.14850572618961239 0.9866332318848978 -1.1488741339922492 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16248504_5575722639.jpg notre_dame_front_facade/test/images/00504662_7553416128.jpg 0 0 303.539 0.0 211.5 0.0 303.539 319.5 0.0 0.0 1.0 647.636 0.0 239.5 0.0 647.636 319.5 0.0 0.0 1.0 0.9664166721216125 -0.16828911288739962 -0.19421017050854872 -0.10917187885988516 0.07056879894800973 0.9004800538476376 -0.4291336822455109 0.5409270451143073 0.2471009114924971 0.40101676661472374 0.8821148975238142 0.9844233334351256 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/20047373_84605639.jpg notre_dame_front_facade/test/images/20449428_10758420474.jpg 0 0 716.541 0.0 319.5 0.0 716.541 213.0 0.0 0.0 1.0 916.516 0.0 239.5 0.0 916.516 319.5 0.0 0.0 1.0 0.9945108326973784 0.07345859244800168 -0.07451200469136156 0.2730777120325654 -0.08008176769696523 0.9927001910276682 -0.09018448434270974 0.05659242667205516 0.0673432560105048 0.09565649967038077 0.9931337875335398 0.07892202322524966 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/81357869_4069966605.jpg notre_dame_front_facade/test/images/71272180_3274206565.jpg 0 0 820.937 0.0 319.5 0.0 820.937 213.0 0.0 0.0 1.0 701.674 0.0 319.5 0.0 701.674 239.5 0.0 0.0 1.0 0.9488152853354893 0.07993935785990987 -0.3055474650175965 0.9258253538322895 0.05292253996071607 0.9135181335946063 0.4033408290242057 -1.1156875590765853 0.31136595683831664 -0.39886629170534377 0.862529374724935 -0.9290077541680981 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/56381788_7846730740.jpg notre_dame_front_facade/test/images/22891861_445889696.jpg 0 0 665.593 0.0 213.5 0.0 665.593 319.5 0.0 0.0 1.0 1183.91 0.0 319.5 0.0 1183.91 239.5 0.0 0.0 1.0 0.9390368202070712 -0.10748430257018929 0.3265837947547195 -0.6436091368782517 0.21897690621531826 0.9192748919317191 -0.3270822337093439 0.14750958917731466 -0.26506407685644706 0.37865656968409545 0.8867695514592916 1.1945283604857329 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/47283337_2586573512.jpg notre_dame_front_facade/test/images/14613723_93691617.jpg 0 0 1507.44 0.0 213.0 0.0 1507.44 319.5 0.0 0.0 1.0 1207.8 0.0 187.0 0.0 1207.8 249.5 0.0 0.0 1.0 0.9518649049096153 0.06234123730056344 0.30011126758794604 -0.4402089527906586 -0.055850657364563544 0.9979833169501722 -0.030166258652322312 0.11161873997986668 -0.30138664017065364 0.01195279134627242 0.9534270941743147 2.1554036526412244 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/11689125_6228298812.jpg notre_dame_front_facade/test/images/87628400_7656196462.jpg 0 0 499.904 0.0 319.5 0.0 499.904 212.5 0.0 0.0 1.0 486.204 0.0 212.0 0.0 486.204 319.5 0.0 0.0 1.0 0.9776485700310914 0.02981520690112143 0.20812094309224588 -0.49257303297069044 -0.04445873415764452 0.996825988813042 0.06604066159572325 -0.2748472742956864 -0.20549134890126747 -0.07381735205454246 0.9758710488903712 -0.5633783179601077 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/34722769_6860824250.jpg notre_dame_front_facade/test/images/33645044_55429420.jpg 0 0 575.935 0.0 239.5 0.0 575.935 319.5 0.0 0.0 1.0 526.679 0.0 187.0 0.0 526.679 249.5 0.0 0.0 1.0 0.9970482258206332 -0.04004992338882239 -0.06550449621573323 0.12627098701457845 0.031584122788507696 0.991588182550995 -0.12552019523923194 0.20786736566783798 0.06998055855455872 0.12308078591625865 0.9899261798551587 0.7133427917535138 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/02864341_2175867632.jpg notre_dame_front_facade/test/images/69189455_2043939797.jpg 0 0 725.615 0.0 240.0 0.0 725.615 319.5 0.0 0.0 1.0 572.409 0.0 187.0 0.0 572.409 249.5 0.0 0.0 1.0 0.9424462428806438 -0.04314559905363842 -0.33156226649373244 0.3880055165772056 0.07030873264408362 0.9950403812424161 0.07036562947156856 0.24769203752179975 0.32688187682118597 -0.08962754587318558 0.9408055812050699 0.8043678224757541 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/88044894_523998738.jpg notre_dame_front_facade/test/images/59441370_9094154456.jpg 0 0 510.324 0.0 249.5 0.0 510.324 187.0 0.0 0.0 1.0 709.773 0.0 319.5 0.0 709.773 239.5 0.0 0.0 1.0 0.9471584297000324 0.00027579001834199534 -0.32076600971429925 1.2088240111161646 0.14693942439863747 0.8885329748432247 0.4346469350790895 -0.8911234619621133 0.2851310481262348 -0.45881268133750935 0.8415409727626573 -1.0255820004956586 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/27553172_6999659277.jpg notre_dame_front_facade/test/images/05852089_7355180390.jpg 0 0 500.952 0.0 319.5 0.0 500.952 213.5 0.0 0.0 1.0 678.861 0.0 319.5 0.0 678.861 239.5 0.0 0.0 1.0 0.9873141012190998 0.05843751421448027 -0.14763442168530222 0.5758770073950946 -0.03468164526673145 0.9867277137525654 0.1586366993927554 -0.11416101154020816 0.15494530975642284 -0.1515040456392741 0.9762368949898477 -0.3140347037417859 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/51797576_5255048101.jpg notre_dame_front_facade/test/images/99155510_288146072.jpg 0 0 603.995 0.0 238.5 0.0 603.995 319.5 0.0 0.0 1.0 789.09 0.0 319.5 0.0 789.09 239.5 0.0 0.0 1.0 0.976211011186411 -0.052484731712129064 -0.2103744627456262 0.3838113085924694 0.015315333646445339 0.9845284771273414 -0.17455405546883232 0.4284227027622127 0.21628107220397974 0.1671796359082767 0.9619113613758145 1.8427414691305657 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/89455443_12073338213.jpg notre_dame_front_facade/test/images/98359518_9321667101.jpg 0 0 460.921 0.0 212.5 0.0 460.921 319.5 0.0 0.0 1.0 1039.51 0.0 203.0 0.0 1039.51 319.5 0.0 0.0 1.0 0.99884631764899 -0.0023099788081471545 -0.04796558888369285 0.1305457402761513 -0.000948261935556442 0.9976988160576094 -0.06779508268706735 -0.014579601096529697 0.048011816445070105 0.06776235263884095 0.996545598076924 1.7169348903450175 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/01434393_2942710887.jpg notre_dame_front_facade/test/images/81974946_5100244969.jpg 0 0 715.702 0.0 239.5 0.0 715.702 319.5 0.0 0.0 1.0 697.124 0.0 319.5 0.0 697.124 213.0 0.0 0.0 1.0 0.9866556822452159 -0.05028737107147386 -0.15486040489404462 0.41931704464115377 0.0758722673880049 0.9835346217491634 0.16402148292870927 -0.23666863552739278 0.14406236057565708 -0.17358233818983335 0.974225440097886 -0.6503749393376664 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16445294_19140011.jpg notre_dame_front_facade/test/images/85791643_379742998.jpg 0 0 627.378 0.0 239.5 0.0 627.378 319.5 0.0 0.0 1.0 792.408 0.0 249.5 0.0 792.408 238.5 0.0 0.0 1.0 0.9997788622067261 1.4899279932652905e-05 -0.021029181216485757 0.11790875159593489 -0.00011294296031223998 0.9999891306917246 -0.004661088102213084 -0.04765870545124183 0.021028883196975823 0.0046624324574554375 0.9997679969848341 0.014313914607367917 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/15594978_7330790386.jpg notre_dame_front_facade/test/images/49047422_9668436418.jpg 0 0 716.242 0.0 239.5 0.0 716.242 319.5 0.0 0.0 1.0 589.962 0.0 319.5 0.0 589.962 239.5 0.0 0.0 1.0 0.9995885083989924 -0.023103717522115513 0.0170009444836533 0.3133449082195645 0.015924364162708243 0.9399183043589281 0.34102785187877327 -0.9398187114161592 -0.02385851006855675 -0.3406167925509477 0.9398994478823856 -1.5953161864839447 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/58743588_542015945.jpg notre_dame_front_facade/test/images/73100287_2167356662.jpg 0 0 669.222 0.0 239.5 0.0 669.222 319.5 0.0 0.0 1.0 410.944 0.0 166.0 0.0 410.944 249.5 0.0 0.0 1.0 0.9569148455234885 0.13020892996435776 0.25953730555412524 -0.34420443410949453 -0.19266490844613957 0.9534398333909347 0.23201878621548475 -0.4764664396468443 -0.2172422874815099 -0.2720259521828811 0.9374474224556796 -0.6690144383107742 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/68906626_8236091211.jpg notre_dame_front_facade/test/images/16990573_5919017332.jpg 0 0 595.075 0.0 319.5 0.0 595.075 239.5 0.0 0.0 1.0 524.456 0.0 213.0 0.0 524.456 319.5 0.0 0.0 1.0 0.9976242895007778 -0.06583116432281652 0.02029864039710074 -0.16719489420805272 0.0652031782210189 0.8072221987838374 -0.5866352080641466 0.23272637545076127 0.022233365645950406 0.5865650685085917 0.8095968736708192 1.323819029808714 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/87453268_2874605638.jpg notre_dame_front_facade/test/images/80810945_5469108219.jpg 0 0 859.782 0.0 212.5 0.0 859.782 319.5 0.0 0.0 1.0 470.538 0.0 239.5 0.0 470.538 319.5 0.0 0.0 1.0 0.9996865015221553 0.005570390382988663 0.02441043681246077 -0.016302810001689455 -0.002220676932742984 0.9908214812967815 -0.13515865046237976 -0.02127961182528465 -0.024939271608337223 0.1350620707372446 0.990523230308009 -0.198219362902713 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/88494215_13093430663.jpg notre_dame_front_facade/test/images/89632394_1391563454.jpg 0 0 527.97 0.0 239.5 0.0 527.97 319.5 0.0 0.0 1.0 525.849 0.0 166.0 0.0 525.849 249.5 0.0 0.0 1.0 0.9004481871211899 -0.22175982959994323 -0.37418663830495974 0.2653672743602104 0.08974006203789718 0.9364791801641092 -0.33904788214143483 0.4382944536878333 0.42560519683809905 0.27171551868629445 0.8631517209213228 1.4299816184190062 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/89205044_8290554496.jpg notre_dame_front_facade/test/images/35565310_3122947188.jpg 0 0 503.867 0.0 319.5 0.0 503.867 213.0 0.0 0.0 1.0 659.902 0.0 239.5 0.0 659.902 319.5 0.0 0.0 1.0 0.9999258590338751 -0.012161727218135325 -0.0006073108251301209 -0.019473020731412993 0.011479965319422216 0.9581548052122181 -0.2860202434181915 0.2443575874492243 0.004060397964672534 0.28599206569380253 0.9582233828959509 0.3087794390077423 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/68199511_6932972308.jpg notre_dame_front_facade/test/images/86821962_2883156666.jpg 0 0 688.798 0.0 213.0 0.0 688.798 319.5 0.0 0.0 1.0 732.355 0.0 319.5 0.0 732.355 239.5 0.0 0.0 1.0 0.9921776123547174 0.04223372673804328 -0.11747296654085417 0.2534191009246658 0.013204538656637522 0.9002461725714682 0.4351809611291461 -0.71759092552642 0.12413390230294752 -0.43332798328314576 0.892646421156106 -0.755571265382642 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/12108431_6988563786.jpg notre_dame_front_facade/test/images/51575595_2715884125.jpg 0 0 611.0 0.0 239.5 0.0 611.0 319.5 0.0 0.0 1.0 912.594 0.0 213.0 0.0 912.594 319.5 0.0 0.0 1.0 0.9926929218564522 0.05119124537038652 0.10927131047776542 -0.29872254892956773 -0.05096843153955863 0.9986885705281389 -0.004833020055790156 0.33241255735735986 -0.10937541717633197 -0.0007716825067507093 0.9940002125873072 1.268306037972455 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/91922425_3564470202.jpg notre_dame_front_facade/test/images/14248814_1334513582.jpg 0 0 519.608 0.0 187.0 0.0 519.608 249.5 0.0 0.0 1.0 696.736 0.0 319.5 0.0 696.736 239.5 0.0 0.0 1.0 0.9971205398673451 -0.026700440101950548 -0.07097686575931916 0.21132756884012477 0.02050871709329922 0.9960341380846752 -0.08657591058201711 -0.3043416417766993 0.07300699622530213 0.08487097423902094 0.9937136892656144 -1.3512200555030909 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16990573_5919017332.jpg notre_dame_front_facade/test/images/32850132_379216157.jpg 0 0 524.456 0.0 213.0 0.0 524.456 319.5 0.0 0.0 1.0 486.649 0.0 249.5 0.0 486.649 167.0 0.0 0.0 1.0 0.974638954280246 0.020039990359697796 0.22288406759095936 -0.37490114881788317 -0.11489212630879725 0.8995068599921949 0.421529605293893 -0.8523294103507173 -0.19203829855461518 -0.43644679814768395 0.8789968624943341 -1.1488754749247365 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/57166166_2293019823.jpg notre_dame_front_facade/test/images/82313031_470548832.jpg 0 0 712.526 0.0 239.5 0.0 712.526 319.5 0.0 0.0 1.0 592.996 0.0 249.5 0.0 592.996 187.0 0.0 0.0 1.0 0.9959875580183424 0.0011155782435355174 -0.08948485770140895 0.08370060987701755 0.0008801503760916145 0.9997518312371749 0.02225985788882824 -0.24441402759271158 0.08948748296814656 -0.02224930163168982 0.9957394031416692 -0.2007178381077992 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/91197547_4558095525.jpg notre_dame_front_facade/test/images/94185952_3045662541.jpg 0 0 730.902 0.0 239.5 0.0 730.902 319.5 0.0 0.0 1.0 640.582 0.0 239.5 0.0 640.582 319.5 0.0 0.0 1.0 0.9967241236753085 -0.02269562445520805 -0.07762686335461899 0.24874386674546453 0.03942847689349935 0.9743905763872787 0.22137840874287168 -0.6060751558707581 0.07061456289992397 -0.22371390944296551 0.9720934472715044 -1.251475828778672 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/81357869_4069966605.jpg notre_dame_front_facade/test/images/14613723_93691617.jpg 0 0 820.937 0.0 319.5 0.0 820.937 213.0 0.0 0.0 1.0 1207.8 0.0 187.0 0.0 1207.8 249.5 0.0 0.0 1.0 0.9899994556915073 0.09410922615648198 0.10509296495364165 -0.1983114332705036 -0.08414527561581364 0.991863513131052 -0.09553189996470499 0.05516604044630162 -0.11322831060321438 0.08573345246492624 0.9898631848929359 1.9258402365877063 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/90095935_9048675746.jpg notre_dame_front_facade/test/images/89632394_1391563454.jpg 0 0 459.15 0.0 319.5 0.0 459.15 319.5 0.0 0.0 1.0 525.849 0.0 166.0 0.0 525.849 249.5 0.0 0.0 1.0 0.9993299950697409 -0.021766664441692694 0.0294240254383129 -0.03548855701663764 0.027585055617966314 0.9763024690703543 -0.21464518069056093 0.31022908842229135 -0.02405463906329589 0.21531303073946217 0.9762487762518948 1.0268529697675652 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/98359518_9321667101.jpg notre_dame_front_facade/test/images/92064571_307220044.jpg 0 0 1039.51 0.0 203.0 0.0 1039.51 319.5 0.0 0.0 1.0 674.607 0.0 213.0 0.0 674.607 319.5 0.0 0.0 1.0 0.9831871659809125 0.028994456999993565 0.18028399294917277 -0.6028487061745325 -0.029779295194809985 0.9995551403045629 0.00164774646906569 0.07772031588903106 -0.180156016352833 -0.006988773426108179 0.9836132201317124 -0.8168767251330832 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/12297295_3241434580.jpg notre_dame_front_facade/test/images/99155510_288146072.jpg 0 0 709.584 0.0 239.5 0.0 709.584 319.5 0.0 0.0 1.0 789.09 0.0 319.5 0.0 789.09 239.5 0.0 0.0 1.0 0.986020830599185 -0.07589122355806244 -0.1483355783733411 0.4531148482854109 0.06256209488573558 0.9937405268878005 -0.09255133442725116 0.21474964632305152 0.15443090982054614 0.08197735911589768 0.9845967736512148 0.9234704987887264 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/97258672_6764851771.jpg notre_dame_front_facade/test/images/48315441_8654343906.jpg 0 0 523.368 0.0 319.5 0.0 523.368 239.5 0.0 0.0 1.0 311.727 0.0 213.0 0.0 311.727 319.5 0.0 0.0 1.0 0.9693859138909567 -0.007281798749721135 0.24543415686648615 -0.7251649770800134 0.016420717317713864 0.9992450266782006 -0.03520989493955296 -0.186819850965661 -0.2449924692568449 0.038162181093999215 0.9687736257462743 -1.2557647737771487 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/95306290_4701287373.jpg notre_dame_front_facade/test/images/93967284_1001548090.jpg 0 0 1861.15 0.0 239.5 0.0 1861.15 319.5 0.0 0.0 1.0 693.696 0.0 319.5 0.0 693.696 239.5 0.0 0.0 1.0 0.9964475130919174 -0.004292063951853899 -0.08410666941430073 0.24517475943347955 0.013298047315737473 0.9941902050793293 0.10681291149439483 -0.11440396099147954 0.08315957906652535 -0.10755191449413719 0.9907154334611549 -0.26662936125009695 0.0 0.0 0.0 1.0 +reichstag/test/images/48983853_5719892543.jpg reichstag/test/images/05866831_3427466899.jpg 0 0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 961.582 0.0 249.5 0.0 961.582 176.5 0.0 0.0 1.0 0.9466546354445191 -0.05000442487440239 -0.31834660149652144 3.873437884993777 0.011847840219521667 0.992620175913472 -0.12068477555864503 0.36623695806652384 0.32203203237183947 0.1104750825412142 0.9402609352004232 6.4178310093317075 0.0 0.0 0.0 1.0 +reichstag/test/images/92414106_7915968882.jpg reichstag/test/images/49051226_8836027266.jpg 0 0 1871.37 0.0 319.5 0.0 1871.37 212.5 0.0 0.0 1.0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 0.999664477467968 0.013230186488673142 0.022268692242004378 -0.5435804095414432 -0.014401276322326212 0.9984758896282875 0.053277585073725424 -0.9102060191912753 -0.02152987991100232 -0.053580406833794884 0.9983314100410459 -11.357116569064933 0.0 0.0 0.0 1.0 +reichstag/test/images/92753909_16247242.jpg reichstag/test/images/91831337_388207037.jpg 0 0 520.573 0.0 249.5 0.0 520.573 187.0 0.0 0.0 1.0 678.613 0.0 319.5 0.0 678.613 239.5 0.0 0.0 1.0 0.9855207567267246 -0.0006328807236487738 -0.16955364202155623 4.769366267144068 -0.018327289728548992 0.9937364998791101 -0.11023556258858158 -0.08954871667819259 0.16856140872687983 0.11174689378235483 0.9793363483594413 5.2246958996432316 0.0 0.0 0.0 1.0 +reichstag/test/images/92753909_16247242.jpg reichstag/test/images/92414106_7915968882.jpg 0 0 520.573 0.0 249.5 0.0 520.573 187.0 0.0 0.0 1.0 1871.37 0.0 319.5 0.0 1871.37 212.5 0.0 0.0 1.0 0.9996380334724667 0.002610951534764194 -0.02677657497483221 0.31154940985247354 -0.005281765957476628 0.9949568420558436 -0.10016479119248228 0.3965185787204246 0.026380011062737234 0.10026996249299312 0.994610491417612 15.928495093096245 0.0 0.0 0.0 1.0 +reichstag/test/images/77214581_8512429399.jpg reichstag/test/images/48815289_2513792540.jpg 0 0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 776.799 0.0 319.5 0.0 776.799 211.0 0.0 0.0 1.0 0.9991611820536798 -0.002064894026033577 -0.04089827000931213 0.14134457973541575 0.002112897694237356 0.9999971287635965 0.0011305431864839788 0.3704856298918946 0.040895818128838524 -0.0012160087269710374 0.9991626761355474 3.519633358039598 0.0 0.0 0.0 1.0 +reichstag/test/images/77792600_3686854267.jpg reichstag/test/images/77107104_4141016705.jpg 0 0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 0.9855811425737474 0.03870727692987459 0.16471659939332317 -0.9586889840905075 -0.0495459670707063 0.9968325870318767 0.062209248334671285 0.26422397096414263 -0.1617869232974501 -0.06947330526187964 0.9843771895497856 1.9738180881250111 0.0 0.0 0.0 1.0 +reichstag/test/images/78040542_6368040213.jpg reichstag/test/images/20329925_5164269072.jpg 0 0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 517.71 0.0 319.5 0.0 517.71 245.0 0.0 0.0 1.0 0.9993186759360427 -0.022376430662243298 0.029350967211530028 -1.3549622382921163 0.02827884325052144 0.9752443350834985 -0.21931437233331735 0.06568723884270829 -0.023716891656516314 0.21999495957490098 0.975212657224972 -0.04123728327651466 0.0 0.0 0.0 1.0 +reichstag/test/images/06229406_8584869180.jpg reichstag/test/images/06373813_9127207861.jpg 0 0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 1495.37 0.0 319.5 0.0 1495.37 211.5 0.0 0.0 1.0 0.9998785234014461 -0.005194435753970803 0.01469545091997194 -0.29203614066740086 0.005961309326735666 0.9985962171196078 -0.05263133995558429 1.4102120233124495 -0.01440143158350616 0.05271255060805899 0.9985058766861306 13.48194848732249 0.0 0.0 0.0 1.0 +reichstag/test/images/48668943_3586566128.jpg reichstag/test/images/20613988_1265419368.jpg 0 0 550.231 0.0 319.5 0.0 550.231 212.0 0.0 0.0 1.0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 0.9954027877463354 -0.023632810853997436 0.09281584130935273 -1.1276738828031199 -0.009457397492427553 0.9400910786210132 0.3407921969908502 1.0628364601831723 -0.09530922190162913 -0.3401032992317473 0.9355457755087061 2.7479370484916448 0.0 0.0 0.0 1.0 +reichstag/test/images/49051226_8836027266.jpg reichstag/test/images/48815289_2513792540.jpg 0 0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 776.799 0.0 319.5 0.0 776.799 211.0 0.0 0.0 1.0 0.9996696338995085 -0.01624407029790009 -0.019918665602382844 0.30666898274126325 0.01720584208688395 0.9986454487755153 0.04910424256650865 -0.32312575351217576 0.019094031981325543 -0.0494307376043104 0.9985950230812239 -2.134398529558908 0.0 0.0 0.0 1.0 +reichstag/test/images/35531158_5960344226.jpg reichstag/test/images/77487845_5932034347.jpg 0 0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 774.031 0.0 319.5 0.0 774.031 212.0 0.0 0.0 1.0 0.9995832414494109 0.002702069390650165 -0.02874095048005197 0.05874688942009984 0.002590087809911557 0.9831994828393563 0.18251594009718397 -0.09901584872242297 0.028751258383340996 -0.18251431660401335 0.9827827274509581 -0.5805781660780687 0.0 0.0 0.0 1.0 +reichstag/test/images/48815289_2513792540.jpg reichstag/test/images/48983853_5719892543.jpg 0 0 776.799 0.0 319.5 0.0 776.799 211.0 0.0 0.0 1.0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 0.9996047264867475 0.006387675605028465 0.027378611829667627 -0.42466760110934343 -0.008471234734786892 0.9970201803657924 0.07667462504265043 -0.04922008597382853 -0.026807255872670587 -0.07687624824175425 0.9966801961957754 -0.4475482960931687 0.0 0.0 0.0 1.0 +reichstag/test/images/63790741_1504116525.jpg reichstag/test/images/77594532_1434504133.jpg 0 0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 0.9664081345690712 -0.018589759617664525 -0.25633910797239956 0.966105854932479 0.05089808674911028 0.991469976502326 0.11998612611363378 -0.8831001776237578 0.2519220161161149 -0.12900273846641483 0.9591108336705191 -2.950978341246344 0.0 0.0 0.0 1.0 +reichstag/test/images/62810349_4295140640.jpg reichstag/test/images/34120311_5589470818.jpg 0 0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 512.125 0.0 319.5 0.0 512.125 241.5 0.0 0.0 1.0 0.9998248510287396 -0.014785314449291527 0.011474395060069838 0.06697893170808647 0.013132061397869387 0.9910607201282904 0.13276369225897888 -1.7055966481544833 -0.013334775168767287 -0.13258975637442666 0.9910812985198383 -5.86020608885947 0.0 0.0 0.0 1.0 +reichstag/test/images/92697655_166630020.jpg reichstag/test/images/62673079_4759250457.jpg 0 0 431.56 0.0 249.5 0.0 431.56 187.0 0.0 0.0 1.0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 0.9952856290578593 0.034045632061153 -0.09081526043820089 0.7357694060163915 -0.025722168926370602 0.9954913823240187 0.09129774227404194 -0.02477315886888809 0.09351409849121639 -0.08853136538069838 0.9916739941771209 -0.24829357065563817 0.0 0.0 0.0 1.0 +reichstag/test/images/34272622_11098902473.jpg reichstag/test/images/77902859_6141520050.jpg 0 0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 0.9920312123365769 0.013517471137298915 0.1252651257296846 0.07858551087410151 -0.02503683093339908 0.9955500615671339 0.09084730051294032 0.031114147690357696 -0.12347967786981703 -0.09325959944010265 0.9879551691577091 0.11574928403815243 0.0 0.0 0.0 1.0 +reichstag/test/images/77594532_1434504133.jpg reichstag/test/images/64127786_281241429.jpg 0 0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 0.9655382789067309 0.022388275385152742 0.25929634993787765 -0.3243552610759801 0.035937233264900226 0.9752808316859118 -0.21802709604840495 0.2701748058151736 -0.2577680104882914 0.21983190048606413 0.9408664030018253 5.485761443063551 0.0 0.0 0.0 1.0 +reichstag/test/images/05866831_3427466899.jpg reichstag/test/images/35221995_8835396469.jpg 0 0 961.582 0.0 249.5 0.0 961.582 176.5 0.0 0.0 1.0 918.648 0.0 319.5 0.0 918.648 213.0 0.0 0.0 1.0 0.8637367828622311 0.029423188750612634 0.5030835376898642 -8.673125040902775 -0.04967013056293105 0.9984037476257271 0.026885588272618922 -0.6806271231040772 -0.5014894296599527 -0.048210296521067196 0.8638194945986609 -6.001531491969017 0.0 0.0 0.0 1.0 +reichstag/test/images/77107104_4141016705.jpg reichstag/test/images/77902859_6141520050.jpg 0 0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 0.9997748576553278 0.019523862778349697 0.008309800387568235 0.24510791555689332 -0.0191904677886768 0.9990755201092318 -0.03846857242632779 -0.06903856523692913 -0.009053173273544265 0.03830044256506757 0.9992252579638882 -0.2402891475317399 0.0 0.0 0.0 1.0 +reichstag/test/images/05791347_12791964625.jpg reichstag/test/images/34272622_11098902473.jpg 0 0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 0.9985678616082277 0.03562863168224861 -0.0399102288595584 -0.07780334074868421 -0.03779955032166029 0.9977689380929207 -0.05503035682607723 -0.05475234441061756 0.037860530353548 0.05646013444347955 0.9976867411467251 -1.7412653777138367 0.0 0.0 0.0 1.0 +reichstag/test/images/06639257_4979506057.jpg reichstag/test/images/06796518_2036664706.jpg 0 0 678.155 0.0 319.5 0.0 678.155 239.5 0.0 0.0 1.0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 0.9999223235918062 -0.00974124270338452 0.007775279632089485 0.3668049312759235 0.010948396725220454 0.9846089458472523 -0.17442865695381005 -0.05575935337385955 -0.005956458000406775 0.17450023480831342 0.9846391159505766 1.7745335952122885 0.0 0.0 0.0 1.0 +reichstag/test/images/35221995_8835396469.jpg reichstag/test/images/06229406_8584869180.jpg 0 0 918.648 0.0 319.5 0.0 918.648 213.0 0.0 0.0 1.0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 0.9671001845015629 -0.02713883707053145 -0.2529440978941839 2.3556127736744488 0.03911879709417595 0.9983323438562939 0.0424529259804719 0.10489737482369488 0.251370151073965 -0.05095110139003753 0.9665490325980333 -0.6138279046824646 0.0 0.0 0.0 1.0 +reichstag/test/images/91549947_3428166276.jpg reichstag/test/images/77274889_6889793618.jpg 0 0 543.843 0.0 319.5 0.0 543.843 213.0 0.0 0.0 1.0 757.774 0.0 319.5 0.0 757.774 239.5 0.0 0.0 1.0 0.9456271470090585 -0.020384209528680503 -0.3246132819855026 2.5512987195682015 0.0067271380509869244 0.9990464427687956 -0.04313873902490715 0.2943468203338373 0.325183093738207 0.038609444348590864 0.9448625647965644 4.01600542585513 0.0 0.0 0.0 1.0 +reichstag/test/images/92753909_16247242.jpg reichstag/test/images/77023786_7168337563.jpg 0 0 520.573 0.0 249.5 0.0 520.573 187.0 0.0 0.0 1.0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 0.9991806990406293 0.01882650975898215 -0.03582587326185213 0.4301444123016873 -0.018291889040639782 0.9997172575473697 0.015192490160956239 -0.23965055062172008 0.03610176533085694 -0.014524720040702314 0.9992425606666957 -1.4133605764886268 0.0 0.0 0.0 1.0 +reichstag/test/images/20982577_4977562846.jpg reichstag/test/images/06796518_2036664706.jpg 0 0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 0.9991499162415063 -0.0018455541830766776 -0.041182991687692905 0.594126526343429 -0.004346246837055185 0.9887138839811955 -0.14975301586696313 -0.081029208955679 0.04099457297036575 0.14980470470775223 0.9878653731325949 1.014910677268699 0.0 0.0 0.0 1.0 +reichstag/test/images/19799508_3094174298.jpg reichstag/test/images/63329391_7754963780.jpg 0 0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 0.9947308251207376 -0.000993005013227136 0.10251633770116868 -0.541714404295498 -0.005467924036615364 0.9980159860732721 0.06272314842962048 -0.32530176328298666 -0.10237522826028841 -0.06295320073862888 0.9927518356343723 -2.3684505737614856 0.0 0.0 0.0 1.0 +reichstag/test/images/64282931_8298463790.jpg reichstag/test/images/06796518_2036664706.jpg 0 0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 0.9770973575300853 -0.031855840763045866 -0.21039477017503183 0.9936462322534294 -0.019385124285842152 0.9712942054149054 -0.2370902433333143 -0.16316057418974708 0.21190793015870701 0.23573877902608048 0.9484314720627661 4.830044728463895 0.0 0.0 0.0 1.0 +reichstag/test/images/62751178_369337490.jpg reichstag/test/images/64282931_8298463790.jpg 0 0 700.224 0.0 319.5 0.0 700.224 258.5 0.0 0.0 1.0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 0.9848100940823761 0.030514740852695132 0.1709325281628808 -0.27174887177632123 -0.026182813981200394 0.9992777242362106 -0.0275406989258695 0.5131858677586973 -0.17164946503117054 0.02264686371205497 0.9848977514029161 1.8038139804221869 0.0 0.0 0.0 1.0 +reichstag/test/images/77274889_6889793618.jpg reichstag/test/images/63329391_7754963780.jpg 0 0 757.774 0.0 319.5 0.0 757.774 239.5 0.0 0.0 1.0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 0.8714990841799893 0.029247147781222418 0.48952420841068045 -5.660670836718225 -0.05838259810055194 0.9973085121396411 0.044353171846498916 -0.7666612308519506 -0.4869094561748308 -0.06723344376483308 0.8708609794491032 -6.041595776333336 0.0 0.0 0.0 1.0 +reichstag/test/images/34537245_34002183.jpg reichstag/test/images/48900330_6782044072.jpg 0 0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 769.928 0.0 319.5 0.0 769.928 170.0 0.0 0.0 1.0 0.9998309339923368 -0.0016630959733384598 0.018312223889920494 -0.2620453464818274 0.0009083984508549638 0.999152805190841 0.04114421820289768 -0.04123077105436693 -0.0183651366525162 -0.04112062731837438 0.998985393168828 0.6014255758066032 0.0 0.0 0.0 1.0 +reichstag/test/images/05534141_6340060522.jpg reichstag/test/images/35221995_8835396469.jpg 0 0 668.983 0.0 319.5 0.0 668.983 213.5 0.0 0.0 1.0 918.648 0.0 319.5 0.0 918.648 213.0 0.0 0.0 1.0 0.9697912094052901 0.02555935548178352 0.24259375405723124 -2.337861491444397 -0.03079762215321309 0.9993666976077349 0.017824426563510874 -0.18659669615366037 -0.2419845379976425 -0.024757282968167107 0.9699642056849836 -1.0339469021812773 0.0 0.0 0.0 1.0 +reichstag/test/images/77902859_6141520050.jpg reichstag/test/images/91831337_388207037.jpg 0 0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 678.613 0.0 319.5 0.0 678.613 239.5 0.0 0.0 1.0 0.9889602616847443 -0.014855622936578251 -0.1474344304279292 4.229830871276491 0.005597858011293562 0.9979972101801253 -0.0630097806564337 -0.055439954078867364 0.1480751997943176 0.06148885215917353 0.98706274180825 5.045571309323504 0.0 0.0 0.0 1.0 +reichstag/test/images/77361791_2035867493.jpg reichstag/test/images/48551853_12793928283.jpg 0 0 601.346 0.0 249.5 0.0 601.346 187.0 0.0 0.0 1.0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 0.9813867481915207 -0.019568488930417818 0.1910422066325989 -1.1635716716951383 0.0067941218602964185 0.9977100488252009 0.06729411847526064 -0.11999514208813161 -0.19192157351954972 -0.06474359207052917 0.9792723711529826 1.170760342836732 0.0 0.0 0.0 1.0 +reichstag/test/images/77107104_4141016705.jpg reichstag/test/images/62663981_6029901745.jpg 0 0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 0.9999511082887197 -0.007855732574922239 -0.006005705443362093 0.14224336434058565 0.00761062472680881 0.9991786767907035 -0.039800128618464305 0.9997689007300246 0.006313431984967425 0.03975247555171779 0.9991896122679024 12.274631883580366 0.0 0.0 0.0 1.0 +reichstag/test/images/62799820_4661707438.jpg reichstag/test/images/48983853_5719892543.jpg 0 0 625.353 0.0 319.5 0.0 625.353 239.5 0.0 0.0 1.0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 0.9984421975064607 -0.0006612032893143447 -0.0557919442991547 0.0765087852955586 -0.0030256221973696045 0.9978169317866303 -0.06597132900157175 1.4491513097977398 0.05571376713872938 0.06603736404585696 0.9962605295308482 6.854791796950244 0.0 0.0 0.0 1.0 +reichstag/test/images/92414106_7915968882.jpg reichstag/test/images/05466646_5360480312.jpg 0 0 1871.37 0.0 319.5 0.0 1871.37 212.5 0.0 0.0 1.0 750.195 0.0 319.5 0.0 750.195 178.5 0.0 0.0 1.0 0.9995662392310716 0.0030978707105734997 -0.029287140292501325 0.7885068228635337 -0.0024976482144098157 0.9997865522786802 0.020508818496128494 -0.32323894713981927 0.029344422687269545 -0.02042677360159104 0.9993606214862482 -4.757791029976769 0.0 0.0 0.0 1.0 +reichstag/test/images/92241023_5405455015.jpg reichstag/test/images/48983853_5719892543.jpg 0 0 523.981 0.0 319.5 0.0 523.981 213.0 0.0 0.0 1.0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 0.9993485620860565 -0.014417542293726786 -0.03308452705933459 0.0023822853284055645 0.0139947528381334 0.9998178781456595 -0.012975262359983999 1.1370676714538717 0.03326557303776385 0.012503800003177419 0.9993683288137309 5.606826328027028 0.0 0.0 0.0 1.0 +reichstag/test/images/62663981_6029901745.jpg reichstag/test/images/05936329_2458217347.jpg 0 0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 864.162 0.0 319.5 0.0 864.162 200.0 0.0 0.0 1.0 0.998319295795915 0.0053297727719193696 0.057707687215380506 -1.414364568344533 -0.006361471098891487 0.9998229443520469 0.01770908333770908 -1.08497053632489 -0.05760308435323974 -0.0180464253912974 0.9981764429215859 -10.461698021096945 0.0 0.0 0.0 1.0 +reichstag/test/images/92342560_2757258130.jpg reichstag/test/images/92414106_7915968882.jpg 0 0 1743.4 0.0 319.5 0.0 1743.4 239.5 0.0 0.0 1.0 1871.37 0.0 319.5 0.0 1871.37 212.5 0.0 0.0 1.0 0.997521429202569 -0.013963344831827514 -0.06896392740245744 0.7381721293682049 0.00223622847210227 0.9859078765646082 -0.16727420067089258 0.3514580158673272 0.07032778657034859 0.16670538062394072 0.9834954593220767 15.825341735751712 0.0 0.0 0.0 1.0 +reichstag/test/images/06373813_9127207861.jpg reichstag/test/images/62810349_4295140640.jpg 0 0 1495.37 0.0 319.5 0.0 1495.37 211.5 0.0 0.0 1.0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 0.9998912770151622 0.0146269267643696 -0.001867394553297261 -0.19356769572627053 -0.014574648132737799 0.9995693205911819 0.025470629452176288 -1.642163482805512 0.002239147336554395 -0.025440643590777256 0.9996738267419489 -11.319447131829307 0.0 0.0 0.0 1.0 +reichstag/test/images/63329391_7754963780.jpg reichstag/test/images/77107104_4141016705.jpg 0 0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 0.9955031458708278 -0.003965313411622512 -0.09464545869101754 0.1295746712754985 0.002414241195818229 0.9998609985692001 -0.016497120344189483 0.357273918348481 0.09469771908939476 0.016194438235081293 0.9953743427321784 2.8842719399807573 0.0 0.0 0.0 1.0 +reichstag/test/images/35531158_5960344226.jpg reichstag/test/images/06030835_119872882.jpg 0 0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 710.363 0.0 319.5 0.0 710.363 239.5 0.0 0.0 1.0 0.9986603206873859 -0.0022471441436497743 -0.05169636571138441 0.144052283555466 0.005216267246405357 0.9983393065011569 0.05737089550288627 0.2547583720691986 0.05148159322108845 -0.05756369896025341 0.9970135736896621 3.479980778115862 0.0 0.0 0.0 1.0 +reichstag/test/images/62810349_4295140640.jpg reichstag/test/images/64097451_5212815345.jpg 0 0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 0.9982589447610309 0.0023975819925478405 0.058934970986520806 -0.5389243100053166 0.0011995885049716315 0.9981416122295423 -0.06092522403100685 0.09418737530617045 -0.05897152017721589 0.060889847564258553 0.9964009164345392 0.466487130271519 0.0 0.0 0.0 1.0 +reichstag/test/images/63812586_393800330.jpg reichstag/test/images/77792600_3686854267.jpg 0 0 1002.64 0.0 187.0 0.0 1002.64 249.5 0.0 0.0 1.0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 0.9835143027569865 -0.046573035368562055 -0.17472998783550983 1.3821064336030413 0.05460560071196966 0.9976474471495531 0.041446345639450245 -0.10158487434899452 0.17238864418320507 -0.05030430968156214 0.9837436819538602 -2.3954969102795007 0.0 0.0 0.0 1.0 +reichstag/test/images/06373813_9127207861.jpg reichstag/test/images/49051226_8836027266.jpg 0 0 1495.37 0.0 319.5 0.0 1495.37 211.5 0.0 0.0 1.0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 0.9992494415447912 0.017285804790743767 0.03466633129073547 -0.8217595228250201 -0.01576850886406826 0.9989257395592421 -0.04357431553363735 -0.5283958093539465 -0.03538230773460836 0.04299497411044096 0.9984485587653558 -7.3997487543023315 0.0 0.0 0.0 1.0 +reichstag/test/images/48551853_12793928283.jpg reichstag/test/images/35531158_5960344226.jpg 0 0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 0.9931940430057545 0.008223043935245113 -0.11618078363620371 0.5400780339820236 -0.017509022647441815 0.9967102004151919 -0.0791341298950064 0.15345191121320054 0.1151478487155306 0.08062975838204779 0.9900706111179336 -5.88419916779906 0.0 0.0 0.0 1.0 +reichstag/test/images/92414106_7915968882.jpg reichstag/test/images/20329925_5164269072.jpg 0 0 1871.37 0.0 319.5 0.0 1871.37 212.5 0.0 0.0 1.0 517.71 0.0 319.5 0.0 517.71 245.0 0.0 0.0 1.0 0.9429398248935763 -0.016283485049254597 -0.3325647827782158 7.849579367442195 -0.03145949924912506 0.9899782035518905 -0.13767155261406047 1.408164921285302 0.33147365888810143 0.14027831124882575 0.9329776036199968 -11.388832193537132 0.0 0.0 0.0 1.0 +reichstag/test/images/05534141_6340060522.jpg reichstag/test/images/20099963_3586531606.jpg 0 0 668.983 0.0 319.5 0.0 668.983 213.5 0.0 0.0 1.0 502.573 0.0 319.5 0.0 502.573 212.0 0.0 0.0 1.0 0.9980377786998458 0.007627595299799169 -0.062148307119502776 2.103916827757121 0.004379477459605917 0.9816179996555673 0.19080598242556077 -1.2855033458959226 0.062461287731348944 -0.19070375597283107 0.9796584430263419 -3.7578149733247264 0.0 0.0 0.0 1.0 +reichstag/test/images/48668943_3586566128.jpg reichstag/test/images/77023786_7168337563.jpg 0 0 550.231 0.0 319.5 0.0 550.231 212.0 0.0 0.0 1.0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 0.9821162520113056 -0.0006321168636173385 0.1882744485147579 -1.8813566290966506 -0.026646695778983813 0.9894616633709281 0.1423220654828279 0.328014406161457 -0.1863803131753131 -0.14479370548303128 0.9717495365129665 2.1707440311823776 0.0 0.0 0.0 1.0 +reichstag/test/images/34959164_3067403556.jpg reichstag/test/images/06229406_8584869180.jpg 0 0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 0.9998983825507276 0.0036207758642734767 0.013788203457294064 0.11545518549555173 -0.004582383150698647 0.9975110593840623 0.07036112684675991 0.18921610833632974 -0.013499123567818561 -0.0704171597597229 0.9974262866368996 0.3419164850900751 0.0 0.0 0.0 1.0 +reichstag/test/images/92342560_2757258130.jpg reichstag/test/images/77902859_6141520050.jpg 0 0 1743.4 0.0 319.5 0.0 1743.4 239.5 0.0 0.0 1.0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 0.9977560581985699 0.00510213380918989 -0.06675939303682274 0.9850725639255321 -0.012712728598825307 0.9933904327789331 -0.11407819508940605 -0.08942037518423691 0.0657361001248512 0.11467090430391266 0.991226184504071 -0.003100383339547763 0.0 0.0 0.0 1.0 +reichstag/test/images/05461164_9050854768.jpg reichstag/test/images/06030835_119872882.jpg 0 0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 710.363 0.0 319.5 0.0 710.363 239.5 0.0 0.0 1.0 0.998138257924175 -0.00610796632498209 -0.060685342674040674 0.45794840894463584 0.008172473509435228 0.999394183305258 0.033830120489801 0.18706157668330325 0.060441945243600796 -0.034263086886469514 0.9975834862968511 3.4250196569242837 0.0 0.0 0.0 1.0 +reichstag/test/images/20982577_4977562846.jpg reichstag/test/images/06229406_8584869180.jpg 0 0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 0.9997493803925859 0.0055410616507921995 -0.021690390508774908 0.49749282479569595 -0.004503864434646662 0.9988573518009549 0.047578419039916435 -0.27038167655553585 0.02192924097627087 -0.04746880437682919 0.9986319747540829 -2.3590466199411173 0.0 0.0 0.0 1.0 +reichstag/test/images/34959164_3067403556.jpg reichstag/test/images/34120311_5589470818.jpg 0 0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 512.125 0.0 319.5 0.0 512.125 241.5 0.0 0.0 1.0 0.9992992902264209 -0.003206379196283263 0.03729138889101804 -0.2777862425212439 -0.0033884281524948602 0.9844829640790089 0.1754474622012648 -1.0917013870973218 -0.03727528816289529 -0.17545088364171463 0.9837822626586205 -3.449172820911337 0.0 0.0 0.0 1.0 +reichstag/test/images/05791347_12791964625.jpg reichstag/test/images/62673079_4759250457.jpg 0 0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 0.9892240761195079 0.05163469991206014 0.1370021349851807 -1.346194596784967 -0.06287731231071118 0.9948862256145826 0.07904328990465177 -0.5275372655225505 -0.13222016042225734 -0.08680585145807297 0.9874120585300503 -3.9219385252538403 0.0 0.0 0.0 1.0 +reichstag/test/images/77349640_2188160842.jpg reichstag/test/images/77023786_7168337563.jpg 0 0 708.96 0.0 239.0 0.0 708.96 319.5 0.0 0.0 1.0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 0.9975732698483077 0.020293782610781505 0.06660130382733923 -0.03900650757162419 -0.028545116155805395 0.991697919288682 0.12538107202504745 -0.09434259794296618 -0.06350391820830259 -0.1269779479509923 0.9898706244284394 -0.2133575512418826 0.0 0.0 0.0 1.0 +reichstag/test/images/91840440_9426147613.jpg reichstag/test/images/35531158_5960344226.jpg 0 0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 0.9874340568429427 -0.012499756427914377 -0.15753647030427884 1.4784724329537644 0.0002927541161826261 0.9970099334068518 -0.07727293823255386 -0.0540316785592401 0.15803131867359574 0.07625581143301434 0.9844852226117855 -0.5576052827574509 0.0 0.0 0.0 1.0 +reichstag/test/images/49051226_8836027266.jpg reichstag/test/images/62799820_4661707438.jpg 0 0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 625.353 0.0 319.5 0.0 625.353 239.5 0.0 0.0 1.0 0.997812331262562 -0.021193807104024995 0.06262087607826 -0.7731563408024751 0.008866551872481565 0.9815644512860825 0.19092567200181415 -2.6038922754392617 -0.06551286773042381 -0.1899527586319533 0.9796050294122868 -9.232528228696552 0.0 0.0 0.0 1.0 +reichstag/test/images/05978621_9257964873.jpg reichstag/test/images/77361791_2035867493.jpg 0 0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 601.346 0.0 249.5 0.0 601.346 187.0 0.0 0.0 1.0 0.9997368142760199 0.012872795647103223 0.018989294706839514 -0.24106811040480658 -0.011951133633212853 0.9987818018994892 -0.0478756994652889 0.032137169106181626 -0.019582456079776392 0.047636155666022154 0.9986727812888696 0.4738698382436079 0.0 0.0 0.0 1.0 +reichstag/test/images/62663981_6029901745.jpg reichstag/test/images/48716728_829974943.jpg 0 0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 0.9979013001184114 0.02177489492156754 0.06098236772329278 -1.411756802241091 -0.024456099530909693 0.9987509435572265 0.043571228342616945 -1.5471957161429477 -0.059957438385228295 -0.044971176265525 0.9971873940677233 -11.990820343726867 0.0 0.0 0.0 1.0 +reichstag/test/images/06639257_4979506057.jpg reichstag/test/images/34120311_5589470818.jpg 0 0 678.155 0.0 319.5 0.0 678.155 239.5 0.0 0.0 1.0 512.125 0.0 319.5 0.0 512.125 241.5 0.0 0.0 1.0 0.9986763733788255 -0.007552995314240809 0.050876846567962944 -0.15284453976352952 0.0009829770987230192 0.9917812715959015 0.1279411703387165 -1.5802545943592947 -0.05142504264403066 -0.12772181322468038 0.9904759479238553 -5.368746589576913 0.0 0.0 0.0 1.0 +reichstag/test/images/05534141_6340060522.jpg reichstag/test/images/05791347_12791964625.jpg 0 0 668.983 0.0 319.5 0.0 668.983 213.5 0.0 0.0 1.0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 0.9972575760426136 -0.043360325375474205 -0.05997673889887474 0.19278170336161407 0.03918732605323273 0.996840827358163 -0.06908486367280899 0.0817140405111719 0.06278280419357209 0.06654507566474009 0.995806242399778 1.1029347115548045 0.0 0.0 0.0 1.0 +reichstag/test/images/77458003_1504115665.jpg reichstag/test/images/48716728_829974943.jpg 0 0 612.932 0.0 249.5 0.0 612.932 187.0 0.0 0.0 1.0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 0.9971929177586951 0.02921051002103303 0.06894222854108953 -0.9736250990644446 -0.024681242380328924 0.9975369050774046 -0.06565789581731019 -0.21486216746970155 -0.07069031791174904 0.06377200885109728 0.9954576886239973 -2.0923845880804595 0.0 0.0 0.0 1.0 +reichstag/test/images/35531158_5960344226.jpg reichstag/test/images/77594532_1434504133.jpg 0 0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 0.960172122420042 0.03996003611076728 -0.2765369610764862 0.502899295729544 0.03675901329090791 0.9630521261931017 0.2667946348351569 -0.2096031883783116 0.2769806315778609 -0.26633399660759055 0.9232269125094638 -0.8480980103983127 0.0 0.0 0.0 1.0 +reichstag/test/images/64282931_8298463790.jpg reichstag/test/images/48716728_829974943.jpg 0 0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 0.9931321622618752 -0.0035801534381264995 -0.11694310917028028 0.21124927301819496 -0.0076962008884871695 0.9953677513492231 -0.09583218700351012 0.37819134233824764 0.11674449354439234 0.0960740447537791 0.9885041735631227 3.483856845586528 0.0 0.0 0.0 1.0 +reichstag/test/images/63329391_7754963780.jpg reichstag/test/images/05978621_9257964873.jpg 0 0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 0.9857957727673142 -0.019762023753833974 -0.16678176402486775 0.7401967422375625 0.008465476797474631 0.9976375604237643 -0.06817355597525525 0.21164893013424826 0.16773499961750735 0.06579331614132809 0.983634184773202 3.9422848638092516 0.0 0.0 0.0 1.0 +reichstag/test/images/06030835_119872882.jpg reichstag/test/images/77274889_6889793618.jpg 0 0 710.363 0.0 319.5 0.0 710.363 239.5 0.0 0.0 1.0 757.774 0.0 319.5 0.0 757.774 239.5 0.0 0.0 1.0 0.925534633371202 -0.023144833605337405 -0.3779549696826539 2.769289257834619 0.027891886514971737 0.9995858022696031 0.007089891936406672 0.3182367630640069 0.3776343272228712 -0.017103817656161747 0.9257968320989839 5.191801067111333 0.0 0.0 0.0 1.0 +reichstag/test/images/49051226_8836027266.jpg reichstag/test/images/48983853_5719892543.jpg 0 0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 0.9999071643988675 -0.011211971253270423 0.0077430152028734114 -0.17862072781796673 0.010150163397529678 0.9920171895207917 0.12569355543651728 -0.5376350549055638 -0.009090476710246815 -0.12560329373024112 0.9920388983488981 -2.5582412995421664 0.0 0.0 0.0 1.0 +reichstag/test/images/92241023_5405455015.jpg reichstag/test/images/34272622_11098902473.jpg 0 0 523.981 0.0 319.5 0.0 523.981 213.0 0.0 0.0 1.0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 0.9830316005181854 -0.044391461456986456 -0.17798390526215402 -0.06238483764232024 0.002133844984841246 0.9729780825810797 -0.23088762964356957 -0.10863114780229921 0.18342387818448067 0.2265900460447422 0.9565629262861938 3.8063888529051813 0.0 0.0 0.0 1.0 +reichstag/test/images/19799508_3094174298.jpg reichstag/test/images/92102978_5376734902.jpg 0 0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 0.999833434243319 0.017999257702814346 -0.003021670292725274 0.5065741431436512 -0.017961407206826086 0.9997652426361713 0.012118063697975336 0.04636288272859372 0.003239077084731973 -0.012061771792953554 0.9999220079790492 1.9355403659031771 0.0 0.0 0.0 1.0 +reichstag/test/images/05466646_5360480312.jpg reichstag/test/images/34537245_34002183.jpg 0 0 750.195 0.0 319.5 0.0 750.195 178.5 0.0 0.0 1.0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 0.9999287151305738 0.0009814330312914094 -0.011899640604864608 0.223224294968129 -0.00033574519976501056 0.9985331814088736 0.05414215456217224 -0.7523619611060071 0.011935322889670273 -0.05413429979854183 0.9984623306128484 -6.493448639130678 0.0 0.0 0.0 1.0 +reichstag/test/images/05545431_1341290848.jpg reichstag/test/images/77349640_2188160842.jpg 0 0 492.313 0.0 319.5 0.0 492.313 213.0 0.0 0.0 1.0 708.96 0.0 239.0 0.0 708.96 319.5 0.0 0.0 1.0 0.9980287841728269 -0.00530481074602965 -0.06253323072941215 -0.03476244091867345 -0.00420381070890006 0.9885321940481231 -0.15095174495820785 -0.01140634621846684 0.06261688221264952 0.15091706435440924 0.9865612833213223 -0.17784494536147433 0.0 0.0 0.0 1.0 +reichstag/test/images/63790741_1504116525.jpg reichstag/test/images/19799508_3094174298.jpg 0 0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 0.9997284488278468 -0.022637668556613283 -0.005528523002410913 0.024874183651105983 0.022083347545636754 0.9961026748839136 -0.08539196010334192 0.04180986150345682 0.007440051441077758 0.08524668352160711 0.9963320975373229 0.6931281381501089 0.0 0.0 0.0 1.0 +reichstag/test/images/05545431_1341290848.jpg reichstag/test/images/64271070_4602086309.jpg 0 0 492.313 0.0 319.5 0.0 492.313 213.0 0.0 0.0 1.0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 0.991872052348264 0.017784367457113735 0.12599026964251375 -1.2638865581768095 -0.030678099869190182 0.9943979986058031 0.1011507516392703 -0.7424408837628552 -0.12348556984060513 -0.10419374569965181 0.9868611743291037 -2.410993694951305 0.0 0.0 0.0 1.0 +reichstag/test/images/64127786_281241429.jpg reichstag/test/images/06639257_4979506057.jpg 0 0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 678.155 0.0 319.5 0.0 678.155 239.5 0.0 0.0 1.0 0.9985272094726201 0.01918646260552905 -0.05074733092005271 0.32578728193550904 -0.01410110938056423 0.9950140050511512 0.09873342122252865 -0.2131913889286371 0.05238865007861978 -0.09787241391094094 0.9938191082577278 -1.3863604144004391 0.0 0.0 0.0 1.0 +reichstag/test/images/49284352_2431392889.jpg reichstag/test/images/48403953_4568435171.jpg 0 0 666.383 0.0 319.5 0.0 666.383 179.5 0.0 0.0 1.0 699.71 0.0 319.5 0.0 699.71 239.5 0.0 0.0 1.0 0.9952207104796894 -0.03267489924671754 -0.09202221683658278 0.4164531900007275 0.025585667261976055 0.996687971638963 -0.07719106697648893 0.007300407851623225 0.09423964698077793 0.0744676986983364 0.9927605203610346 -0.030704335171837904 0.0 0.0 0.0 1.0 +reichstag/test/images/78043438_3428167710.jpg reichstag/test/images/06857713_2570944910.jpg 0 0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 782.61 0.0 319.5 0.0 782.61 239.5 0.0 0.0 1.0 0.9997710199945397 0.013253614913018378 0.016800275914867064 -0.0831855648574732 -0.014339000865399203 0.9977018244052402 0.06622282561652877 -0.18607937871146463 -0.015883974101600844 -0.06644856108443971 0.9976634142317474 -1.046172614710508 0.0 0.0 0.0 1.0 +reichstag/test/images/48716728_829974943.jpg reichstag/test/images/62663981_6029901745.jpg 0 0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 0.9979013001184113 -0.02445609953090969 -0.059957438385228295 0.652016704032261 0.021774894921567534 0.9987509435572262 -0.04497117626552499 1.0367627421430912 0.06098236772329276 0.043571228342616924 0.997187394067723 12.110600381584145 0.0 0.0 0.0 1.0 +reichstag/test/images/05534141_6340060522.jpg reichstag/test/images/77274889_6889793618.jpg 0 0 668.983 0.0 319.5 0.0 668.983 213.5 0.0 0.0 1.0 757.774 0.0 319.5 0.0 757.774 239.5 0.0 0.0 1.0 0.9187167891730003 -0.04530663503928277 -0.3923095335485361 2.962711546874842 0.0332021697339982 0.9987415778257343 -0.03758825145065656 0.29575224969695885 0.39351883972258245 0.021507429962230415 0.9190649341802853 5.049087742275319 0.0 0.0 0.0 1.0 +reichstag/test/images/91840440_9426147613.jpg reichstag/test/images/62673079_4759250457.jpg 0 0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 0.9930005841992221 0.0026622303569696993 -0.11807943220362326 0.8156645646893419 0.0020762842096578114 0.9991979736087934 0.03998873066204396 -0.024014795931415978 0.11809118859544242 -0.039953999369364744 0.992198643977358 0.17487670170227698 0.0 0.0 0.0 1.0 +reichstag/test/images/62673079_4759250457.jpg reichstag/test/images/77274889_6889793618.jpg 0 0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 757.774 0.0 319.5 0.0 757.774 239.5 0.0 0.0 1.0 0.8864373681188532 -0.06792007345689255 -0.4578380237858482 2.512164521678496 0.04801626439233373 0.9973318383655032 -0.05498765803606356 0.5564037315499182 0.460351203709001 0.026759443269542833 0.8873334781465071 8.062076090689324 0.0 0.0 0.0 1.0 +reichstag/test/images/64282931_8298463790.jpg reichstag/test/images/48551853_12793928283.jpg 0 0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 0.9994238299907037 -0.012859094335826184 -0.031411013030075784 0.6958345739685078 0.008546244366606996 0.9909760564410988 -0.13376627851470868 0.2489985015836064 0.032847675015737494 0.13342076020361562 0.9905149827199737 5.753283261038196 0.0 0.0 0.0 1.0 +reichstag/test/images/06796518_2036664706.jpg reichstag/test/images/77023786_7168337563.jpg 0 0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 0.9990592526161026 0.013733835523719993 0.041133824572505875 -0.5514958288319253 -0.020233773594947883 0.9865770143412527 0.16203823369688922 -0.43896776338838683 -0.03835627938503253 -0.16271808914594188 0.9859267819145752 -3.189171012208741 0.0 0.0 0.0 1.0 +reichstag/test/images/77594532_1434504133.jpg reichstag/test/images/05866831_3427466899.jpg 0 0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 961.582 0.0 249.5 0.0 961.582 176.5 0.0 0.0 1.0 0.9990654434587422 -0.033434870624461835 -0.027392501034265725 1.4793688805521226 0.027661303585978188 0.9815497602659669 -0.18919545556314935 0.8335850811560979 0.03321282840275874 0.18826092942548847 0.9815572986236413 11.901707417169558 0.0 0.0 0.0 1.0 +reichstag/test/images/06857713_2570944910.jpg reichstag/test/images/64097451_5212815345.jpg 0 0 782.61 0.0 319.5 0.0 782.61 239.5 0.0 0.0 1.0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 0.996371462309069 0.024995528872040717 0.0813580520446139 -1.0260312596587942 -0.01882806078510822 0.9969521192729388 -0.07570981445141893 0.08372925091705498 -0.08300248925881315 0.07390328418685459 0.9938052582690621 0.3524761481615388 0.0 0.0 0.0 1.0 +reichstag/test/images/34481400_9199849492.jpg reichstag/test/images/62673079_4759250457.jpg 0 0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 0.9959088454824814 -0.006127965349856698 -0.09015552967190815 0.7065784299431219 0.001172646935125358 0.9984903601908763 -0.05491471118980087 -0.30074970813647545 0.09035594274267125 0.0545843260154841 0.9944125677828686 -1.8153921457681772 0.0 0.0 0.0 1.0 +reichstag/test/images/91840440_9426147613.jpg reichstag/test/images/77023786_7168337563.jpg 0 0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 0.9831497665121761 0.0024370523570850407 -0.18278565967510252 1.5625794181888306 0.008545842225515755 0.9982051428234818 0.05927445842357774 0.09827235464700013 0.1826020404806862 -0.059837727367946396 0.9813643264332207 1.1186396739462552 0.0 0.0 0.0 1.0 +reichstag/test/images/19799508_3094174298.jpg reichstag/test/images/76958303_5507621260.jpg 0 0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 708.355 0.0 319.5 0.0 708.355 239.5 0.0 0.0 1.0 0.9871564647253651 0.013563631492130222 0.1591795905625609 -1.6900105885045276 -0.022570739971399068 0.9982359653636449 0.054913742830510676 0.01856062088808491 -0.15815396247980104 -0.05780125738474612 0.9857212277295645 -0.09775116789615357 0.0 0.0 0.0 1.0 +reichstag/test/images/77792600_3686854267.jpg reichstag/test/images/20613988_1265419368.jpg 0 0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 0.9973448874255347 0.027742906218411516 0.06733132020615322 0.09721589322936719 -0.04579548510100581 0.9578223425474716 0.2836884447086939 0.43949830686598557 -0.05662110092987123 -0.2860186904232494 0.9565497162500538 0.9786780091662681 0.0 0.0 0.0 1.0 +reichstag/test/images/77792600_3686854267.jpg reichstag/test/images/34537245_34002183.jpg 0 0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 0.9907969877050504 0.04247982102360911 0.12851767956355287 -0.6031027778057926 -0.04872757176476721 0.9977584768424964 0.045865516881979415 0.43307040059076257 -0.12628124526036072 -0.051705770420174726 0.990646031840207 6.225601078356178 0.0 0.0 0.0 1.0 +reichstag/test/images/20099963_3586531606.jpg reichstag/test/images/77594532_1434504133.jpg 0 0 502.573 0.0 319.5 0.0 502.573 212.0 0.0 0.0 1.0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 0.9826253758302339 -0.0298474718308942 -0.18318433120710798 -1.4759392924955486 0.0264788546439732 0.9994327824033759 -0.02080826071995803 -0.11493938386452962 0.18370149980671027 0.015596213731235854 0.9828583402942741 -0.9678916917540787 0.0 0.0 0.0 1.0 +reichstag/test/images/49051226_8836027266.jpg reichstag/test/images/78043438_3428167710.jpg 0 0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 0.9963933069679013 -0.033853841615646765 -0.07780935186359124 1.067301406472975 0.03514886263874168 0.9992644379175559 0.015334293870727048 -0.2377025630976476 0.07723299349871345 -0.018013898000534233 0.996850321860837 -2.7372946199046413 0.0 0.0 0.0 1.0 +reichstag/test/images/64271070_4602086309.jpg reichstag/test/images/49501249_12793461434.jpg 0 0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 587.147 0.0 319.5 0.0 587.147 230.0 0.0 0.0 1.0 0.9616489919214253 0.12221819628871478 0.245548220992211 1.4155492056545234 -0.05956613709459683 0.9669285064383083 -0.24799423128091067 -0.08391094178650427 -0.2677369822197415 0.22385704351866018 0.9371258893120767 2.478888444535566 0.0 0.0 0.0 1.0 +reichstag/test/images/05534141_6340060522.jpg reichstag/test/images/78043438_3428167710.jpg 0 0 668.983 0.0 319.5 0.0 668.983 213.5 0.0 0.0 1.0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 0.99900960992921 -0.02160566994539194 -0.038897227347182387 0.3841338416569571 0.021186159268636755 0.9997132009448713 -0.011165236764329617 0.09857439450865815 0.03912730407952434 0.010330095971014431 0.9991808360815864 1.1316083676852726 0.0 0.0 0.0 1.0 +reichstag/test/images/49284352_2431392889.jpg reichstag/test/images/34959164_3067403556.jpg 0 0 666.383 0.0 319.5 0.0 666.383 179.5 0.0 0.0 1.0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 0.9982388645474021 -0.01441349003279329 -0.05754494427999483 0.22062451738682198 0.0017579049441251238 0.9767954969119286 -0.21416691383774908 0.4240135974886431 0.05929653512070129 0.21368857835095675 0.9751005652777699 3.0532805680368846 0.0 0.0 0.0 1.0 +reichstag/test/images/05978621_9257964873.jpg reichstag/test/images/62751178_369337490.jpg 0 0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 700.224 0.0 319.5 0.0 700.224 258.5 0.0 0.0 1.0 0.9974652240065878 0.01048874536689079 0.07037835688701756 -0.8218011105116083 -0.02277383835608781 0.9841077182293575 0.17610607941788403 -1.5208726211835644 -0.0674127523842386 -0.1772624752789936 0.9818520946018019 -5.931622041669924 0.0 0.0 0.0 1.0 +reichstag/test/images/19799508_3094174298.jpg reichstag/test/images/48815289_2513792540.jpg 0 0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 776.799 0.0 319.5 0.0 776.799 211.0 0.0 0.0 1.0 0.999900355424905 -0.0003777622324213665 0.01411157386135278 -0.15524729392395545 -0.0004474640908596567 0.9982914200786823 0.05842979011750215 0.24396931263679478 -0.01410953567754978 -0.05843028232846146 0.9981917767192736 2.494832854460863 0.0 0.0 0.0 1.0 +reichstag/test/images/62663981_6029901745.jpg reichstag/test/images/64127786_281241429.jpg 0 0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 0.9999728488168185 -0.0007399728972325322 0.0073317166671729465 -0.25446761862493067 0.000906914970733119 0.9997398001574093 -0.022792750743585898 -0.7024676829275323 -0.007312942937846599 0.022798781137041882 0.9997133271314598 -11.194019735891308 0.0 0.0 0.0 1.0 +reichstag/test/images/06857713_2570944910.jpg reichstag/test/images/77902859_6141520050.jpg 0 0 782.61 0.0 319.5 0.0 782.61 239.5 0.0 0.0 1.0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 0.9987267940167901 0.028748462025548545 0.04145258549366475 -0.2509011534528147 -0.02515477825040215 0.9960845857400673 -0.08475101876798674 -0.03663459734411294 -0.043726742893989784 0.08360038266780925 0.9955395260730127 -0.5651425299016628 0.0 0.0 0.0 1.0 +reichstag/test/images/62810349_4295140640.jpg reichstag/test/images/77214581_8512429399.jpg 0 0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 0.9982244259936303 -0.011056913338957941 0.058529821604908605 -0.1985471606326606 0.012280416930367065 0.999712669425963 -0.020585673397574354 -0.1708536743896586 -0.05828539019088753 0.02126789262315429 0.998073389102057 -1.6821116278875485 0.0 0.0 0.0 1.0 +reichstag/test/images/91629190_2705184160.jpg reichstag/test/images/20613988_1265419368.jpg 0 0 1208.55 0.0 319.5 0.0 1208.55 213.5 0.0 0.0 1.0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 0.9994881746388339 -0.0051936043243914825 -0.03156604554349036 1.1079927368947906 0.01296450332066033 0.9678324373782929 0.25126140732719265 -3.9687335805493866 0.029245690465103277 -0.25154204346890896 0.9674044086919932 -11.636982820078718 0.0 0.0 0.0 1.0 +reichstag/test/images/06229406_8584869180.jpg reichstag/test/images/62810349_4295140640.jpg 0 0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 0.9998839024137474 0.00931408760567805 0.012059413996084426 -0.49012113453861306 -0.008980949267942826 0.9995844712085499 -0.027390280556624562 0.11509122943261874 -0.012309518435009536 0.027278795625865205 0.9995520712124507 2.1215732910111225 0.0 0.0 0.0 1.0 +reichstag/test/images/77361791_2035867493.jpg reichstag/test/images/77902859_6141520050.jpg 0 0 601.346 0.0 249.5 0.0 601.346 187.0 0.0 0.0 1.0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 0.9978071525931231 0.014087621749506757 0.06467167190854367 -0.4552823897631417 -0.017876727028446927 0.9981337591052415 0.05839025231312057 -0.11838298636732178 -0.06372839920125004 -0.05941832922493118 0.9961968446483676 -1.6960216547355413 0.0 0.0 0.0 1.0 +reichstag/test/images/34272622_11098902473.jpg reichstag/test/images/48551853_12793928283.jpg 0 0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 0.9681424734265774 -0.02443007891883071 0.24920538194727743 -0.4046132274051988 -0.0009465502998301174 0.994865062271419 0.10120578992436928 0.05616437894032453 -0.25039819326424584 -0.098217509211471 0.9631479978146119 2.8978469550247854 0.0 0.0 0.0 1.0 +reichstag/test/images/92102978_5376734902.jpg reichstag/test/images/78040542_6368040213.jpg 0 0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 0.9387503841736891 -0.027157580260653652 -0.34352610097070835 3.7728535026205905 0.037112296805070846 0.9990592221778153 0.022435418590056908 0.15026996569238887 0.3425936275525327 -0.03381030044002711 0.938875108810832 1.763937639567692 0.0 0.0 0.0 1.0 +reichstag/test/images/77274889_6889793618.jpg reichstag/test/images/91549947_3428166276.jpg 0 0 757.774 0.0 319.5 0.0 757.774 239.5 0.0 0.0 1.0 543.843 0.0 319.5 0.0 543.843 213.0 0.0 0.0 1.0 0.9456271470090585 0.006727138050986926 0.32518309373820703 -3.7204945098973936 -0.020384209528680496 0.9990464427687954 0.03860944434859085 -0.3971156741180859 -0.3246132819855026 -0.04313873902490715 0.9448625647965642 -2.953689985560759 0.0 0.0 0.0 1.0 +reichstag/test/images/78040542_6368040213.jpg reichstag/test/images/62663981_6029901745.jpg 0 0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 0.9374742785731861 0.012734788351765282 0.3478215090809081 -4.712343418234221 -0.0023464067065904863 0.9995389466715754 -0.030271908797507623 0.9127027620148295 -0.34804665116798894 0.027563005139372865 0.937071933929533 10.468750329839425 0.0 0.0 0.0 1.0 +reichstag/test/images/19799508_3094174298.jpg reichstag/test/images/77214581_8512429399.jpg 0 0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 0.9984836546114453 -0.000657711918341631 0.055045062347174684 -0.33852045812072273 -0.0024949937581127957 0.9983603855202237 0.05718667353551613 -0.1246573568529987 -0.05499242202266469 -0.057237295873784885 0.9968448853663934 -1.011955351289749 0.0 0.0 0.0 1.0 +reichstag/test/images/19799508_3094174298.jpg reichstag/test/images/48900330_6782044072.jpg 0 0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 769.928 0.0 319.5 0.0 769.928 170.0 0.0 0.0 1.0 0.9999428309507413 0.0017563654408644588 -0.010547512059964466 0.05024666517069011 -0.000999347280085349 0.9974506187793646 0.07135309665092839 0.41583313504073827 0.010645944543850719 -0.07133847683474238 0.9973953506948326 5.33016170398695 0.0 0.0 0.0 1.0 +reichstag/test/images/77594532_1434504133.jpg reichstag/test/images/20613988_1265419368.jpg 0 0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 0.9861542209100577 -0.0024848281646390902 0.16581217750898025 0.513492725590964 -0.008062546211744624 0.9979868285352632 0.06290695842838617 1.2489431566051676 -0.1656346821467679 -0.06337283092240281 0.9841488893307859 3.2972361672197703 0.0 0.0 0.0 1.0 +reichstag/test/images/77214581_8512429399.jpg reichstag/test/images/77792600_3686854267.jpg 0 0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 0.9768125959766708 -0.05228276067188234 -0.20761422224366968 1.1302270195651545 0.03591342114843486 0.9959975515578564 -0.08184805112016935 -0.005899625601125967 0.21106249909145952 0.0724940702904822 0.9747806067264502 -0.2977305873593843 0.0 0.0 0.0 1.0 +reichstag/test/images/19799508_3094174298.jpg reichstag/test/images/77349640_2188160842.jpg 0 0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 708.96 0.0 239.0 0.0 708.96 319.5 0.0 0.0 1.0 0.998121347872747 -0.00585288620747211 -0.06098785652679552 0.04537491404385338 0.0023936320284966097 0.9983918101093678 -0.056639774295562044 0.015557773497507782 0.061221282626246626 0.05638738537636268 0.9965301888673592 -1.0791126501956896 0.0 0.0 0.0 1.0 +reichstag/test/images/35531158_5960344226.jpg reichstag/test/images/48668943_3586566128.jpg 0 0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 550.231 0.0 319.5 0.0 550.231 212.0 0.0 0.0 1.0 0.9771104194214808 0.01538644567112628 -0.2121756007357759 2.0224492696533907 -0.017698107284079993 0.9998028685553741 -0.009000057055704166 -0.0019911224594100774 0.21199529536416398 0.01254915606940223 0.9771901111991497 -0.17453890466639432 0.0 0.0 0.0 1.0 +reichstag/test/images/92697655_166630020.jpg reichstag/test/images/91840440_9426147613.jpg 0 0 431.56 0.0 249.5 0.0 431.56 187.0 0.0 0.0 1.0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 0.9993089956076235 0.02541948139834241 0.027117914062889083 -0.12931019425492485 -0.026788121684663838 0.998320791394961 0.0513614057940978 0.015936890767745793 -0.0257667971290682 -0.05205235281884636 0.9983118875039663 -0.4104653214043825 0.0 0.0 0.0 1.0 +reichstag/test/images/77902859_6141520050.jpg reichstag/test/images/34959164_3067403556.jpg 0 0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 0.9987911445531832 -0.0166921800329943 -0.04623441021455806 0.1849056058372845 0.017921544193663635 0.9994933264842462 0.02630415494119195 -0.1446702029013618 0.0457719107734917 -0.027100949046145562 0.9985842331746189 -2.0469279337565007 0.0 0.0 0.0 1.0 +reichstag/test/images/49051226_8836027266.jpg reichstag/test/images/06857713_2570944910.jpg 0 0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 782.61 0.0 319.5 0.0 782.61 239.5 0.0 0.0 1.0 0.997928537913585 -0.020904862163086957 -0.060840939798764856 0.9347337278238067 0.025895386949858854 0.996260451811883 0.08242900636486945 -0.6198110796458547 0.05889025515627924 -0.08383375748184584 0.9947380755526067 -3.7782293055778626 0.0 0.0 0.0 1.0 +reichstag/test/images/77122925_1063274053.jpg reichstag/test/images/64097451_5212815345.jpg 0 0 658.554 0.0 319.5 0.0 658.554 239.5 0.0 0.0 1.0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 0.902820420672412 -0.07632040243626174 -0.42319083660785484 0.8503662805456755 0.024363615192897443 0.9916216769675875 -0.1268576525981852 0.5275972296324352 0.42932703417281043 0.10421922058793412 0.8971157404640842 5.147015677890125 0.0 0.0 0.0 1.0 +reichstag/test/images/48668943_3586566128.jpg reichstag/test/images/64097451_5212815345.jpg 0 0 550.231 0.0 319.5 0.0 550.231 212.0 0.0 0.0 1.0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 0.9710517459361956 -0.009933447631034374 0.23866259307320786 -2.3112488321782783 -0.012128727662886737 0.9957957670974669 0.09079473660982262 0.46448384623346267 -0.2385611047080928 -0.09106106110148861 0.9668487381547979 4.709599789088759 0.0 0.0 0.0 1.0 +reichstag/test/images/77214581_8512429399.jpg reichstag/test/images/77122925_1063274053.jpg 0 0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 658.554 0.0 319.5 0.0 658.554 239.5 0.0 0.0 1.0 0.90188787520256 0.05349567453888524 0.42864492691298867 -2.365080960834593 -0.08973326834507003 0.9938576919564045 0.06476749718184431 -0.5506143137961823 -0.42254727678062654 -0.09687673066695747 0.9011485437709804 -2.1406742932247695 0.0 0.0 0.0 1.0 +reichstag/test/images/64097451_5212815345.jpg reichstag/test/images/48815289_2513792540.jpg 0 0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 776.799 0.0 319.5 0.0 776.799 211.0 0.0 0.0 1.0 0.9990147471873515 -0.013835098005100781 -0.04216781907309514 0.5714793840895065 0.015556159141356015 0.9990477166891706 0.04076353383753477 0.09258148255722881 0.04156369587706124 -0.04137934075531282 0.9982786231026362 1.3916311808655222 0.0 0.0 0.0 1.0 +reichstag/test/images/05978621_9257964873.jpg reichstag/test/images/78043438_3428167710.jpg 0 0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 0.9997364283140563 -0.007374964305104712 0.021741292586982368 -0.30901098583674724 0.006720106151928585 0.9995260714069422 0.030041184249477788 0.07259176047048767 -0.02195254142829834 -0.029887162449832735 0.9993121851781537 0.3888624324946104 0.0 0.0 0.0 1.0 +reichstag/test/images/05936329_2458217347.jpg reichstag/test/images/92342560_2757258130.jpg 0 0 864.162 0.0 319.5 0.0 864.162 200.0 0.0 0.0 1.0 1743.4 0.0 319.5 0.0 1743.4 239.5 0.0 0.0 1.0 0.9996887877299977 0.009007898024727968 0.023263393133923976 -0.2378627173099057 -0.011271794983668747 0.9950140664090522 0.09909568247894646 -0.32229570165637456 -0.022254759598196953 -0.09932706288468485 0.9948059410025294 -1.9425966047862455 0.0 0.0 0.0 1.0 +reichstag/test/images/20982577_4977562846.jpg reichstag/test/images/64097451_5212815345.jpg 0 0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 0.9986405511676092 0.015448913897126467 0.049783336801113465 -0.5774929249692557 -0.01343394332530992 0.9990868607898697 -0.040558276144036766 0.014530703258717751 -0.050364459000234355 0.03983435271775799 0.9979361931572435 0.21307880451316852 0.0 0.0 0.0 1.0 +reichstag/test/images/62810349_4295140640.jpg reichstag/test/images/77107104_4141016705.jpg 0 0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 0.9998499723912386 -0.013084248381491578 0.011350557410595052 -0.012736870464445826 0.013432792886989868 0.9994230566071683 -0.031194775159308376 0.03080821803275749 -0.010935848595102885 0.03134256476863378 0.9994488735544351 -0.19303983809947645 0.0 0.0 0.0 1.0 +reichstag/test/images/92414106_7915968882.jpg reichstag/test/images/64127786_281241429.jpg 0 0 1871.37 0.0 319.5 0.0 1871.37 212.5 0.0 0.0 1.0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 0.9999541831106483 -0.00865165901438198 -0.0040963979072435935 0.04507417920023893 0.008764139672745861 0.9995614308536876 0.028286671870781543 -0.7939444756672178 0.0038498747138327565 -0.028321277266880534 0.9995914584062132 -14.46987050477429 0.0 0.0 0.0 1.0 +reichstag/test/images/20982577_4977562846.jpg reichstag/test/images/19799508_3094174298.jpg 0 0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 0.999982494003665 -0.0005027831770732275 -0.00589566750140795 0.1535755405460681 0.00016296043203754376 0.9983455624522581 -0.057498794559383046 -0.08351826548227029 0.005914822914331068 0.05749682722517304 0.9983281673522645 -0.919469391462449 0.0 0.0 0.0 1.0 +reichstag/test/images/06229406_8584869180.jpg reichstag/test/images/05936329_2458217347.jpg 0 0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 864.162 0.0 319.5 0.0 864.162 200.0 0.0 0.0 1.0 0.9971762490757361 -0.0006650694508989267 0.0750938476965375 -0.9386502256571387 0.006716634343923812 0.996743035742618 -0.08036297357415607 0.1607696549520849 -0.07479582275993302 0.08064042646970543 0.993932948702501 3.72392386490528 0.0 0.0 0.0 1.0 +reichstag/test/images/91629190_2705184160.jpg reichstag/test/images/78043438_3428167710.jpg 0 0 1208.55 0.0 319.5 0.0 1208.55 213.5 0.0 0.0 1.0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 0.9998456596104405 -0.009902686067754527 0.014511849186328429 -0.12186498967687065 0.009760587152231355 0.9999040439307756 0.009830252760009582 -0.9112004403009571 -0.01460780259337239 -0.009687091386245943 0.9998463743815186 -10.00080199012465 0.0 0.0 0.0 1.0 +reichstag/test/images/48551853_12793928283.jpg reichstag/test/images/92697655_166630020.jpg 0 0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 431.56 0.0 249.5 0.0 431.56 187.0 0.0 0.0 1.0 0.9998559573849988 -0.005670630493315654 0.015997138229567127 -1.5112681550752427 0.006509597357609489 0.9985791344735202 -0.052889860430498356 -0.00011451698459949422 -0.015674489591989964 0.0529863769654434 0.9984722100449801 -4.74865193002314 0.0 0.0 0.0 1.0 +reichstag/test/images/77349640_2188160842.jpg reichstag/test/images/19799508_3094174298.jpg 0 0 708.96 0.0 239.0 0.0 708.96 319.5 0.0 0.0 1.0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 0.9981213478727471 0.0023936320284966076 0.06122128262624664 0.02073775059319162 -0.005852886207472111 0.9983918101093677 0.056387385376362675 0.045581161436216516 -0.06098785652679552 -0.05663977429556207 0.9965301888673593 1.0790168406357301 0.0 0.0 0.0 1.0 +reichstag/test/images/49051226_8836027266.jpg reichstag/test/images/34481400_9199849492.jpg 0 0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 0.9920605227703571 -0.00029727677954491394 0.12576100662416112 -1.919859354510709 -0.011868658531060531 0.995312677677332 0.0959781673061766 -0.785442396061979 -0.12520005633097384 -0.09670876527645095 0.9874068870599524 -4.77053881372499 0.0 0.0 0.0 1.0 +reichstag/test/images/48716728_829974943.jpg reichstag/test/images/49284352_2431392889.jpg 0 0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 666.383 0.0 319.5 0.0 666.383 179.5 0.0 0.0 1.0 0.9994038421287078 -0.012964429954817279 -0.03199818579737006 0.4092125577030765 0.019044459727843015 0.9800712543208902 0.19773124438882075 -1.7785118560511624 0.028797029222663632 -0.19822275351186003 0.9797338776923686 -5.251061874909873 0.0 0.0 0.0 1.0 +reichstag/test/images/77107104_4141016705.jpg reichstag/test/images/78043438_3428167710.jpg 0 0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 0.9984835551866352 -0.02090277921533964 -0.05092802610481137 0.5401202429279419 0.019831801832832792 0.9995733227977237 -0.021444626067636783 0.10970644707824533 0.05135454856116284 0.020402111954214014 0.9984720647919433 1.4120525981734449 0.0 0.0 0.0 1.0 +reichstag/test/images/49284352_2431392889.jpg reichstag/test/images/92342560_2757258130.jpg 0 0 666.383 0.0 319.5 0.0 666.383 179.5 0.0 0.0 1.0 1743.4 0.0 319.5 0.0 1743.4 239.5 0.0 0.0 1.0 0.9986057641066476 0.016280726755976915 0.05021419947859106 -0.37490133371688894 -0.009799760318415037 0.9918914580388609 -0.1267095109581127 1.0978670848187442 -0.05186995846036638 0.1260407608904345 0.9906680745857717 5.052476116555306 0.0 0.0 0.0 1.0 +reichstag/test/images/05866831_3427466899.jpg reichstag/test/images/91549947_3428166276.jpg 0 0 961.582 0.0 249.5 0.0 961.582 176.5 0.0 0.0 1.0 543.843 0.0 319.5 0.0 543.843 213.0 0.0 0.0 1.0 0.9781425877044297 -0.01811952926980857 0.2071442994096686 -3.710516032328338 0.01168024102658104 0.9994110342713313 0.03226695749941377 -0.6832523552003849 -0.20760696059728542 -0.02914218996143826 0.9777781357116799 -5.855989836635651 0.0 0.0 0.0 1.0 +reichstag/test/images/48668943_3586566128.jpg reichstag/test/images/06373813_9127207861.jpg 0 0 550.231 0.0 319.5 0.0 550.231 212.0 0.0 0.0 1.0 1495.37 0.0 319.5 0.0 1495.37 211.5 0.0 0.0 1.0 0.983259702238377 -0.018096799709938403 0.18130875266891144 -1.8237474496714636 -0.005336591450938114 0.9917686532388095 0.12793146307521072 1.8459066492126954 -0.18213148751872615 -0.12675742302972484 0.9750695754463264 15.476368853928532 0.0 0.0 0.0 1.0 +reichstag/test/images/77214581_8512429399.jpg reichstag/test/images/20099963_3586531606.jpg 0 0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 502.573 0.0 319.5 0.0 502.573 212.0 0.0 0.0 1.0 0.992565519547407 0.006270309371422971 -0.1215498771121247 2.2492844844067896 0.014584947185187287 0.9853482233286768 0.16992986229213833 -0.7696292070070604 0.12083446826626612 -0.17043932059066194 0.9779312190923257 -2.0369358546528997 0.0 0.0 0.0 1.0 +reichstag/test/images/62810349_4295140640.jpg reichstag/test/images/92241023_5405455015.jpg 0 0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 523.981 0.0 319.5 0.0 523.981 213.0 0.0 0.0 1.0 0.9968705407091838 0.005027133376826875 0.07889140001414392 -0.5164098890404394 -0.010493939631244354 0.9975590710867488 0.06903460670966738 -0.8969559889860246 -0.07835178553929627 -0.06964644730748472 0.994490005017773 -4.219199392325065 0.0 0.0 0.0 1.0 +reichstag/test/images/49051226_8836027266.jpg reichstag/test/images/62810349_4295140640.jpg 0 0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 0.9993289026454113 -0.0010742103896501647 -0.03661407392733753 0.3561377902548687 0.003597624421978168 0.9976154780359576 0.06892325501313692 -0.6020564923104477 0.03645272878724112 -0.06900872448557707 0.9969498455332835 -3.9487772980556595 0.0 0.0 0.0 1.0 +reichstag/test/images/77594532_1434504133.jpg reichstag/test/images/63329391_7754963780.jpg 0 0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 0.937250782929558 0.04761722732272669 0.3453890119271695 -0.2901530397094175 0.0037037900360789387 0.9892142267943991 -0.14642914821485523 0.19765207705782828 -0.34863627441403644 0.1385200821890283 0.926965444336004 1.5090766973418948 0.0 0.0 0.0 1.0 +reichstag/test/images/77023786_7168337563.jpg reichstag/test/images/77107104_4141016705.jpg 0 0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 0.9998466518385108 -0.016878244681601023 0.004668796824448496 -0.11659593021047204 0.016985760657445503 0.9995667610606718 -0.024036932365973318 0.25538639256815965 -0.004261072893996341 0.024112549412005475 0.9997001691600566 1.761138802495276 0.0 0.0 0.0 1.0 +reichstag/test/images/91831337_388207037.jpg reichstag/test/images/48815289_2513792540.jpg 0 0 678.613 0.0 319.5 0.0 678.613 239.5 0.0 0.0 1.0 776.799 0.0 319.5 0.0 776.799 211.0 0.0 0.0 1.0 0.9894624543372548 -0.014716106735676525 0.1440398821835139 -5.133874975608207 -0.0018106901725262903 0.9934860208371475 0.11393966737826619 -0.2674226007962851 -0.14477835769891684 -0.11299983452959123 0.9829904702174328 -2.0932060442558376 0.0 0.0 0.0 1.0 +reichstag/test/images/48900330_6782044072.jpg reichstag/test/images/20613988_1265419368.jpg 0 0 769.928 0.0 319.5 0.0 769.928 170.0 0.0 0.0 1.0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 0.9967478472333945 -0.019404190743870474 -0.07821257198922196 1.392027510763493 0.03449833398833852 0.9798879221222018 0.1965439519065979 -1.5078717350540547 0.07282577831800209 -0.1986029643802164 0.977370589158364 -5.49784560906912 0.0 0.0 0.0 1.0 +reichstag/test/images/64097451_5212815345.jpg reichstag/test/images/34537245_34002183.jpg 0 0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 0.996323439793096 -0.010205723891562463 -0.08506142791360805 0.9991112951559302 0.011335256290565802 0.9998537403858233 0.0128066311458533 0.13918499304782123 0.08491828592052443 -0.01372373988124019 0.9962934024071385 3.6737078893789517 0.0 0.0 0.0 1.0 +reichstag/test/images/77107104_4141016705.jpg reichstag/test/images/91629190_2705184160.jpg 0 0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 1208.55 0.0 319.5 0.0 1208.55 213.5 0.0 0.0 1.0 0.9977728417682807 -0.011441160563955038 -0.06571496081258066 0.5051309853419848 0.009444753455243184 0.9994867642083064 -0.030610534209300218 0.9036961278524904 0.06603145357947895 0.02992169810286286 0.997368807974674 11.430743684059836 0.0 0.0 0.0 1.0 +reichstag/test/images/77902859_6141520050.jpg reichstag/test/images/19799508_3094174298.jpg 0 0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 0.9996519377605904 -0.020265614391643032 -0.01689106878873167 -0.06247580641758734 0.02012748462929652 0.9997629029063756 -0.008307968145930185 0.014481478678659288 0.017055430044237135 0.00796510172851477 0.9998228190336829 -0.23487369792006363 0.0 0.0 0.0 1.0 +reichstag/test/images/35531158_5960344226.jpg reichstag/test/images/05936329_2458217347.jpg 0 0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 864.162 0.0 319.5 0.0 864.162 200.0 0.0 0.0 1.0 0.9995565849877119 -0.0064755656792159135 0.02906373095177793 -0.42540660732785823 0.0038479636377163036 0.995973116106974 0.08956977820675145 0.5208859576806232 -0.029526709663387614 -0.08941822544256847 0.995556404416724 5.162171773548083 0.0 0.0 0.0 1.0 +reichstag/test/images/49051226_8836027266.jpg reichstag/test/images/62663981_6029901745.jpg 0 0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 0.9992181790625904 -0.02253257135569623 -0.03248559463733577 0.47711027279255147 0.022456759378806593 0.9997441780854432 -0.002696728103402924 0.7251931195575233 0.03253804832873698 0.001965098562861072 0.9994685656880836 8.099926189793345 0.0 0.0 0.0 1.0 +reichstag/test/images/20982577_4977562846.jpg reichstag/test/images/05978621_9257964873.jpg 0 0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 0.997375778073628 -0.014467606499029598 -0.07093832302933732 0.8221644201926896 0.010082865723645794 0.9980386384602769 -0.06178358972377806 -0.03409512645150364 0.0716930479950762 0.06090619428716952 0.9955654385155349 0.5926629493712664 0.0 0.0 0.0 1.0 +reichstag/test/images/19799508_3094174298.jpg reichstag/test/images/62663981_6029901745.jpg 0 0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 0.9999774167160188 -0.006555169125912067 0.0014818284948424872 -0.04537046688235226 0.006544871980401927 0.9999551190386091 0.006850150307927892 1.0493770705428005 -0.0015266658827614063 -0.006840297231242516 0.9999754395109265 12.746071399543542 0.0 0.0 0.0 1.0 +reichstag/test/images/35531158_5960344226.jpg reichstag/test/images/05978621_9257964873.jpg 0 0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 0.9953443528253092 -0.006905353434285044 -0.0961349852692233 0.5314257107214648 0.012775596219227112 0.99808148601993 0.06058160946600292 0.29135038686214565 0.0955322115310299 -0.06152774462139527 0.9935229907766576 4.439594025002644 0.0 0.0 0.0 1.0 +reichstag/test/images/77107104_4141016705.jpg reichstag/test/images/34272622_11098902473.jpg 0 0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 0.9934062155205183 -0.010374729935379348 -0.11417730047592431 0.211666440379279 -0.004746348293213678 0.9913217248745599 -0.13137240946868015 -0.06425207620837209 0.11454939171851185 0.13104809334933112 0.9847359209891877 -0.33998916253737077 0.0 0.0 0.0 1.0 +reichstag/test/images/06796518_2036664706.jpg reichstag/test/images/78043438_3428167710.jpg 0 0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 0.9997966959542236 -0.01729808999302006 -0.010360639054188407 -0.05881882134418448 0.018405107969937683 0.9927780974782177 0.11854493311881859 0.011038664395864456 0.008235214607569817 -0.11871152113473907 0.9928946348884373 -0.05812307885825245 0.0 0.0 0.0 1.0 +reichstag/test/images/34272622_11098902473.jpg reichstag/test/images/06639257_4979506057.jpg 0 0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 678.155 0.0 319.5 0.0 678.155 239.5 0.0 0.0 1.0 0.9977956486050171 0.009508876468009153 0.06567666932183178 0.05915805176712481 -0.020322019619812014 0.9859164931497307 0.16599904835241966 0.037022715836152215 -0.06317324705494463 -0.16696781068114042 0.9839364263268647 0.03995942430235133 0.0 0.0 0.0 1.0 +reichstag/test/images/64271070_4602086309.jpg reichstag/test/images/05978621_9257964873.jpg 0 0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 0.9809982374251159 -0.047402654742657126 -0.18813677602256343 1.2741555764988033 0.00863269426986769 0.9793981108439257 -0.20175434831743305 0.3159103436704011 0.1938244947328865 0.1962965328239334 0.9611970331013531 5.109519545321564 0.0 0.0 0.0 1.0 +reichstag/test/images/35531158_5960344226.jpg reichstag/test/images/48815289_2513792540.jpg 0 0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 776.799 0.0 319.5 0.0 776.799 211.0 0.0 0.0 1.0 0.9998709181381868 -0.0023084818142084934 -0.015900250727981298 0.005900204616031024 0.004251750568633077 0.9923614875400399 0.12329071605121347 0.6736934452795221 0.015494182088814156 -0.12334240535611543 0.9922432067605029 5.409560785487263 0.0 0.0 0.0 1.0 +reichstag/test/images/05461164_9050854768.jpg reichstag/test/images/77902859_6141520050.jpg 0 0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 0.9996641568549487 0.015033561956934678 -0.021108422830038106 0.5511576628166716 -0.013955352643079857 0.9986351601629515 0.05032956406451203 0.18990082048183893 0.02183624583329176 -0.05001808574109511 0.9985095740485939 3.1001333354771825 0.0 0.0 0.0 1.0 +reichstag/test/images/62673079_4759250457.jpg reichstag/test/images/64097451_5212815345.jpg 0 0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 0.9998990483899093 -0.005622074406688525 -0.013049341298277473 0.2598167659257218 0.005176165937402127 0.9994098985942272 -0.03395676512956421 0.3329652572386502 0.013232548323801802 0.03388579158351724 0.9993381073458654 3.283556821013316 0.0 0.0 0.0 1.0 +reichstag/test/images/49051226_8836027266.jpg reichstag/test/images/34959164_3067403556.jpg 0 0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 0.9979134696486862 -0.012443928935944593 -0.06335499764310454 0.9027817324974774 0.014072516289386239 0.9995802230269484 0.02532473136443571 -0.6089479523283821 0.0630132635165453 -0.026163454780151568 0.997669685945685 -6.426934435479522 0.0 0.0 0.0 1.0 +reichstag/test/images/64127786_281241429.jpg reichstag/test/images/64271070_4602086309.jpg 0 0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 0.9927369215954682 0.0046845223846088465 0.1202142244128438 -1.3394271407625244 -0.030126914910229043 0.977083202520021 0.21071493623189455 -1.3356038852065488 -0.11647220054221222 -0.21280618083892133 0.970127700819643 -4.826753970091793 0.0 0.0 0.0 1.0 +reichstag/test/images/62810349_4295140640.jpg reichstag/test/images/63790741_1504116525.jpg 0 0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 0.9999255475409476 0.007892634855091254 0.009306217812849103 0.14062814026303083 -0.007962479196106117 0.9999402317913239 0.007492113864916045 -0.16851228432452262 -0.009246529077852332 -0.00756565662434454 0.9999286287229979 -1.3477314845727493 0.0 0.0 0.0 1.0 +reichstag/test/images/49051226_8836027266.jpg reichstag/test/images/20613988_1265419368.jpg 0 0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 0.9919125907184131 -0.028737827145429953 -0.12362665434785984 1.9638181831384853 0.05976946920507389 0.9650313176463767 0.2552296348636681 -1.5515765928614442 0.11196884801242507 -0.26055458785570634 0.9589443590856112 -4.705087673150796 0.0 0.0 0.0 1.0 +reichstag/test/images/48668943_3586566128.jpg reichstag/test/images/77594532_1434504133.jpg 0 0 550.231 0.0 319.5 0.0 550.231 212.0 0.0 0.0 1.0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 0.9974834240213445 0.025447777925048206 -0.06617574632244051 -1.525959899310219 -0.005871747806899774 0.9598105464396641 0.2805873081963717 -0.1468433745429769 0.07065650274636252 -0.2794926216233104 0.9575445332086556 -0.8244249328145781 0.0 0.0 0.0 1.0 +reichstag/test/images/62673079_4759250457.jpg reichstag/test/images/34272622_11098902473.jpg 0 0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 0.9841792574857149 -0.030495464189522137 -0.17453141779843595 0.5465044728261849 0.006587998081156751 0.9906935265373555 -0.1359519575374343 -0.05645108287946339 0.17705306384287536 0.1326512839773639 0.9752209234030037 2.391817505921005 0.0 0.0 0.0 1.0 +reichstag/test/images/92241023_5405455015.jpg reichstag/test/images/05978621_9257964873.jpg 0 0 523.981 0.0 319.5 0.0 523.981 213.0 0.0 0.0 1.0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 0.9895803162631928 -0.04457349475197673 -0.13690873321316974 0.7210339700942481 0.02336286856361219 0.9879823654324975 -0.15279077840918934 0.29429439606277535 0.14207383304788662 0.14800016608099506 0.9787292663464594 5.18596177191844 0.0 0.0 0.0 1.0 +reichstag/test/images/20982577_4977562846.jpg reichstag/test/images/05466646_5360480312.jpg 0 0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 750.195 0.0 319.5 0.0 750.195 178.5 0.0 0.0 1.0 0.9997353110489235 0.0017972788111890365 -0.022936382251506772 0.30522260788623845 -0.0036566363084120355 0.9966843160379988 -0.08128347418002624 0.34189524385637066 0.02271424339088552 0.08134582935063016 0.9964270767067894 10.361003537940194 0.0 0.0 0.0 1.0 +reichstag/test/images/62663981_6029901745.jpg reichstag/test/images/63812586_393800330.jpg 0 0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 1002.64 0.0 187.0 0.0 1002.64 249.5 0.0 0.0 1.0 0.9996233893611812 0.02375364617199702 0.013742042628362221 -0.33462391706216493 -0.02270805891457924 0.9971604614975849 -0.07180082232297647 -0.12496569959374186 -0.015408552897535564 0.0714617262558022 0.9973243194558853 -11.707879170721881 0.0 0.0 0.0 1.0 +reichstag/test/images/06857713_2570944910.jpg reichstag/test/images/20982577_4977562846.jpg 0 0 782.61 0.0 319.5 0.0 782.61 239.5 0.0 0.0 1.0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 0.9994502568567109 0.007846451534728847 0.03221206710795684 -0.4558788509405179 -0.006724361647375307 0.9993718064648652 -0.03479619811972408 0.06775873259381486 -0.03246485837778553 0.03456046355975181 0.9988751710444329 0.11397334566793371 0.0 0.0 0.0 1.0 +reichstag/test/images/48542127_4157749181.jpg reichstag/test/images/48900330_6782044072.jpg 0 0 713.145 0.0 319.5 0.0 713.145 239.5 0.0 0.0 1.0 769.928 0.0 319.5 0.0 769.928 170.0 0.0 0.0 1.0 0.9915296479523266 -0.0310520027996669 -0.12611395780667792 0.8276109614398834 0.03699724289526781 0.9982982343732115 0.04507592778276209 0.4192318388027408 0.12449964357251637 -0.04935998753502381 0.9909911353694638 6.0487534307765065 0.0 0.0 0.0 1.0 +reichstag/test/images/35531158_5960344226.jpg reichstag/test/images/92414106_7915968882.jpg 0 0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 1871.37 0.0 319.5 0.0 1871.37 212.5 0.0 0.0 1.0 0.9998490680091191 -0.000351136059195578 -0.017370028922366557 -0.026065630090284175 0.0007134777406634492 0.9997821859693162 0.020858369253828044 0.5255569748672224 0.01735892136077284 -0.020867614187620835 0.9996315373813027 19.004725220161934 0.0 0.0 0.0 1.0 +reichstag/test/images/64271070_4602086309.jpg reichstag/test/images/78043438_3428167710.jpg 0 0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 0.9848900033041843 -0.05034544649905401 -0.1657015914476825 1.0735664912341623 0.021043732637902275 0.9845123755135536 -0.17404753309749577 0.5504108640116374 0.17189776818838653 0.16793069545937783 0.9706958528882162 5.45745495770034 0.0 0.0 0.0 1.0 +reichstag/test/images/76958303_5507621260.jpg reichstag/test/images/77594532_1434504133.jpg 0 0 708.355 0.0 319.5 0.0 708.355 239.5 0.0 0.0 1.0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 0.9161245605531534 -0.01089528221029024 -0.4007456579638134 2.623422739431178 0.07323475149677337 0.9873578312139648 0.1405744795959126 -0.9472245791415556 0.39414776508880195 -0.15813224201918447 0.905340672514766 -2.847097598427984 0.0 0.0 0.0 1.0 +reichstag/test/images/48983853_5719892543.jpg reichstag/test/images/48716728_829974943.jpg 0 0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 0.9997287197785646 0.013133659218450467 0.019235224080999352 -0.19106242751548297 -0.01147024242413629 0.9963852792807079 -0.08417130610509348 -0.16334060669979245 -0.02027117136832973 0.08392783941124313 0.9962656259166609 -1.3847055850753618 0.0 0.0 0.0 1.0 +reichstag/test/images/77594532_1434504133.jpg reichstag/test/images/92753909_16247242.jpg 0 0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 520.573 0.0 249.5 0.0 520.573 187.0 0.0 0.0 1.0 0.9574085604550708 0.033176666243438464 0.2868242618474255 -0.48829447037070106 0.011081035652131591 0.9884230311763827 -0.1513179503197415 0.5092311392601533 -0.28852393144456007 0.1480514108580632 0.9459570395777557 4.034160641690788 0.0 0.0 0.0 1.0 +reichstag/test/images/91549947_3428166276.jpg reichstag/test/images/06229406_8584869180.jpg 0 0 543.843 0.0 319.5 0.0 543.843 213.0 0.0 0.0 1.0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 0.9975818068676333 0.03342539271788964 0.060936702637759986 -0.41441867820417266 -0.037089353865203165 0.9975077302259312 0.06002256216934701 -0.273239109228039 -0.05877855422320007 -0.0621375189492326 0.9963352901018132 -2.9861134538617695 0.0 0.0 0.0 1.0 +reichstag/test/images/62663981_6029901745.jpg reichstag/test/images/06229406_8584869180.jpg 0 0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 0.9997660331741506 0.013379965182024365 -0.016995747790288916 0.5782870350999669 -0.011649840968990483 0.9951077406497228 0.09810639991560843 -2.3853010755485315 0.018225260399251524 -0.0978854485137187 0.9950307929168061 -14.035168824657896 0.0 0.0 0.0 1.0 +reichstag/test/images/91840440_9426147613.jpg reichstag/test/images/64282931_8298463790.jpg 0 0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 0.9998810512720947 -0.012598124214193493 -0.00889778474083178 0.8337063852958857 0.013683689094698505 0.9907652369463952 0.13489626351872286 -0.10574514595602613 0.007116175923208714 -0.13500197229980324 0.9908197754967313 -0.5910665565300124 0.0 0.0 0.0 1.0 +reichstag/test/images/64097451_5212815345.jpg reichstag/test/images/48542127_4157749181.jpg 0 0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 713.145 0.0 319.5 0.0 713.145 239.5 0.0 0.0 1.0 0.9980476500166174 0.018121453627590343 0.05977040417071472 -0.2540121956438738 -0.018543596152024888 0.9998068223896203 0.006515592445909688 -0.07939483582420248 -0.05964078586050073 -0.007611229965891212 0.9981908864742998 -1.7898384368795597 0.0 0.0 0.0 1.0 +reichstag/test/images/62751178_369337490.jpg reichstag/test/images/63329391_7754963780.jpg 0 0 700.224 0.0 319.5 0.0 700.224 258.5 0.0 0.0 1.0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 0.9951907072041589 0.01541974063756835 0.09673514300995267 0.022362917450229447 -0.004617539626535763 0.9938194833006433 -0.1109121857139228 0.39389184680073686 -0.09784750698041952 0.10993209818207082 0.9891111156826639 2.213928844285796 0.0 0.0 0.0 1.0 +reichstag/test/images/62810349_4295140640.jpg reichstag/test/images/62751178_369337490.jpg 0 0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 700.224 0.0 319.5 0.0 700.224 258.5 0.0 0.0 1.0 0.9998718187906434 -0.013785051526445194 0.008143607474851117 0.06400766151271148 0.01294031059303842 0.9952994028787299 0.09597732540032117 -1.3499014174310562 -0.009428380033011904 -0.09585964210060814 0.9953502070458903 -5.1596737530311785 0.0 0.0 0.0 1.0 +reichstag/test/images/92697655_166630020.jpg reichstag/test/images/48900330_6782044072.jpg 0 0 431.56 0.0 249.5 0.0 431.56 187.0 0.0 0.0 1.0 769.928 0.0 319.5 0.0 769.928 170.0 0.0 0.0 1.0 0.9850351385679146 0.021065252005409974 -0.17106148293651102 1.5932071632684044 -0.0023815923680247874 0.994071723896557 0.1087002105201262 0.7490584555527411 0.17233718056264657 -0.10666612820982935 0.9792457471382973 7.328936175358585 0.0 0.0 0.0 1.0 +reichstag/test/images/92102978_5376734902.jpg reichstag/test/images/06030835_119872882.jpg 0 0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 710.363 0.0 319.5 0.0 710.363 239.5 0.0 0.0 1.0 0.9996136020175875 -0.020869453811134787 -0.01836062523579243 -0.38138904077033775 0.02050659474739745 0.999594941466932 -0.019734045849424148 -0.00012898968310768102 0.01876502686622958 0.01934990675290385 0.9996366614302237 -1.405892004048651 0.0 0.0 0.0 1.0 +reichstag/test/images/05461164_9050854768.jpg reichstag/test/images/92697655_166630020.jpg 0 0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 431.56 0.0 249.5 0.0 431.56 187.0 0.0 0.0 1.0 0.9922336232920347 -0.023978812370396195 0.12205512429253415 -0.9754958409684507 0.023519504803014703 0.9997098405189911 0.005202659254124729 -0.055449271706419126 -0.12214446243109671 -0.0022915773604432043 0.9925096870915766 1.0443029530339976 0.0 0.0 0.0 1.0 +reichstag/test/images/64271070_4602086309.jpg reichstag/test/images/77349640_2188160842.jpg 0 0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 708.96 0.0 239.0 0.0 708.96 319.5 0.0 0.0 1.0 0.98194393715533 -0.042218003192726825 -0.1844010425412717 0.7303691796245975 -0.005607673623674214 0.9678545177798334 -0.2514481783781627 0.09384098132351884 0.18908902210445566 0.24794207512962557 0.9501421309993552 2.5360111485034222 0.0 0.0 0.0 1.0 +reichstag/test/images/92102978_5376734902.jpg reichstag/test/images/19799508_3094174298.jpg 0 0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 0.9998334342433193 -0.017961407206826086 0.003239077084731973 -0.5119263870679837 0.017999257702814346 0.9997652426361713 -0.01206177179295356 -0.03212391105891584 -0.0030216702927252747 0.012118063697975315 0.9999220079790493 -1.9344205375251355 0.0 0.0 0.0 1.0 +reichstag/test/images/91840440_9426147613.jpg reichstag/test/images/48716728_829974943.jpg 0 0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 0.992132853010111 -0.0002711435258564807 -0.1251891706946168 1.1087296428336808 0.0052430587073473405 0.9992102579643615 0.03938744361069271 0.3231628631455557 0.12507962389377741 -0.03973395097372743 0.991350745612575 2.986756353434047 0.0 0.0 0.0 1.0 +reichstag/test/images/48983853_5719892543.jpg reichstag/test/images/05461164_9050854768.jpg 0 0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 0.9999941199055971 0.0011631160012971072 -0.00322603710427402 -0.028502225584944307 -0.0017129154206121404 0.984378923835417 -0.17605453765634071 -0.09247900614648027 0.0029708710831093167 0.1760590283677426 0.984375127913751 -4.9213143987516546 0.0 0.0 0.0 1.0 +reichstag/test/images/48542127_4157749181.jpg reichstag/test/images/91629190_2705184160.jpg 0 0 713.145 0.0 319.5 0.0 713.145 239.5 0.0 0.0 1.0 1208.55 0.0 319.5 0.0 1208.55 213.5 0.0 0.0 1.0 0.9840355131349571 -0.04117078728157063 -0.17314466542125134 1.0321899307202187 0.03987320815529313 0.9991445578151096 -0.010967217507360289 0.9287107688882156 0.1734480791494275 0.0038882982221978266 0.9848353390167868 12.643568945178204 0.0 0.0 0.0 1.0 +reichstag/test/images/77274889_6889793618.jpg reichstag/test/images/49051226_8836027266.jpg 0 0 757.774 0.0 319.5 0.0 757.774 239.5 0.0 0.0 1.0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 0.9023885205739224 0.046136324682570895 0.4284464931367651 -5.220502625448049 -0.046632462587397366 0.9988684088071151 -0.009344266700882418 0.179384406541855 -0.4283927769809415 -0.011547356057844346 0.9035188361061604 0.6257040867427075 0.0 0.0 0.0 1.0 +reichstag/test/images/92753909_16247242.jpg reichstag/test/images/48983853_5719892543.jpg 0 0 520.573 0.0 249.5 0.0 520.573 187.0 0.0 0.0 1.0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 0.999971627487021 0.007168729078398302 0.002313772754510981 -0.01953964467367475 -0.00732952899243137 0.9968293799079776 0.07923045725619556 0.3586209970903796 -0.0017384549772998673 -0.07924516815350478 0.9968536407610772 1.8800541939492588 0.0 0.0 0.0 1.0 +reichstag/test/images/62663981_6029901745.jpg reichstag/test/images/91840440_9426147613.jpg 0 0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 0.9824229853005266 0.021215120640266635 0.18545888118238063 -4.383853467681439 -0.022325014080744304 0.9997431663451467 0.003898088310344863 -1.273079766724897 -0.1853285506863311 -0.007969943688609817 0.9826442938816186 -14.60616286146757 0.0 0.0 0.0 1.0 +reichstag/test/images/62751178_369337490.jpg reichstag/test/images/34120311_5589470818.jpg 0 0 700.224 0.0 319.5 0.0 700.224 258.5 0.0 0.0 1.0 512.125 0.0 319.5 0.0 512.125 241.5 0.0 0.0 1.0 0.9999939515610883 -0.0006764887833516939 0.0034116277882724182 0.019661350528543897 0.0005497304182227498 0.9993143800067551 0.03701982858120658 -0.16564569921049532 -0.0034343322068480565 -0.03701772919346398 0.9993087076012358 -0.7538496406087836 0.0 0.0 0.0 1.0 +reichstag/test/images/92102978_5376734902.jpg reichstag/test/images/92753909_16247242.jpg 0 0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 520.573 0.0 249.5 0.0 520.573 187.0 0.0 0.0 1.0 0.9988999931080826 -0.020101653526667467 0.04236422186428747 -1.0779753415583604 0.018232893097791286 0.9988631208632156 0.04404574200398556 -0.1278361297481444 -0.04320145110939296 -0.04322486905579889 0.9981308758460243 -1.7630495091102365 0.0 0.0 0.0 1.0 +reichstag/test/images/48542127_4157749181.jpg reichstag/test/images/77122925_1063274053.jpg 0 0 713.145 0.0 319.5 0.0 713.145 239.5 0.0 0.0 1.0 658.554 0.0 319.5 0.0 658.554 239.5 0.0 0.0 1.0 0.9271603537159564 0.010414691389865009 0.37451997637049544 -2.0836680358754736 -0.051972547127654374 0.9935244225489495 0.1010350243422559 -0.7481790975203413 -0.3710424946584505 -0.11314042602902981 0.9216977330750052 -2.6442138717475667 0.0 0.0 0.0 1.0 +reichstag/test/images/62810349_4295140640.jpg reichstag/test/images/06639257_4979506057.jpg 0 0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 678.155 0.0 319.5 0.0 678.155 239.5 0.0 0.0 1.0 0.9992001061367216 -0.0069731203464374275 -0.03937668712574501 0.244682624612849 0.007175601800471164 0.9999617387475009 0.005003176978230047 -0.0632021287725576 0.03934029276919261 -0.005281726394704339 0.9992119118240764 -0.4916312974431898 0.0 0.0 0.0 1.0 +reichstag/test/images/20329925_5164269072.jpg reichstag/test/images/19799508_3094174298.jpg 0 0 517.71 0.0 319.5 0.0 517.71 245.0 0.0 0.0 1.0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 0.9470605085913044 -0.030640531595960713 0.3195896601742566 -3.365862435462484 -0.029609247446968176 0.9828574359181048 0.1819740451990684 -0.18767431252921746 -0.3196868554263752 -0.18180324112623877 0.9299182200514143 -2.6679911938400878 0.0 0.0 0.0 1.0 +reichstag/test/images/48542127_4157749181.jpg reichstag/test/images/48983853_5719892543.jpg 0 0 713.145 0.0 319.5 0.0 713.145 239.5 0.0 0.0 1.0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 0.9968794024479054 -0.02721509813991934 -0.0740999015407001 0.3037101383175008 0.035234223693259986 0.9933994451499871 0.10916085313165601 0.428148182560995 0.07063997774518482 -0.11143105854712237 0.9912583481288961 2.700314488780196 0.0 0.0 0.0 1.0 +reichstag/test/images/62751178_369337490.jpg reichstag/test/images/49051226_8836027266.jpg 0 0 700.224 0.0 319.5 0.0 700.224 258.5 0.0 0.0 1.0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 0.9994480707347257 0.020010975236351376 0.026516311484151196 -0.10993307968199362 -0.015388233428918931 0.9862889161702698 -0.1643087828194569 0.8131014143442856 -0.029440723098651957 0.16381005680288524 0.9860524880114971 9.301989267084942 0.0 0.0 0.0 1.0 +reichstag/test/images/05978621_9257964873.jpg reichstag/test/images/77274889_6889793618.jpg 0 0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 757.774 0.0 319.5 0.0 757.774 239.5 0.0 0.0 1.0 0.9414814894669203 -0.017672668398673715 -0.3366010721652861 2.580635843559571 0.0203361924939912 0.9997835650336908 0.0043888909044209595 0.2800007945603357 0.3364506565099807 -0.010977243743039143 0.9416371147389048 4.107511180336614 0.0 0.0 0.0 1.0 +reichstag/test/images/92102978_5376734902.jpg reichstag/test/images/77274889_6889793618.jpg 0 0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 757.774 0.0 319.5 0.0 757.774 239.5 0.0 0.0 1.0 0.917610051772654 -0.049764254294890946 -0.3943542974030598 2.947667347025496 0.048512252121356916 0.9987360118213879 -0.013150668622631785 0.29750254458194986 0.394510271450442 -0.007063829385099634 0.9188643795656228 3.7462073158843374 0.0 0.0 0.0 1.0 +reichstag/test/images/34537245_34002183.jpg reichstag/test/images/64127786_281241429.jpg 0 0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 0.9992287715637076 -0.010173879733094589 0.03792564106854304 -0.610225049155685 0.011912487724569671 0.9988749111763126 -0.04590211823789313 0.009937421028375991 -0.037415968723199036 0.04631850595269748 0.9982257466579463 -3.1710566594618896 0.0 0.0 0.0 1.0 +reichstag/test/images/77487845_5932034347.jpg reichstag/test/images/05978621_9257964873.jpg 0 0 774.031 0.0 319.5 0.0 774.031 212.0 0.0 0.0 1.0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 0.9976738866623658 -0.02175747786313612 -0.06460207449489747 0.43315458415262553 0.013725984275348725 0.9924034002066515 -0.1222582864837783 0.3178272011736205 0.0667713503508954 0.12108717279428016 0.9903936002201378 5.022661865162037 0.0 0.0 0.0 1.0 +reichstag/test/images/34959164_3067403556.jpg reichstag/test/images/91831337_388207037.jpg 0 0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 678.613 0.0 319.5 0.0 678.613 239.5 0.0 0.0 1.0 0.9948292683544361 -0.0010025390519586045 -0.1015564953157943 3.837857498062377 -0.008154438048207724 0.995934454651473 -0.0897110203831772 -0.09348210672853943 0.10123355157997568 0.09007528492057179 0.9907765697073091 7.067932104528742 0.0 0.0 0.0 1.0 +reichstag/test/images/77023786_7168337563.jpg reichstag/test/images/05978621_9257964873.jpg 0 0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 0.997135866520481 -0.03321267988605595 -0.06794837447088656 0.5781630347079595 0.028101723531879653 0.9967996291076241 -0.07483844296510453 0.16437834014899103 0.07021649972041653 0.07271462924123162 0.9948779954654353 2.8003918537552286 0.0 0.0 0.0 1.0 +reichstag/test/images/48551853_12793928283.jpg reichstag/test/images/34272622_11098902473.jpg 0 0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 0.9681424734265773 -0.0009465502998301168 -0.25039819326424595 1.1173920550654077 -0.024430078918830696 0.9948650622714191 -0.098217509211471 0.21885859856956671 0.24920538194727748 0.10120578992436938 0.9631479978146122 -2.6959078591651267 0.0 0.0 0.0 1.0 +reichstag/test/images/77122925_1063274053.jpg reichstag/test/images/20982577_4977562846.jpg 0 0 658.554 0.0 319.5 0.0 658.554 239.5 0.0 0.0 1.0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 0.8796429592696804 -0.09478698282515091 -0.4660940807328321 1.1705305359788194 0.05539092727460853 0.9936886261997709 -0.0975436278640014 0.7311970808355496 0.47239825294230126 0.05998618214319282 0.8793415426152373 4.974028682571745 0.0 0.0 0.0 1.0 +reichstag/test/images/64271070_4602086309.jpg reichstag/test/images/06857713_2570944910.jpg 0 0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 782.61 0.0 319.5 0.0 782.61 239.5 0.0 0.0 1.0 0.9878313186492798 -0.034464288477989095 -0.1516624499186638 1.0891167838335407 0.018256587762039485 0.9940925417613972 -0.10698932384893259 0.7090807616123905 0.15445382125059967 0.10291856603193995 0.9826249466948299 4.344904019142865 0.0 0.0 0.0 1.0 +reichstag/test/images/49501249_12793461434.jpg reichstag/test/images/63329391_7754963780.jpg 0 0 587.147 0.0 319.5 0.0 587.147 230.0 0.0 0.0 1.0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 0.9542659147225956 -0.05844088027078954 -0.2931914519760476 0.09411780854958285 0.09003081377025184 0.9913569857513441 0.09542420748361216 -0.11054407836381291 0.2850807193945499 -0.11745633365291322 0.9512796608328707 -1.7195483494404438 0.0 0.0 0.0 1.0 +reichstag/test/images/92414106_7915968882.jpg reichstag/test/images/92697655_166630020.jpg 0 0 1871.37 0.0 319.5 0.0 1871.37 212.5 0.0 0.0 1.0 431.56 0.0 249.5 0.0 431.56 187.0 0.0 0.0 1.0 0.9887377684430447 -0.020989640511428327 0.14817914915894523 -4.054156356271373 0.01996538803820428 0.9997654136780888 0.008396481022673246 -0.6791466112069388 -0.148320627475587 -0.00534346369700301 0.988924890404204 -17.637762913240362 0.0 0.0 0.0 1.0 +reichstag/test/images/78043438_3428167710.jpg reichstag/test/images/35221995_8835396469.jpg 0 0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 918.648 0.0 319.5 0.0 918.648 213.0 0.0 0.0 1.0 0.958842286417629 0.043389559400969446 0.28060437614620964 -3.027996622071246 -0.05305242828933169 0.9982285829123305 0.026928351406012224 -0.2950895889864809 -0.2789388994565281 -0.04070678557476757 0.9594456982957142 -2.0085011649361206 0.0 0.0 0.0 1.0 +reichstag/test/images/49051226_8836027266.jpg reichstag/test/images/48900330_6782044072.jpg 0 0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 769.928 0.0 319.5 0.0 769.928 170.0 0.0 0.0 1.0 0.9989029050570946 -0.014327485290919668 -0.04458373508058044 0.6261565906773813 0.017082774740654443 0.9979270804418617 0.06204611936247132 -0.21136507368518045 0.043602351721632605 -0.06273966278217041 0.9970770128923457 0.7215071462915863 0.0 0.0 0.0 1.0 +reichstag/test/images/48716728_829974943.jpg reichstag/test/images/77023786_7168337563.jpg 0 0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 0.9982973071445754 0.00039037979503740407 -0.05832953069847803 0.6298275415508273 0.0007874336732017524 0.9997962940032088 0.020168055078747634 -0.28593479598349403 0.058325521824492674 -0.02017964571207128 0.9980936405983337 -1.9205687713279185 0.0 0.0 0.0 1.0 +reichstag/test/images/63790741_1504116525.jpg reichstag/test/images/62663981_6029901745.jpg 0 0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 0.9995721364785836 -0.029040457859619916 -0.003492246117278421 -0.019743818659597637 0.028676416607182332 0.9964937607909583 -0.0785992864806252 1.0960958858560734 0.005762560733851188 0.07846551160857687 0.9969001737294428 13.438858547680166 0.0 0.0 0.0 1.0 +reichstag/test/images/77361791_2035867493.jpg reichstag/test/images/34537245_34002183.jpg 0 0 601.346 0.0 249.5 0.0 601.346 187.0 0.0 0.0 1.0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 0.9998362312404546 0.0003027290857084454 0.018094724479378356 -0.20508143005707272 -0.0017759541078812126 0.9966752805697983 0.08145692780924235 0.10556152796721208 -0.018009905216037316 -0.0814757231094888 0.9965125939283935 2.799778480563802 0.0 0.0 0.0 1.0 +reichstag/test/images/92241023_5405455015.jpg reichstag/test/images/63790741_1504116525.jpg 0 0 523.981 0.0 319.5 0.0 523.981 213.0 0.0 0.0 1.0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 0.9975701791262742 -0.0019773377504973826 -0.06964070543434724 0.360181638788438 -0.0023196646756691495 0.998100221678109 -0.06156757784663999 0.46577590230269295 0.06963014342772471 0.061579522745228224 0.9956704301648733 2.944392405701535 0.0 0.0 0.0 1.0 +reichstag/test/images/19799508_3094174298.jpg reichstag/test/images/48542127_4157749181.jpg 0 0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 713.145 0.0 319.5 0.0 713.145 239.5 0.0 0.0 1.0 0.9927614063521857 0.029762796287339653 0.11635706259092606 -0.8603699035385723 -0.03257335790140717 0.9992199192646505 0.022327769699910814 0.056215477016451174 -0.11560175782684792 -0.02595628829212184 0.992956446519906 -0.6142347428635067 0.0 0.0 0.0 1.0 +reichstag/test/images/77902859_6141520050.jpg reichstag/test/images/64127786_281241429.jpg 0 0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 0.9995885812578092 -0.02753746332385647 -0.008022239879653358 -0.27180967279245877 0.027334712132599345 0.9993291660010402 -0.02437276127756024 0.07383324321336382 0.00868802230817621 0.024143448249002736 0.9996707518853496 1.3385939972770284 0.0 0.0 0.0 1.0 +reichstag/test/images/05791347_12791964625.jpg reichstag/test/images/76958303_5507621260.jpg 0 0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 708.355 0.0 319.5 0.0 708.355 239.5 0.0 0.0 1.0 0.973274916813873 0.04423743993854251 0.22534192953960527 -2.2295199491853617 -0.06452461901923512 0.9944189614676975 0.08347156769779898 -0.2322838456967749 -0.22039171908529404 -0.09578088526000121 0.9706974359590321 -1.8527174416926553 0.0 0.0 0.0 1.0 +reichstag/test/images/92753909_16247242.jpg reichstag/test/images/92102978_5376734902.jpg 0 0 520.573 0.0 249.5 0.0 520.573 187.0 0.0 0.0 1.0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 0.9988999931080826 0.018232893097791282 -0.043201451109392955 1.0029540865697972 -0.020101653526667467 0.9988631208632154 -0.043224869055798885 0.029814124522828767 0.04236422186428747 0.044045742003985554 0.9981308758460243 1.811052374411788 0.0 0.0 0.0 1.0 +reichstag/test/images/34537245_34002183.jpg reichstag/test/images/63329391_7754963780.jpg 0 0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 0.9913541727933856 -0.0009695800509877053 0.1312096185485897 -1.3883628314815444 -0.003307516776129457 0.9994703009038891 0.03237557634799489 -0.7398591946811016 -0.13117150764520974 -0.03252964072371459 0.990825846481847 -7.035216869771062 0.0 0.0 0.0 1.0 +reichstag/test/images/05978621_9257964873.jpg reichstag/test/images/05466646_5360480312.jpg 0 0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 750.195 0.0 319.5 0.0 750.195 178.5 0.0 0.0 1.0 0.9987128498957729 0.013291042628921005 0.04894886759568415 -0.5444405837458447 -0.012300563623097456 0.9997145732004402 -0.02048092442287849 0.398232009478591 -0.049207109116648426 0.019852463738733624 0.9985912777988224 9.810308692621316 0.0 0.0 0.0 1.0 +reichstag/test/images/63790741_1504116525.jpg reichstag/test/images/64271070_4602086309.jpg 0 0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 0.9923364260001447 -0.012144660190562224 0.1229671698548647 -1.2418098200443206 -0.0015330833386561675 0.9938716003289181 0.11053004892386505 -0.7677589312697569 -0.12355592777659878 -0.10987151263403556 0.9862363729972512 -2.6262891387878575 0.0 0.0 0.0 1.0 +reichstag/test/images/34537245_34002183.jpg reichstag/test/images/48983853_5719892543.jpg 0 0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 0.9975071602214806 0.002567491596982614 0.07051860246613462 -1.0707645705992408 -0.009936550477784724 0.9944912703002026 0.10434739221126604 -0.3668851952825353 -0.06986222349367174 -0.10478798253420461 0.9920376749120626 -2.6430457504947067 0.0 0.0 0.0 1.0 +reichstag/test/images/06796518_2036664706.jpg reichstag/test/images/06373813_9127207861.jpg 0 0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 1495.37 0.0 319.5 0.0 1495.37 211.5 0.0 0.0 1.0 0.9994231360839532 -0.003600778136488488 0.033770245141661645 -0.45621586994231134 -0.0013244784234692259 0.9894745216419241 0.14470112915382133 1.201439921711612 -0.03393583381945845 -0.14466238425484662 0.9888989603415917 10.10980564415954 0.0 0.0 0.0 1.0 +reichstag/test/images/77023786_7168337563.jpg reichstag/test/images/34272622_11098902473.jpg 0 0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 0.9935641736243559 -0.02989029417162004 -0.10925567813383862 -0.10789232048057863 0.01265252051682217 0.9878046320150915 -0.15518351295837265 -0.04189364001645286 0.11256174578746687 0.1528024191034424 0.9818254804706454 1.4143793850585675 0.0 0.0 0.0 1.0 +reichstag/test/images/34120311_5589470818.jpg reichstag/test/images/63790741_1504116525.jpg 0 0 512.125 0.0 319.5 0.0 512.125 241.5 0.0 0.0 1.0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 0.9997404997414925 0.0221886919046024 -0.005157046460286982 0.08129019307735459 -0.02265954785927734 0.9918916031382077 -0.12505035991443386 0.7919515410445503 0.0023405271722512556 0.12513476565478898 0.9921369927369288 4.679668432105698 0.0 0.0 0.0 1.0 +reichstag/test/images/77792600_3686854267.jpg reichstag/test/images/35221995_8835396469.jpg 0 0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 918.648 0.0 319.5 0.0 918.648 213.0 0.0 0.0 1.0 0.9199170983758415 0.05060289099834204 0.388833999977345 -2.579125367472062 -0.08217707307590605 0.9944962365257414 0.06499357042672702 0.13450328544352141 -0.3834050870508231 -0.09174193675057576 0.9190124897218773 1.3283099194549175 0.0 0.0 0.0 1.0 +reichstag/test/images/77487845_5932034347.jpg reichstag/test/images/77594532_1434504133.jpg 0 0 774.031 0.0 319.5 0.0 774.031 212.0 0.0 0.0 1.0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 0.9678278723726138 -0.008696786474447799 -0.25146287074579743 0.2991874467053328 0.03167799594145385 0.9956618350824532 0.08748722611544552 -0.06208469716835774 0.24961112561709461 -0.09263841571000507 0.9639047722171042 -0.3123124940210893 0.0 0.0 0.0 1.0 +reichstag/test/images/06373813_9127207861.jpg reichstag/test/images/64097451_5212815345.jpg 0 0 1495.37 0.0 319.5 0.0 1495.37 211.5 0.0 0.0 1.0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 0.9982474312383192 0.015498666288348307 0.05711267258130737 -1.4032035035738581 -0.01348452525587841 0.9992792563935412 -0.03548429681133104 -0.8555166801346923 -0.05762146826245215 0.03465197086535593 0.997736942941588 -10.90079646828496 0.0 0.0 0.0 1.0 +reichstag/test/images/34481400_9199849492.jpg reichstag/test/images/64097451_5212815345.jpg 0 0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 0.9946226286375277 -0.012453223320954884 -0.1028141227219935 0.99170437457596 0.003258748871491123 0.9960159231219045 -0.08911599992937608 0.09769523384081204 0.10351428480150576 0.0883017446970241 0.990700557547786 1.4685249612608582 0.0 0.0 0.0 1.0 +reichstag/test/images/77214581_8512429399.jpg reichstag/test/images/92753909_16247242.jpg 0 0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 520.573 0.0 249.5 0.0 520.573 187.0 0.0 0.0 1.0 0.9998706393447858 -0.002881290842475456 -0.015824118911656433 -0.16878855160052264 0.002861765793321178 0.9999951158854363 -0.0012563844223365485 0.13731677711938398 0.015827661633777516 0.0012109369734136486 0.9998740014416081 1.1623211097747372 0.0 0.0 0.0 1.0 +reichstag/test/images/77023786_7168337563.jpg reichstag/test/images/48716728_829974943.jpg 0 0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 0.9982973071445757 0.0007874336732017584 0.05832552182449268 -0.5165118082214561 0.00039037979503741307 0.9997962940032092 -0.020179645712071283 0.24687428003321604 -0.05832953069847803 0.020168055078747638 0.9980936405983338 1.9594117706281127 0.0 0.0 0.0 1.0 +reichstag/test/images/64271070_4602086309.jpg reichstag/test/images/92697655_166630020.jpg 0 0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 431.56 0.0 249.5 0.0 431.56 187.0 0.0 0.0 1.0 0.9993861693476093 -0.005572623266626016 0.03458656367203562 -0.40010972094240427 0.013496202040575344 0.9723071854823134 -0.23331650089511888 0.017465113203271737 -0.032328579418085854 0.23364007132636794 0.9717855627778272 1.643054359934971 0.0 0.0 0.0 1.0 +reichstag/test/images/92697655_166630020.jpg reichstag/test/images/62799820_4661707438.jpg 0 0 431.56 0.0 249.5 0.0 431.56 187.0 0.0 0.0 1.0 625.353 0.0 319.5 0.0 625.353 239.5 0.0 0.0 1.0 0.9978388177201625 0.009283348866461637 -0.06505008289504682 0.8969119657705624 0.006386175742712626 0.9715821837525231 0.23661630749815474 -0.8113833084307805 0.0653980933224516 -0.23652035778871486 0.9694231324562491 -2.9465516145025292 0.0 0.0 0.0 1.0 +reichstag/test/images/62810349_4295140640.jpg reichstag/test/images/05461164_9050854768.jpg 0 0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 0.9991100508958994 -0.005709270469886992 0.041791272168903694 -0.39372797598019327 0.010664855841511629 0.9927965965927152 -0.11933640954797098 -0.04833109803216436 -0.040808908937552874 0.11967590411032189 0.9919739466975449 -3.5311002190845313 0.0 0.0 0.0 1.0 +reichstag/test/images/77107104_4141016705.jpg reichstag/test/images/77792600_3686854267.jpg 0 0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 0.9855811425737476 -0.049545967070706305 -0.16178692329745012 1.2772949721040692 0.03870727692987459 0.9968325870318765 -0.06947330526187963 -0.08915115796748177 0.1647165993933232 0.062209248334671285 0.9843771895497856 -1.801506687561483 0.0 0.0 0.0 1.0 +reichstag/test/images/19799508_3094174298.jpg reichstag/test/images/62799820_4661707438.jpg 0 0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 625.353 0.0 319.5 0.0 625.353 239.5 0.0 0.0 1.0 0.9953148359039031 -0.006125098582007715 0.09649280075190672 -0.8514892633815088 -0.013333652126026581 0.9797606579329105 0.19972798223547134 -1.3788019808934244 -0.09576320353125509 -0.20007882530200774 0.9750886485418647 -4.709502207221307 0.0 0.0 0.0 1.0 +reichstag/test/images/20613988_1265419368.jpg reichstag/test/images/92102978_5376734902.jpg 0 0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 0.9957669658417962 0.052142075734261675 0.0756924941876364 -0.4758177047490456 -0.0309985373426005 0.9657818811300792 -0.25749650242957595 0.03264342326229221 -0.08652884155495352 0.25406015433154355 0.9633100215196506 2.3902805134825327 0.0 0.0 0.0 1.0 +reichstag/test/images/06639257_4979506057.jpg reichstag/test/images/62799820_4661707438.jpg 0 0 678.155 0.0 319.5 0.0 678.155 239.5 0.0 0.0 1.0 625.353 0.0 319.5 0.0 625.353 239.5 0.0 0.0 1.0 0.9902210574987148 -0.0055965192223525456 0.13939489323042306 -0.9136247261638771 -0.010945830412947801 0.992997928816224 0.11762356125904733 -1.398004326089784 -0.13907712278695658 -0.1179991200784299 0.9832262006161239 -4.861361262230215 0.0 0.0 0.0 1.0 +reichstag/test/images/77214581_8512429399.jpg reichstag/test/images/05534141_6340060522.jpg 0 0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 668.983 0.0 319.5 0.0 668.983 213.5 0.0 0.0 1.0 0.9982292372808433 -7.254347340247382e-05 -0.05948432209540721 0.2548299980829258 -0.0011558521767086423 0.9997867979324495 -0.0206160783303928 0.17932203443879452 0.05947313547687967 0.02064832723064414 0.9980163288940342 1.7752712761425091 0.0 0.0 0.0 1.0 +reichstag/test/images/48542127_4157749181.jpg reichstag/test/images/62663981_6029901745.jpg 0 0 713.145 0.0 319.5 0.0 713.145 239.5 0.0 0.0 1.0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 0.9927163075870203 -0.039089591927407845 -0.1139576081432957 0.7409334848388004 0.037056020184224235 0.9991148334350815 -0.019909821146747986 1.0128639342259285 0.11463500346272322 0.015541988706013745 0.9932860930105504 13.45393703403625 0.0 0.0 0.0 1.0 +reichstag/test/images/48542127_4157749181.jpg reichstag/test/images/78040542_6368040213.jpg 0 0 713.145 0.0 319.5 0.0 713.145 239.5 0.0 0.0 1.0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 0.8906607267268675 -0.044399153859311806 -0.4524955082682538 4.073087576215072 0.05284065264284184 0.9985847744502756 0.006026082008299186 0.25184203622324186 0.4515875721215617 -0.02927735255567642 0.8917463211769836 4.6910696100351394 0.0 0.0 0.0 1.0 +reichstag/test/images/48668943_3586566128.jpg reichstag/test/images/62673079_4759250457.jpg 0 0 550.231 0.0 319.5 0.0 550.231 212.0 0.0 0.0 1.0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 0.9677341650457403 -0.00598301059468526 0.25190234097254416 -2.551255100364858 -0.025664727526112804 0.9921783170592781 0.12216181448566175 0.194218296592924 -0.25066293615976487 -0.12468516648600483 0.9600113028991496 1.4541838473636437 0.0 0.0 0.0 1.0 +reichstag/test/images/34481400_9199849492.jpg reichstag/test/images/77792600_3686854267.jpg 0 0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 0.9486325075742764 -0.08763111171375657 -0.304001897745971 2.5768085126255103 0.047846008758080656 0.9895601662837713 -0.13594644809761092 -0.009085526933528883 0.31274130686441515 0.11441794249262596 0.9429217408759285 -0.6874358061917705 0.0 0.0 0.0 1.0 +reichstag/test/images/05461164_9050854768.jpg reichstag/test/images/91629190_2705184160.jpg 0 0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 1208.55 0.0 319.5 0.0 1208.55 213.5 0.0 0.0 1.0 0.9951947661949357 -0.009268809098877178 -0.09747546622661307 0.5519480146608661 0.014909403802709317 0.9982457492447633 0.05729863692104065 1.1967210819060328 0.09677337968912096 -0.05847660466075351 0.9935871374423559 14.782024478074769 0.0 0.0 0.0 1.0 +reichstag/test/images/62810349_4295140640.jpg reichstag/test/images/91549947_3428166276.jpg 0 0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 543.843 0.0 319.5 0.0 543.843 213.0 0.0 0.0 1.0 0.9964117016171594 -0.044423212678030614 -0.07204373016272451 0.8740840497508643 0.04196304443144261 0.9984950093651793 -0.035310326745512766 0.08142295225514141 0.07350390317827875 0.032160448507329006 0.9967762445851956 0.9344146067469118 0.0 0.0 0.0 1.0 +reichstag/test/images/92102978_5376734902.jpg reichstag/test/images/64097451_5212815345.jpg 0 0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 0.9982138151297083 -0.004526027717888995 0.059570918721212715 -1.2985639026807791 0.004249384690205724 0.9999795957010617 0.004769791535903066 0.05790155362573579 -0.05959129142707915 -0.004508132056431784 0.9982126801095118 -0.763566288987619 0.0 0.0 0.0 1.0 +reichstag/test/images/77487845_5932034347.jpg reichstag/test/images/77349640_2188160842.jpg 0 0 774.031 0.0 319.5 0.0 774.031 212.0 0.0 0.0 1.0 708.96 0.0 239.0 0.0 708.96 319.5 0.0 0.0 1.0 0.9980324902455702 -0.016877407150045372 -0.06038461345506401 -0.11102216560376851 0.006117892680784069 0.9847075293448301 -0.17410816477335908 0.103766195735507 0.062399677910805834 0.17339617867615287 0.9828733618412575 2.4535933448059506 0.0 0.0 0.0 1.0 +reichstag/test/images/92241023_5405455015.jpg reichstag/test/images/91549947_3428166276.jpg 0 0 523.981 0.0 319.5 0.0 523.981 213.0 0.0 0.0 1.0 543.843 0.0 319.5 0.0 543.843 213.0 0.0 0.0 1.0 0.987386519610117 -0.059744573596102316 -0.14662348658397023 0.7117582341906409 0.04406560926844006 0.9931797618524099 -0.10794527653673094 0.5395747590130524 0.1520726240058379 0.10012265763856884 0.9832849894386513 5.251427460959881 0.0 0.0 0.0 1.0 +reichstag/test/images/76958303_5507621260.jpg reichstag/test/images/48542127_4157749181.jpg 0 0 708.355 0.0 319.5 0.0 708.355 239.5 0.0 0.0 1.0 713.145 0.0 319.5 0.0 713.145 239.5 0.0 0.0 1.0 0.9989362013937082 0.013692535939030111 -0.04403385066817902 0.8232843517589452 -0.015047824826678368 0.9994185669121995 -0.030595605552941968 0.009243908421142893 0.04358931650180719 0.031225671661694963 0.9985614297158595 -0.44353735831268803 0.0 0.0 0.0 1.0 +reichstag/test/images/62799820_4661707438.jpg reichstag/test/images/20613988_1265419368.jpg 0 0 625.353 0.0 319.5 0.0 625.353 239.5 0.0 0.0 1.0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 0.982610069116649 -0.04301668715328699 -0.18062950118109258 0.943851600629135 0.055168729146597595 0.996500274429672 0.06279820368400307 1.6656430151767836 0.17729597681539036 -0.07167124728888438 0.9815443794944433 4.307501819737058 0.0 0.0 0.0 1.0 +reichstag/test/images/34481400_9199849492.jpg reichstag/test/images/05461164_9050854768.jpg 0 0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 0.9925959360704261 -0.0210255788002606 -0.11962956462592617 1.118938477128273 0.0030981791278500664 0.9889660299881867 -0.14811006993279152 -0.09486059242676909 0.12142367554380139 0.14664281968619763 0.9817088032873673 -2.503193852891597 0.0 0.0 0.0 1.0 +reichstag/test/images/77349640_2188160842.jpg reichstag/test/images/05545431_1341290848.jpg 0 0 708.96 0.0 239.0 0.0 708.96 319.5 0.0 0.0 1.0 492.313 0.0 319.5 0.0 492.313 213.0 0.0 0.0 1.0 0.9980287841728267 -0.004203810708900061 0.06261688221264952 0.04578206252037528 -0.0053048107460296505 0.9885321940481229 0.1509170643544092 0.037930969347493904 -0.06253323072941214 -0.15095174495820782 0.9865612833213222 0.1715593219240663 0.0 0.0 0.0 1.0 +reichstag/test/images/76958303_5507621260.jpg reichstag/test/images/48668943_3586566128.jpg 0 0 708.355 0.0 319.5 0.0 708.355 239.5 0.0 0.0 1.0 550.231 0.0 319.5 0.0 550.231 212.0 0.0 0.0 1.0 0.9412381501455888 -0.02783845077737204 -0.3365943632457713 4.00072506189637 -0.016556570950507863 0.9915959936719526 -0.128309256455229 -0.09729966743095642 0.3373375530071788 0.12634241564909532 0.9328670694901177 -2.4359644540540706 0.0 0.0 0.0 1.0 +reichstag/test/images/62673079_4759250457.jpg reichstag/test/images/05866831_3427466899.jpg 0 0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 961.582 0.0 249.5 0.0 961.582 176.5 0.0 0.0 1.0 0.9370829977154232 -0.036977350719099786 -0.3471428105642871 2.885056750409053 0.025510231877064922 0.9989692094004079 -0.0375465942463798 0.7288830746493447 0.34817335260219756 0.02632858149845127 0.9370603621613846 10.534668299468724 0.0 0.0 0.0 1.0 +reichstag/test/images/92697655_166630020.jpg reichstag/test/images/64282931_8298463790.jpg 0 0 431.56 0.0 249.5 0.0 431.56 187.0 0.0 0.0 1.0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 0.9997568765725753 0.013302639078396312 0.017584866772274495 0.707863029468025 -0.01634235077838093 0.9824276998127243 0.18592671193703125 -0.14709510725475394 -0.014802544270667545 -0.18616888685875885 0.9824062450172462 -1.000835419910051 0.0 0.0 0.0 1.0 +reichstag/test/images/48403953_4568435171.jpg reichstag/test/images/77594532_1434504133.jpg 0 0 699.71 0.0 319.5 0.0 699.71 239.5 0.0 0.0 1.0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 0.9824584281015674 -0.002430681523935748 -0.1864658918932 -0.3914423408763439 0.008706893248265186 0.9994224588652609 0.0328472027070593 0.3228813224848357 0.18627835908167292 -0.033894549754267624 0.9819121816307174 0.9127023014311622 0.0 0.0 0.0 1.0 +reichstag/test/images/77274889_6889793618.jpg reichstag/test/images/20613988_1265419368.jpg 0 0 757.774 0.0 319.5 0.0 757.774 239.5 0.0 0.0 1.0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 0.9493914166911804 0.01848545466478002 0.3135509940646814 -3.296972921845537 -0.10040503597143473 0.9637496128735359 0.24719529210258975 -1.530793467965823 -0.29761513178043947 -0.2661671874066113 0.9168316430421484 -4.736345363843575 0.0 0.0 0.0 1.0 +reichstag/test/images/05461164_9050854768.jpg reichstag/test/images/92753909_16247242.jpg 0 0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 520.573 0.0 249.5 0.0 520.573 187.0 0.0 0.0 1.0 0.9999628307872586 -0.008621837795422327 -3.0934801421550154e-05 0.05298759015690857 0.008583762980726254 0.995197024255521 0.0975151369072866 0.36382347443457885 -0.0008099734706923725 -0.09751177788342065 0.9952340413777008 2.9863113762569493 0.0 0.0 0.0 1.0 +reichstag/test/images/78040542_6368040213.jpg reichstag/test/images/35531158_5960344226.jpg 0 0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 0.9271905817974379 0.023211572757151508 0.3738700949745355 -4.938725246359126 0.015544543184710762 0.9948343871220068 -0.10031405373505606 -0.0032276978449270743 -0.37426727375407465 0.09882188568186964 0.9220402608926426 -5.087957080529871 0.0 0.0 0.0 1.0 +reichstag/test/images/35531158_5960344226.jpg reichstag/test/images/05866831_3427466899.jpg 0 0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 961.582 0.0 249.5 0.0 961.582 176.5 0.0 0.0 1.0 0.9504585621916686 0.015018722231285373 -0.310488259905404 2.0120377695681464 0.010236936482815722 0.9967781120987624 0.07955250072922612 0.802216261384243 0.310682678448595 -0.07878980405716353 0.9472425455439808 11.046493242073192 0.0 0.0 0.0 1.0 +reichstag/test/images/06229406_8584869180.jpg reichstag/test/images/64271070_4602086309.jpg 0 0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 0.9895281111077644 0.007595987987787413 0.1441402729773635 -1.4720971608532316 -0.020837171239881307 0.9956714003265551 0.0905774523072754 -0.7147583261333501 -0.14282832219913294 -0.09263241084116447 0.9854031189515965 -1.8153160185343196 0.0 0.0 0.0 1.0 +reichstag/test/images/77023786_7168337563.jpg reichstag/test/images/49051226_8836027266.jpg 0 0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 0.9995529994997362 -0.00037757627389669847 0.029894123623849713 -0.2599742097842015 0.00222430728485502 0.9980881416925543 -0.06176660804841494 0.4807903753470075 -0.02981364868953749 0.06180549206066859 0.9976428356395667 5.954512096819457 0.0 0.0 0.0 1.0 +reichstag/test/images/62799820_4661707438.jpg reichstag/test/images/34959164_3067403556.jpg 0 0 625.353 0.0 319.5 0.0 625.353 239.5 0.0 0.0 1.0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 0.9920267543216046 -0.015462562234648416 -0.12507528884348876 0.4747495265257403 -0.005557323281901015 0.986112329181543 -0.16598671752309643 0.4220085894888971 0.12590486435433287 0.1653583484596148 0.9781638828573795 3.131910695739476 0.0 0.0 0.0 1.0 +reichstag/test/images/48551853_12793928283.jpg reichstag/test/images/05545431_1341290848.jpg 0 0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 492.313 0.0 319.5 0.0 492.313 213.0 0.0 0.0 1.0 0.989597478159329 -0.0016835057624176432 -0.14385408242050057 0.8537849366983565 0.013035224976802389 0.9968677157335101 0.07800538595544583 -0.3515997562681823 0.14327216802470888 -0.07906910355253705 0.9865197224246953 -3.8160464788767507 0.0 0.0 0.0 1.0 +reichstag/test/images/64097451_5212815345.jpg reichstag/test/images/19799508_3094174298.jpg 0 0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 0.9983217955148787 -0.013696914106211827 -0.056267105345091696 0.7422876676333009 0.012723611674363911 0.9997637967604038 -0.017619886298787413 -0.08694331651159976 0.056495152941722186 0.01687439572812199 0.9982602628888433 -1.0997971405898999 0.0 0.0 0.0 1.0 +reichstag/test/images/48815289_2513792540.jpg reichstag/test/images/34272622_11098902473.jpg 0 0 776.799 0.0 319.5 0.0 776.799 211.0 0.0 0.0 1.0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 0.9926752281357976 -0.010712603083982959 -0.12033757343700868 0.4311652053305012 -0.00666394694085725 0.989689429895877 -0.14307489005252966 0.05848594157186531 0.1206295289583436 0.1428288223277748 0.9823687923869269 -2.3558820411435812 0.0 0.0 0.0 1.0 +reichstag/test/images/05534141_6340060522.jpg reichstag/test/images/05466646_5360480312.jpg 0 0 668.983 0.0 319.5 0.0 668.983 213.5 0.0 0.0 1.0 750.195 0.0 319.5 0.0 750.195 178.5 0.0 0.0 1.0 0.9999213323272934 0.00014219252576455475 -0.012542285999605779 0.16860942513884808 -0.0008995696360383453 0.9981737903557418 -0.060400952155754487 0.3730405240718028 0.012510792592006641 0.060407483213070906 0.9980953942587764 10.533994706917316 0.0 0.0 0.0 1.0 +reichstag/test/images/05791347_12791964625.jpg reichstag/test/images/77214581_8512429399.jpg 0 0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 0.9919747829140347 0.033857040500445516 0.12181843403691014 -0.6881113973005305 -0.04466184472390843 0.9951989691762057 0.08708806678572567 -0.38468589279303445 -0.1182850357759228 -0.09182980212963933 0.9887243992904797 -2.813085900301098 0.0 0.0 0.0 1.0 +reichstag/test/images/92102978_5376734902.jpg reichstag/test/images/34959164_3067403556.jpg 0 0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 0.9995532245763669 -0.01451075447759 -0.02613023619254557 -0.2146873743870803 0.01510010251329995 0.999632801295569 0.02249998840136283 -0.24874304533129146 0.025794149396228393 -0.02288450520471726 0.9994053038074494 -3.75635229313457 0.0 0.0 0.0 1.0 +reichstag/test/images/05461164_9050854768.jpg reichstag/test/images/77458003_1504115665.jpg 0 0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 612.932 0.0 249.5 0.0 612.932 187.0 0.0 0.0 1.0 0.9987709480812736 -0.010210269249472088 -0.048500965667570436 0.5179027425639211 0.017694589883799038 0.9875207896662122 0.15649150605021694 0.9813570030550008 0.0462978915035849 -0.15715737456089746 0.9864877418718634 5.596635485305235 0.0 0.0 0.0 1.0 +reichstag/test/images/34272622_11098902473.jpg reichstag/test/images/06373813_9127207861.jpg 0 0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 1495.37 0.0 319.5 0.0 1495.37 211.5 0.0 0.0 1.0 0.9944215031722232 -0.004737923104805244 0.1053727958884506 0.031000576439976738 -0.009781149340659758 0.9905442241088978 0.13684469007629585 1.4388709503661796 -0.10502477396439291 -0.137111969459835 0.9849721339634808 11.8988431715144 0.0 0.0 0.0 1.0 +reichstag/test/images/05545431_1341290848.jpg reichstag/test/images/34272622_11098902473.jpg 0 0 492.313 0.0 319.5 0.0 492.313 213.0 0.0 0.0 1.0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 0.9940937460565399 -0.007856038192628973 -0.10824004210638426 -0.14716142365100787 -0.011721815889226949 0.9837689158010543 -0.17905674892580098 -0.10852945683101639 0.10788986552746715 0.17926796414176802 0.9778664397293381 1.0065917554649344 0.0 0.0 0.0 1.0 +reichstag/test/images/20099963_3586531606.jpg reichstag/test/images/05534141_6340060522.jpg 0 0 502.573 0.0 319.5 0.0 502.573 212.0 0.0 0.0 1.0 668.983 0.0 319.5 0.0 668.983 213.5 0.0 0.0 1.0 0.9980377786998458 0.004379477459605922 0.06246128773134895 -1.859440682126337 0.007627595299799169 0.9816179996555674 -0.19070375597283107 0.5291959671783568 -0.06214830711950279 0.19080598242556085 0.9796584430263421 4.057411763938734 0.0 0.0 0.0 1.0 +reichstag/test/images/92102978_5376734902.jpg reichstag/test/images/77594532_1434504133.jpg 0 0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 0.9690220962968396 0.0042943518443068224 -0.2469367032879396 1.1010089849870666 0.04476594735689238 0.9802329049560595 0.19271601386144502 -1.5075407484167518 0.24288307237376291 -0.1978004312018607 0.9496751036910673 -5.556646819303668 0.0 0.0 0.0 1.0 +reichstag/test/images/06639257_4979506057.jpg reichstag/test/images/78040542_6368040213.jpg 0 0 678.155 0.0 319.5 0.0 678.155 239.5 0.0 0.0 1.0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 0.9516533801088884 -0.04181400625585955 -0.3043146940391846 3.5927726981187824 0.02878966030619033 0.9984722436808068 -0.04716284616591859 0.2644140463200443 0.30582184288696873 0.03612156530178159 0.9514032966798924 3.588382548239405 0.0 0.0 0.0 1.0 +reichstag/test/images/34272622_11098902473.jpg reichstag/test/images/92241023_5405455015.jpg 0 0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 523.981 0.0 319.5 0.0 523.981 213.0 0.0 0.0 1.0 0.9830316005181855 0.0021338449848412365 0.18342387818448067 -0.6366245364525124 -0.04439146145698646 0.9729780825810799 0.22659004604474214 -0.759563453662415 -0.17798390526215405 -0.23088762964356965 0.9565629262861939 -3.6772355449723877 0.0 0.0 0.0 1.0 +reichstag/test/images/35531158_5960344226.jpg reichstag/test/images/77458003_1504115665.jpg 0 0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 612.932 0.0 249.5 0.0 612.932 187.0 0.0 0.0 1.0 0.9991933390914024 -0.006633265887364637 -0.03960645022014707 0.20446120741859608 0.013656843461590022 0.9836081383284335 0.179801337149473 1.0546463966486026 0.0377645566906205 -0.18019719753020677 0.9829052895677286 5.646809455797042 0.0 0.0 0.0 1.0 +reichstag/test/images/91549947_3428166276.jpg reichstag/test/images/92414106_7915968882.jpg 0 0 543.843 0.0 319.5 0.0 543.843 213.0 0.0 0.0 1.0 1871.37 0.0 319.5 0.0 1871.37 212.5 0.0 0.0 1.0 0.995603636004546 0.02915464661460926 0.08901351894686962 -0.9703992172106466 -0.021250221737651415 0.9958503049503302 -0.0884906673408866 0.4390412447219667 -0.09122405412295656 0.08621007314178583 0.9920917272300278 14.541896224971547 0.0 0.0 0.0 1.0 +reichstag/test/images/49051226_8836027266.jpg reichstag/test/images/78040542_6368040213.jpg 0 0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 0.9253638901067408 -0.024153458494433462 -0.3783097690111603 5.689880638215822 0.0360680840360579 0.9990504591991157 0.02443917527257958 -0.18662850804238712 0.37736025784452665 -0.03626003884159088 0.9253563883081581 -0.4090787291384026 0.0 0.0 0.0 1.0 +reichstag/test/images/34481400_9199849492.jpg reichstag/test/images/05545431_1341290848.jpg 0 0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 492.313 0.0 319.5 0.0 492.313 213.0 0.0 0.0 1.0 0.9872527000746528 -0.03732689547448199 -0.15472171492568354 1.6725206612719414 0.03537133010831724 0.9992559787084642 -0.015373939695384916 -0.0617518244462264 0.15518046011555647 0.009705250621492339 0.9878384649874178 -0.4799771212803572 0.0 0.0 0.0 1.0 +reichstag/test/images/49501249_12793461434.jpg reichstag/test/images/34537245_34002183.jpg 0 0 587.147 0.0 319.5 0.0 587.147 230.0 0.0 0.0 1.0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 0.9083232503242645 -0.04580761601194016 -0.4157529738145788 0.7703176443216276 0.07978431395616023 0.9947093402981951 0.06471314835544675 0.45462759784174234 0.4105890112593225 -0.09195102304396538 0.9071723503250418 5.481791920152923 0.0 0.0 0.0 1.0 +reichstag/test/images/05978621_9257964873.jpg reichstag/test/images/48983853_5719892543.jpg 0 0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 0.9941078670607032 0.014158382208867719 0.10746668721630655 -1.2758881209601645 -0.028940018272058887 0.9901118902592325 0.13726223118433717 0.15471334329455683 -0.10446063368768516 -0.13956355176233207 0.9846877632168739 0.6166656673131063 0.0 0.0 0.0 1.0 +reichstag/test/images/63812586_393800330.jpg reichstag/test/images/05978621_9257964873.jpg 0 0 1002.64 0.0 187.0 0.0 1002.64 249.5 0.0 0.0 1.0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 0.9963335442262181 -0.021941368558202317 -0.08269247242292227 0.8763033511927653 0.026982212673983506 0.9978129570833352 0.060342877589873625 -0.023574996070795818 0.0811876151197863 -0.06235285897538042 0.9947465466784781 0.4412834104654507 0.0 0.0 0.0 1.0 +reichstag/test/images/34481400_9199849492.jpg reichstag/test/images/78043438_3428167710.jpg 0 0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 0.9787071465413331 -0.052989008662318794 -0.198304024845454 1.9586446157150323 0.036501197163208994 0.995635150985689 -0.08589708218185663 0.20461329578643656 0.20199005894987568 0.07682975388928946 0.9763693998701192 2.3686513488858814 0.0 0.0 0.0 1.0 +reichstag/test/images/06796518_2036664706.jpg reichstag/test/images/77594532_1434504133.jpg 0 0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 0.9762171705885203 0.04392433487908738 -0.21229858372955204 1.1294324432733154 0.021213486515503362 0.9552068605154903 0.2951776441636405 -1.566625954823162 0.21575454534725427 -0.2926610777496214 0.9315575504135155 -5.516821932274472 0.0 0.0 0.0 1.0 +reichstag/test/images/78040542_6368040213.jpg reichstag/test/images/62673079_4759250457.jpg 0 0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 0.9112351773964151 0.03923736335647116 0.41001326904401064 -5.780291741053112 -0.043457078181102705 0.9990548201850267 0.0009739717784847638 -0.39116879568494806 -0.40958751669366766 -0.01870549603448173 0.912079037467049 -4.075494207361577 0.0 0.0 0.0 1.0 +reichstag/test/images/05791347_12791964625.jpg reichstag/test/images/05534141_6340060522.jpg 0 0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 668.983 0.0 319.5 0.0 668.983 213.5 0.0 0.0 1.0 0.9972575760426138 0.039187326053232725 0.06278280419357209 -0.264700502982247 -0.043360325375474205 0.996840827358163 0.06654507566474009 -0.14649168819942007 -0.059976738898874754 -0.06908486367280897 0.9958062423997781 -1.0811016494898047 0.0 0.0 0.0 1.0 +reichstag/test/images/77487845_5932034347.jpg reichstag/test/images/48403953_4568435171.jpg 0 0 774.031 0.0 319.5 0.0 774.031 212.0 0.0 0.0 1.0 699.71 0.0 319.5 0.0 699.71 239.5 0.0 0.0 1.0 0.9976236179815455 -0.017131641926171837 -0.06673547550085386 0.446969451522667 0.020846762551558054 0.9982478759250439 0.055376806537188614 -0.3449010620717512 0.06566985104696517 -0.05663642870142584 0.9962327968940883 -1.3442809065247348 0.0 0.0 0.0 1.0 +reichstag/test/images/77107104_4141016705.jpg reichstag/test/images/77274889_6889793618.jpg 0 0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 757.774 0.0 319.5 0.0 757.774 239.5 0.0 0.0 1.0 0.9138953540446388 -0.04823786994949691 -0.4030736778287061 3.0081902030768664 0.03152432692974266 0.9983496527114808 -0.04800195561112314 0.3016406051086838 0.404723978369519 0.031162137821416528 0.9139077757077834 5.366895334208851 0.0 0.0 0.0 1.0 +reichstag/test/images/06639257_4979506057.jpg reichstag/test/images/62810349_4295140640.jpg 0 0 678.155 0.0 319.5 0.0 678.155 239.5 0.0 0.0 1.0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 0.9992001061367215 0.007175601800471165 0.039340292769192604 -0.22469247199804318 -0.006973120346437422 0.9999617387475012 -0.005281726394704346 0.06230924996788931 -0.03937668712574502 0.005003176978230037 0.9992119118240763 0.5011948512208975 0.0 0.0 0.0 1.0 +reichstag/test/images/92102978_5376734902.jpg reichstag/test/images/48900330_6782044072.jpg 0 0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 769.928 0.0 319.5 0.0 769.928 170.0 0.0 0.0 1.0 0.9998397590945108 -0.016332242672106895 -0.007328982407541081 -0.4413035529310745 0.016738584377747893 0.9980990709552529 0.05931327297738785 0.24627581674235793 0.006346331764070527 -0.05942644535525009 0.9982125132784 3.397621384528439 0.0 0.0 0.0 1.0 +reichstag/test/images/92753909_16247242.jpg reichstag/test/images/06857713_2570944910.jpg 0 0 520.573 0.0 249.5 0.0 520.573 187.0 0.0 0.0 1.0 782.61 0.0 319.5 0.0 782.61 239.5 0.0 0.0 1.0 0.9978208248081323 -0.005752981506044608 -0.06573054680291417 0.7805814350735428 0.008114847976172063 0.9993288091927569 0.03572226700126882 0.0844377821377497 0.0654809195227327 -0.036177815317918686 0.9971977812135766 0.6947248860740423 0.0 0.0 0.0 1.0 +reichstag/test/images/91549947_3428166276.jpg reichstag/test/images/92102978_5376734902.jpg 0 0 543.843 0.0 319.5 0.0 543.843 213.0 0.0 0.0 1.0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 0.9963313945235482 0.04499305972210075 0.07279681904867151 -0.2574268024510997 -0.04263683267698199 0.9985253343343051 -0.033604422206604305 0.014667445904077706 -0.07420143385431704 0.030377315046069435 0.996780500383387 0.4042590444036775 0.0 0.0 0.0 1.0 +reichstag/test/images/49501249_12793461434.jpg reichstag/test/images/77023786_7168337563.jpg 0 0 587.147 0.0 319.5 0.0 587.147 230.0 0.0 0.0 1.0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 0.9223825141545288 -0.033664117314325614 -0.38480803628227106 0.5057898721240922 0.08106503441725074 0.9908808350039775 0.10762727821862912 -0.0025631859278865132 0.3776757309874442 -0.1304679961801651 0.91670013864722 -0.5792953062257182 0.0 0.0 0.0 1.0 +reichstag/test/images/77902859_6141520050.jpg reichstag/test/images/48983853_5719892543.jpg 0 0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 0.9995698171122361 -0.015516325503192721 0.02488823740422907 -0.5821666158042723 0.012245118503509608 0.9918801467188224 0.12658527409569412 0.3699702946974531 -0.026650286884859264 -0.12622605986057703 0.9916434560975173 1.7924781998784667 0.0 0.0 0.0 1.0 +reichstag/test/images/05466646_5360480312.jpg reichstag/test/images/48551853_12793928283.jpg 0 0 750.195 0.0 319.5 0.0 750.195 178.5 0.0 0.0 1.0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 0.9866889505912014 -0.014145255388319197 0.16200255100223923 -2.3567208895519727 0.007805125370013363 0.9991809298868137 0.039705785075736716 -0.8408631696169101 -0.16243150802474335 -0.03791280918794398 0.9859911886524576 -8.067220661486251 0.0 0.0 0.0 1.0 +reichstag/test/images/05936329_2458217347.jpg reichstag/test/images/92102978_5376734902.jpg 0 0 864.162 0.0 319.5 0.0 864.162 200.0 0.0 0.0 1.0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 0.9978693426749021 0.018074980947887613 -0.06269027048347958 1.3608518533428164 -0.018821179374428447 0.9997586357005261 -0.011332852649622064 -0.13190512966385523 0.062470298194533376 0.012488611049910914 0.9979686850986507 -0.26219547560115974 0.0 0.0 0.0 1.0 +reichstag/test/images/06857713_2570944910.jpg reichstag/test/images/05936329_2458217347.jpg 0 0 782.61 0.0 319.5 0.0 782.61 239.5 0.0 0.0 1.0 864.162 0.0 319.5 0.0 864.162 200.0 0.0 0.0 1.0 0.9962870435123534 0.010974075796280142 0.08539143159492917 -1.0685958943222564 -0.005186965020775881 0.9976922049219873 -0.06770051426523044 0.14794237524527365 -0.08593731624438372 0.06700622283281547 0.9940447393243383 1.460475996602533 0.0 0.0 0.0 1.0 +reichstag/test/images/48551853_12793928283.jpg reichstag/test/images/48542127_4157749181.jpg 0 0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 713.145 0.0 319.5 0.0 713.145 239.5 0.0 0.0 1.0 0.9988890998396015 0.03634795990380258 -0.029989865495898035 -0.37024587572657697 -0.0360019764001163 0.9992797020965267 0.011997277739667708 -0.006133719979575552 0.030404340428892142 -0.01090425553207638 0.9994782005098338 -3.6171435779924974 0.0 0.0 0.0 1.0 +reichstag/test/images/06639257_4979506057.jpg reichstag/test/images/49501249_12793461434.jpg 0 0 678.155 0.0 319.5 0.0 678.155 239.5 0.0 0.0 1.0 587.147 0.0 319.5 0.0 587.147 230.0 0.0 0.0 1.0 0.9031372648943324 0.09578034191492185 0.4185322052863377 -0.9145201114002264 -0.037925288503500805 0.9887859081594436 -0.14444410793532134 -0.07564814617575488 -0.4276736527436671 0.11457990193731708 0.8966418977612658 -0.5779309003914819 0.0 0.0 0.0 1.0 +reichstag/test/images/77792600_3686854267.jpg reichstag/test/images/77594532_1434504133.jpg 0 0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 0.9932835167079926 0.06701091204445767 -0.09432599378311589 -0.019953325245588793 -0.04459328214745143 0.9739509596932668 0.22233076102933325 -0.6598473279339881 0.10676747924120081 -0.2166311745329713 0.9703976708530091 -2.4017499176302186 0.0 0.0 0.0 1.0 +reichstag/test/images/48815289_2513792540.jpg reichstag/test/images/64271070_4602086309.jpg 0 0 776.799 0.0 319.5 0.0 776.799 211.0 0.0 0.0 1.0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 0.9933819725146512 0.006403298364245848 0.11467891895618522 -1.4892142832367756 -0.02226115738720911 0.9902459597135391 0.13754046729160763 -1.531375049963025 -0.11267962351145287 -0.13918310616260274 0.983835029567583 -5.726924358233186 0.0 0.0 0.0 1.0 +reichstag/test/images/34272622_11098902473.jpg reichstag/test/images/76958303_5507621260.jpg 0 0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 708.355 0.0 319.5 0.0 708.355 239.5 0.0 0.0 1.0 0.9644637239143105 -0.0050512575139280294 0.2641670116628277 -1.6947731462824116 -0.03233379328923167 0.9900458826314514 0.13698056831550787 0.0579273313417554 -0.262229386348803 -0.14065431057041333 0.954700012492454 -0.21843483939218133 0.0 0.0 0.0 1.0 +reichstag/test/images/06796518_2036664706.jpg reichstag/test/images/77349640_2188160842.jpg 0 0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 708.96 0.0 239.0 0.0 708.96 319.5 0.0 0.0 1.0 0.9996481548508322 -0.004128212035927355 -0.02620161004047606 -0.3124324679657201 0.005079301761759318 0.9993266928670494 0.036336780498804476 0.025698280375766866 0.026033962374939015 -0.03645708146288908 0.9989960530523972 -3.023012258473699 0.0 0.0 0.0 1.0 +reichstag/test/images/77122925_1063274053.jpg reichstag/test/images/77594532_1434504133.jpg 0 0 658.554 0.0 319.5 0.0 658.554 239.5 0.0 0.0 1.0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 0.7295412425003209 -0.09723605526036729 -0.6769894571176798 1.3530415489682115 0.15015899750624762 0.988462726798135 0.019842207506074384 0.15968714126467853 0.6672494668105826 -0.11613176692102026 0.7357251944529257 0.5203857540978403 0.0 0.0 0.0 1.0 +reichstag/test/images/05866831_3427466899.jpg reichstag/test/images/77107104_4141016705.jpg 0 0 961.582 0.0 249.5 0.0 961.582 176.5 0.0 0.0 1.0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 0.9570688312234978 0.007967908375959598 0.2897512117948782 -5.173918522752673 -0.01688396764380437 0.9994573055694482 0.028284730517752585 -0.6154890676798702 -0.2893685952847872 -0.0319625840627949 0.9566839652063464 -6.569354017443711 0.0 0.0 0.0 1.0 +reichstag/test/images/77349640_2188160842.jpg reichstag/test/images/49284352_2431392889.jpg 0 0 708.96 0.0 239.0 0.0 708.96 319.5 0.0 0.0 1.0 666.383 0.0 319.5 0.0 666.383 179.5 0.0 0.0 1.0 0.9958136562260297 0.004191652078599208 0.09131041630941523 -0.21634807941837192 -0.03159018697667733 0.9531764014660837 0.3007603826552723 -1.290209482048748 -0.08577425115106113 -0.3023858094240191 0.9493184924452149 -3.587075280483404 0.0 0.0 0.0 1.0 +reichstag/test/images/48551853_12793928283.jpg reichstag/test/images/48983853_5719892543.jpg 0 0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 0.9944988076485977 0.009847041648618304 -0.10428402253599563 0.20281656374341595 0.002749702348452329 0.9927742759257312 0.11996531247462873 0.014159143656370471 0.10471179839212286 -0.119592110236883 0.9872857572387931 -0.9106799527971076 0.0 0.0 0.0 1.0 +reichstag/test/images/05534141_6340060522.jpg reichstag/test/images/06373813_9127207861.jpg 0 0 668.983 0.0 319.5 0.0 668.983 213.5 0.0 0.0 1.0 1495.37 0.0 319.5 0.0 1495.37 211.5 0.0 0.0 1.0 0.9999925201931019 -0.002329184370721637 0.003087791770140264 0.038104206243992744 0.002280133184316318 0.9998726516180486 0.015794984613922494 1.3112669860355435 -0.003124187976153071 -0.01578782589400627 0.999870483614268 11.277245646396008 0.0 0.0 0.0 1.0 +reichstag/test/images/62751178_369337490.jpg reichstag/test/images/35531158_5960344226.jpg 0 0 700.224 0.0 319.5 0.0 700.224 258.5 0.0 0.0 1.0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 0.9996787779075798 0.00672855467528443 0.02443496579063618 0.019911395574199353 -0.0007494489173206052 0.9715415453362453 -0.23686803079347962 0.05799986894796705 -0.025333363920493845 0.23677363079034416 0.9712345074361957 1.722878951785808 0.0 0.0 0.0 1.0 +reichstag/test/images/77274889_6889793618.jpg reichstag/test/images/35531158_5960344226.jpg 0 0 757.774 0.0 319.5 0.0 757.774 239.5 0.0 0.0 1.0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 0.9047162601272165 0.03343362594462016 0.42470069615862166 -5.045365499255371 -0.0034297207664183635 0.9974549991317128 -0.07121630236553694 0.008120888914618435 -0.4260008517325841 0.06297394193911009 0.902528424460838 -7.002825886493581 0.0 0.0 0.0 1.0 +reichstag/test/images/77023786_7168337563.jpg reichstag/test/images/92753909_16247242.jpg 0 0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 520.573 0.0 249.5 0.0 520.573 187.0 0.0 0.0 1.0 0.9991806990406293 -0.018291889040639785 0.036101765330856926 -0.3831508439922442 0.01882650975898216 0.9997172575473701 -0.014524720040702316 0.21095600657123084 -0.03582587326185214 0.015192490160956237 0.9992425606666956 1.4313412294276548 0.0 0.0 0.0 1.0 +reichstag/test/images/48551853_12793928283.jpg reichstag/test/images/05461164_9050854768.jpg 0 0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 0.994158353977657 0.011387503978091802 -0.10732889624693213 0.17726750162232363 -0.0174317305578536 0.99830393987287 -0.05554618262368603 0.0814408868714101 0.10651432760992381 0.05709262988735439 0.9926707055344948 -5.814669706835735 0.0 0.0 0.0 1.0 +reichstag/test/images/77349640_2188160842.jpg reichstag/test/images/63812586_393800330.jpg 0 0 708.96 0.0 239.0 0.0 708.96 319.5 0.0 0.0 1.0 1002.64 0.0 187.0 0.0 1002.64 249.5 0.0 0.0 1.0 0.9968186856801209 0.018599926880964828 0.07750193932398786 -0.1417803212829574 -0.017916867008382888 0.9997943510117615 -0.009499555861963136 -0.017709196944523775 -0.07766269217301351 0.008080742849107312 0.9969469433422454 2.158993481506561 0.0 0.0 0.0 1.0 +reichstag/test/images/77122925_1063274053.jpg reichstag/test/images/49284352_2431392889.jpg 0 0 658.554 0.0 319.5 0.0 658.554 239.5 0.0 0.0 1.0 666.383 0.0 319.5 0.0 666.383 179.5 0.0 0.0 1.0 0.8909243010318437 -0.08863310883251727 -0.4454189733830427 1.1483863632097004 0.13676994422253416 0.9876021522877962 0.0770452539347966 -0.25179046146590833 0.433067976405882 -0.12956141715493674 0.8920011025758426 -0.7802854080453807 0.0 0.0 0.0 1.0 +reichstag/test/images/19799508_3094174298.jpg reichstag/test/images/63812586_393800330.jpg 0 0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 1002.64 0.0 187.0 0.0 1002.64 249.5 0.0 0.0 1.0 0.9997352996479284 0.01710588004989789 0.015385691586180337 -0.17989370879264482 -0.01607164266182121 0.9977557021102549 -0.06500200926604532 0.007283491714049545 -0.016463078084528526 0.06473752987402918 0.9977665154162029 1.0797772037571916 0.0 0.0 0.0 1.0 +reichstag/test/images/34537245_34002183.jpg reichstag/test/images/48542127_4157749181.jpg 0 0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 713.145 0.0 319.5 0.0 713.145 239.5 0.0 0.0 1.0 0.9891091692640009 0.030197386613562638 0.14405266092505475 -1.7756527587701116 -0.029233397475680538 0.9995338374037457 -0.008804337395363243 -0.1569629646704695 -0.14425137694284462 0.004497302152796156 0.989530855771279 -5.281588525433891 0.0 0.0 0.0 1.0 +reichstag/test/images/91840440_9426147613.jpg reichstag/test/images/78040542_6368040213.jpg 0 0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 0.8563981575720859 -0.024631647122234854 -0.5157281043991906 4.253613108619964 0.03882809222316643 0.9991053701295967 0.016758240734359817 0.5461096112712318 0.5148539355598305 -0.0343764648887458 0.856588398065434 6.581461412639942 0.0 0.0 0.0 1.0 +reichstag/test/images/19799508_3094174298.jpg reichstag/test/images/05534141_6340060522.jpg 0 0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 668.983 0.0 319.5 0.0 668.983 213.5 0.0 0.0 1.0 0.9999869449200882 0.0026757499469565837 -0.004353200157327765 -0.022886499490943304 -0.0025148332458784094 0.9993283018147765 0.036559825023385985 0.07594508518944114 0.004448101070549241 -0.036548400159467115 0.9993219845688625 0.7426164724801239 0.0 0.0 0.0 1.0 +reichstag/test/images/48542127_4157749181.jpg reichstag/test/images/05866831_3427466899.jpg 0 0 713.145 0.0 319.5 0.0 713.145 239.5 0.0 0.0 1.0 961.582 0.0 249.5 0.0 961.582 176.5 0.0 0.0 1.0 0.9194506433698248 -0.03996396794387139 -0.39116926729102364 3.27990125115856 0.03825989933926806 0.999193924153827 -0.012152449819896494 0.46893694353289134 0.3913396153079369 -0.0037925189857464605 0.9202385138051867 9.101935334790042 0.0 0.0 0.0 1.0 +reichstag/test/images/06229406_8584869180.jpg reichstag/test/images/34959164_3067403556.jpg 0 0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 0.9998983825507272 -0.004582383150698648 -0.013499123567818558 -0.10996081964531002 0.0036207758642734797 0.9975110593840625 -0.0704171597597229 -0.16508641027307858 0.013788203457294063 0.07036112684675991 0.9974262866368994 -0.3559418682512496 0.0 0.0 0.0 1.0 +reichstag/test/images/77458003_1504115665.jpg reichstag/test/images/05978621_9257964873.jpg 0 0 612.932 0.0 249.5 0.0 612.932 187.0 0.0 0.0 1.0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 0.9983948179991479 -0.010484098717335332 -0.05565852195786113 0.6526427857745731 0.0037453282715751925 0.992788201070489 -0.11982303756523752 -0.07983802482697175 0.0565133604432322 0.11942224034620748 0.9912338617108001 -1.2952177435844572 0.0 0.0 0.0 1.0 +reichstag/test/images/92241023_5405455015.jpg reichstag/test/images/62810349_4295140640.jpg 0 0 523.981 0.0 319.5 0.0 523.981 213.0 0.0 0.0 1.0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 0.9968705407091835 -0.010493939631244347 -0.07835178553929623 0.17479939738002753 0.0050271333768268835 0.9975590710867488 -0.0696464473074847 0.6035103964105744 0.0788914000141439 0.06903460670966736 0.9944900050177726 4.298612927907417 0.0 0.0 0.0 1.0 +reichstag/test/images/92102978_5376734902.jpg reichstag/test/images/77487845_5932034347.jpg 0 0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 774.031 0.0 319.5 0.0 774.031 212.0 0.0 0.0 1.0 0.9998910063282604 -0.014165180886270673 0.004162104553940384 -0.578808111553401 0.01364406400656865 0.9942670644690143 0.10605113874708581 -0.9603318718782854 -0.0056404770404068815 -0.10598279182314563 0.9943519662856449 -5.383126169479487 0.0 0.0 0.0 1.0 +reichstag/test/images/77023786_7168337563.jpg reichstag/test/images/06639257_4979506057.jpg 0 0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 678.155 0.0 319.5 0.0 678.155 239.5 0.0 0.0 1.0 0.9988870008631971 -0.010395939288574898 -0.04600743366930816 0.04399692959410115 0.010968240709120345 0.9998653660150959 0.012204406550321524 0.23269730696849003 0.04587436323562781 -0.012695443663259686 0.9988665418903162 1.4454296194793288 0.0 0.0 0.0 1.0 +reichstag/test/images/48668943_3586566128.jpg reichstag/test/images/77214581_8512429399.jpg 0 0 550.231 0.0 319.5 0.0 550.231 212.0 0.0 0.0 1.0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 0.9714176165790424 -0.023169863615921254 0.236243458364274 -1.9808552952602434 -0.00852027439363123 0.9911803040476244 0.1322460199488687 0.34347591439996134 -0.23722398513672702 -0.13047897258975852 0.9626525949623628 2.5417611816354584 0.0 0.0 0.0 1.0 +reichstag/test/images/35221995_8835396469.jpg reichstag/test/images/20982577_4977562846.jpg 0 0 918.648 0.0 319.5 0.0 918.648 213.0 0.0 0.0 1.0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 0.9721939810911766 -0.03274570806367949 -0.2318762207159182 1.8942353833772665 0.032500619288439093 0.9994598110968669 -0.004878088568589111 0.30230275084894276 0.23191070021876276 -0.0027936724259181307 0.9727330684820062 1.7203830486566296 0.0 0.0 0.0 1.0 +reichstag/test/images/64127786_281241429.jpg reichstag/test/images/20613988_1265419368.jpg 0 0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 0.9951085105802007 -0.0031352985587407138 -0.09873814902965604 1.378762415924765 0.030870051661283156 0.9593122570741577 0.28065465137373913 -0.5398304478224355 0.09384078048100793 -0.282329883877412 0.954716578146877 -1.8333950538270471 0.0 0.0 0.0 1.0 +reichstag/test/images/34272622_11098902473.jpg reichstag/test/images/06030835_119872882.jpg 0 0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 710.363 0.0 319.5 0.0 710.363 239.5 0.0 0.0 1.0 0.9963625640235881 -0.0058867851086281875 0.08501168609918282 0.10439810291178017 -0.0007470091892542711 0.9969693243817848 0.07779208326686665 0.06555054411831761 -0.08521198853220319 -0.07757262405522186 0.993338514811328 0.4224668992195124 0.0 0.0 0.0 1.0 +reichstag/test/images/48403953_4568435171.jpg reichstag/test/images/64282931_8298463790.jpg 0 0 699.71 0.0 319.5 0.0 699.71 239.5 0.0 0.0 1.0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 0.969754675322621 0.04848816608567038 0.23921698819182152 -0.5950729176063481 -0.04245288949222101 0.9986382734882638 -0.030320799760901546 0.5333954602646445 -0.24036144005160004 0.01924828496328598 0.9704925974278698 2.1513474850712697 0.0 0.0 0.0 1.0 +reichstag/test/images/19799508_3094174298.jpg reichstag/test/images/63790741_1504116525.jpg 0 0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 0.9997284488278467 0.02208334754563676 0.007440051441077756 -0.030947639742890193 -0.022637668556613283 0.9961026748839137 0.08524668352160711 -0.10017069638781237 -0.005528523002410911 -0.08539196010334192 0.9963320975373227 -0.6868780682233258 0.0 0.0 0.0 1.0 +reichstag/test/images/48542127_4157749181.jpg reichstag/test/images/05461164_9050854768.jpg 0 0 713.145 0.0 319.5 0.0 713.145 239.5 0.0 0.0 1.0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 0.9966866350030303 -0.025700018592797927 -0.0771703353022763 0.26699279815632126 0.020539768478421275 0.9975460374097924 -0.06693296018311039 -0.14694180758323408 0.07870114050754769 0.06512612603518522 0.9947686757183605 -2.1869103417646154 0.0 0.0 0.0 1.0 +reichstag/test/images/92697655_166630020.jpg reichstag/test/images/48551853_12793928283.jpg 0 0 431.56 0.0 249.5 0.0 431.56 187.0 0.0 0.0 1.0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 0.9998559573849989 0.006509597357609481 -0.01567448959198999 1.4366185182645475 -0.005670630493315656 0.9985791344735196 0.05298637696544339 0.24315837222950368 0.015997138229567116 -0.05288986043049832 0.9984722100449799 4.765566896095913 0.0 0.0 0.0 1.0 +reichstag/test/images/92102978_5376734902.jpg reichstag/test/images/20982577_4977562846.jpg 0 0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 0.9998009916850082 -0.017726494397783128 0.00915141639525629 -0.671485158389203 0.01729304316967417 0.9988169743879529 0.04544889803314504 -0.006712541839988999 -0.009946239671644158 -0.045281597485742404 0.9989247465377626 -1.012285852940584 0.0 0.0 0.0 1.0 +reichstag/test/images/06030835_119872882.jpg reichstag/test/images/64282931_8298463790.jpg 0 0 710.363 0.0 319.5 0.0 710.363 239.5 0.0 0.0 1.0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 0.9799108849747703 0.0021049446231857435 0.1994247394785706 -1.3819453766906844 -0.03317601223678329 0.9877324281425948 0.15259096502610753 -0.6836652361879634 -0.1966570866254945 -0.15614166517514563 0.9679595914480652 -3.1461566494135695 0.0 0.0 0.0 1.0 +reichstag/test/images/91629190_2705184160.jpg reichstag/test/images/48983853_5719892543.jpg 0 0 1208.55 0.0 319.5 0.0 1208.55 213.5 0.0 0.0 1.0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 0.9949152039978721 0.013369632460095891 0.09982479542555804 -1.9977895222126765 -0.025127929242570384 0.9927573600740869 0.11747940751770229 -1.9532584616775694 -0.09753114387647126 -0.11939043909213143 0.9880453425969555 -9.580555070178557 0.0 0.0 0.0 1.0 +reichstag/test/images/77458003_1504115665.jpg reichstag/test/images/48900330_6782044072.jpg 0 0 612.932 0.0 249.5 0.0 612.932 187.0 0.0 0.0 1.0 769.928 0.0 319.5 0.0 769.928 170.0 0.0 0.0 1.0 0.9999672248697797 0.007793887946810398 -0.002191916263050564 -0.06076558068847754 -0.007883812790306569 0.9989761160743479 -0.04454845686327021 0.08282940209848916 0.0018424663142268065 0.044564277439265304 0.9990048200555376 2.553612247060858 0.0 0.0 0.0 1.0 +reichstag/test/images/92414106_7915968882.jpg reichstag/test/images/92241023_5405455015.jpg 0 0 1871.37 0.0 319.5 0.0 1871.37 212.5 0.0 0.0 1.0 523.981 0.0 319.5 0.0 523.981 213.0 0.0 0.0 1.0 0.9978668457300292 0.009443559962758922 0.06459549030723288 -1.5003133529203208 -0.02161383963951019 0.9814680333573772 0.19040310247902997 -4.239859069490203 -0.06160032572023933 -0.19139309985689723 0.9795785222218423 -19.22172143243948 0.0 0.0 0.0 1.0 +reichstag/test/images/34959164_3067403556.jpg reichstag/test/images/63790741_1504116525.jpg 0 0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 0.9991570174068409 0.01954365039366465 0.03610125061485219 -0.20285984508527585 -0.02134333532423993 0.9985132367521375 0.05015753251513108 0.1467169153674877 -0.03506731532215158 -0.05088577168580222 0.9980886341583283 1.120356518648645 0.0 0.0 0.0 1.0 +reichstag/test/images/77594532_1434504133.jpg reichstag/test/images/35531158_5960344226.jpg 0 0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 0.960172122420042 0.03675901329090791 0.2769806315778609 -0.24025835519671346 0.0399600361107673 0.9630521261931019 -0.2663339966075906 -0.044114410417174586 -0.27653696107648623 0.266794634835157 0.9232269125094639 0.9779781567176826 0.0 0.0 0.0 1.0 +reichstag/test/images/06857713_2570944910.jpg reichstag/test/images/92102978_5376734902.jpg 0 0 782.61 0.0 319.5 0.0 782.61 239.5 0.0 0.0 1.0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 0.9994579765312506 0.024783323163654017 0.021668872629271887 0.2056491910426684 -0.02296309528486068 0.9964854809428534 -0.08055670378701289 0.01956241331166535 -0.023589179786421714 0.08001545577609379 0.9965144642371969 1.130405924960884 0.0 0.0 0.0 1.0 +reichstag/test/images/92753909_16247242.jpg reichstag/test/images/64127786_281241429.jpg 0 0 520.573 0.0 249.5 0.0 520.573 187.0 0.0 0.0 1.0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 0.9995298661832429 -0.0064079410869225355 -0.02998307687238088 0.2879293173270181 0.0042277205265313 0.9973796709544697 -0.07222131503858886 0.05569477887531622 0.030367301277165172 0.07206060128655661 0.9969378600270741 1.4420866491356858 0.0 0.0 0.0 1.0 +reichstag/test/images/35221995_8835396469.jpg reichstag/test/images/91840440_9426147613.jpg 0 0 918.648 0.0 319.5 0.0 918.648 213.0 0.0 0.0 1.0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 0.9985611736955948 -0.008972087080635073 -0.05286855436924297 0.11527984330531416 0.006503008682433058 0.9988882351420457 -0.04669051908991444 -0.07693314045693542 0.0532286883715191 0.04627953487479066 0.9975093540343473 -1.651650138409257 0.0 0.0 0.0 1.0 +reichstag/test/images/64282931_8298463790.jpg reichstag/test/images/48983853_5719892543.jpg 0 0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 0.9905844748039705 -0.01694382504770447 -0.13585030390137098 0.29729959524123073 0.015173191212695275 0.9997860413995833 -0.014058651819212564 0.9534662129003009 0.13605944489731336 0.011864999591388285 0.9906296226334701 4.812538501559714 0.0 0.0 0.0 1.0 +reichstag/test/images/49284352_2431392889.jpg reichstag/test/images/05936329_2458217347.jpg 0 0 666.383 0.0 319.5 0.0 666.383 179.5 0.0 0.0 1.0 864.162 0.0 319.5 0.0 864.162 200.0 0.0 0.0 1.0 0.999559800085065 0.0022902559997891453 0.029579735992070748 -0.3086774138660383 0.004396530151536825 0.9745733496430395 -0.22402557150506824 0.7170474911757388 -0.029340698296594848 0.22405700366871203 0.9741342733578708 7.096283918284257 0.0 0.0 0.0 1.0 +reichstag/test/images/77214581_8512429399.jpg reichstag/test/images/48551853_12793928283.jpg 0 0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 0.9958362776829596 -0.0011629609140052946 0.09115237557222394 0.028685334774381066 0.004995567608826203 0.9991122834882188 -0.04182928743383764 0.09565322024677941 -0.09102281227699413 0.04211047975111964 0.9949580670261021 3.998078130359511 0.0 0.0 0.0 1.0 +reichstag/test/images/05936329_2458217347.jpg reichstag/test/images/63329391_7754963780.jpg 0 0 864.162 0.0 319.5 0.0 864.162 200.0 0.0 0.0 1.0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 0.9990564457515138 0.0016784129431620756 0.04339816968887907 0.07838740724168636 -0.0033498851415388383 0.9992541088390312 0.03847082320216177 -0.6041569705627259 -0.043301229450109315 -0.03857990277729736 0.9983168808698984 -4.633252162448569 0.0 0.0 0.0 1.0 +reichstag/test/images/05978621_9257964873.jpg reichstag/test/images/92102978_5376734902.jpg 0 0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 0.9976326726196247 0.027954498800591462 0.06282990146922565 -0.19510276056601428 -0.02891826650277497 0.9994768589674979 0.014482480828173687 -0.0017667677984353931 -0.06239218207675828 -0.016265127889803544 0.9979191656794798 0.47695986163354714 0.0 0.0 0.0 1.0 +reichstag/test/images/06639257_4979506057.jpg reichstag/test/images/64097451_5212815345.jpg 0 0 678.155 0.0 319.5 0.0 678.155 239.5 0.0 0.0 1.0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 0.995123061016078 0.009855461029473957 0.09814766080700864 -0.7335382844468413 -0.0033624991386407475 0.9978072101724581 -0.0661019283183099 0.1255758834255502 -0.09858390859330818 0.06544953182225874 0.9929741042699519 0.9829225967187827 0.0 0.0 0.0 1.0 +reichstag/test/images/05466646_5360480312.jpg reichstag/test/images/64127786_281241429.jpg 0 0 750.195 0.0 319.5 0.0 750.195 178.5 0.0 0.0 1.0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 0.9996136122744341 -0.011231358398585242 0.02542602493862921 -0.6257866733881483 0.011028414485355461 0.9999063132254055 0.008107949550678445 -0.440855862165127 -0.025514706143643276 -0.007824407996754375 0.9996438257749126 -9.696184710855993 0.0 0.0 0.0 1.0 +reichstag/test/images/62663981_6029901745.jpg reichstag/test/images/77023786_7168337563.jpg 0 0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 0.999689922780052 0.024750858758722856 0.002730070094244807 -0.08071054307669007 -0.02487456151026598 0.9976576571263354 0.06372170247932356 -2.0757585290569613 -0.0011465084760838482 -0.06376985312745503 0.9979639729721796 -13.939649892739821 0.0 0.0 0.0 1.0 +reichstag/test/images/35221995_8835396469.jpg reichstag/test/images/06373813_9127207861.jpg 0 0 918.648 0.0 319.5 0.0 918.648 213.0 0.0 0.0 1.0 1495.37 0.0 319.5 0.0 1495.37 211.5 0.0 0.0 1.0 0.970473502100264 -0.033070062967983836 -0.2389300162318303 2.05372512065894 0.03159911827041011 0.9994507437388717 -0.009985317438569606 1.5613112665206188 0.23912899750089223 0.002140508142930865 0.9709854482839113 12.840642929204856 0.0 0.0 0.0 1.0 +reichstag/test/images/05791347_12791964625.jpg reichstag/test/images/35221995_8835396469.jpg 0 0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 918.648 0.0 319.5 0.0 918.648 213.0 0.0 0.0 1.0 0.9514733865432885 0.04672257696480771 0.30416343551060443 -2.860578453162751 -0.07511507817209598 0.9937712511373211 0.08231904666699591 -0.3441134817009056 -0.29842271986403107 -0.1011716423447339 0.9490564677901011 -2.014896639794241 0.0 0.0 0.0 1.0 +reichstag/test/images/64097451_5212815345.jpg reichstag/test/images/77274889_6889793618.jpg 0 0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 757.774 0.0 319.5 0.0 757.774 239.5 0.0 0.0 1.0 0.8927042171776902 -0.04774494857448841 -0.44810668430496203 3.767506167918304 0.04312189598658805 0.9988590545868066 -0.020520505755781883 0.27999482458348707 0.4485751695309152 -0.0010044678046878602 0.893744543102077 5.011202203001941 0.0 0.0 0.0 1.0 +reichstag/test/images/62663981_6029901745.jpg reichstag/test/images/92342560_2757258130.jpg 0 0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 1743.4 0.0 319.5 0.0 1743.4 239.5 0.0 0.0 1.0 0.9966112599017012 0.013914596118203152 0.08107022050056982 -1.9049350159107352 -0.02329082061378041 0.9929894946023511 0.11588529365067896 -2.4226233247817146 -0.07888938022497341 -0.11738078047208016 0.9899485936469049 -12.210712669005606 0.0 0.0 0.0 1.0 +reichstag/test/images/20613988_1265419368.jpg reichstag/test/images/05791347_12791964625.jpg 0 0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 0.9993605095536297 -0.019050250938454916 0.0302598725029017 -0.8842408531021071 0.02715832745032552 0.9548676235694036 -0.29578750262480763 0.017725897965168547 -0.023259346396897414 0.2964201568687621 0.9547743677995799 2.2354671652726736 0.0 0.0 0.0 1.0 +reichstag/test/images/77214581_8512429399.jpg reichstag/test/images/34120311_5589470818.jpg 0 0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 512.125 0.0 319.5 0.0 512.125 241.5 0.0 0.0 1.0 0.9988846622487754 -0.002739008297569771 -0.04713734567936336 0.18554639829025946 0.00992130717842454 0.988204195263892 0.1528202739387505 -1.2777277232069983 0.04616274675559606 -0.15311749180413461 0.9871291883616803 -4.216739806681826 0.0 0.0 0.0 1.0 +reichstag/test/images/05466646_5360480312.jpg reichstag/test/images/62673079_4759250457.jpg 0 0 750.195 0.0 319.5 0.0 750.195 178.5 0.0 0.0 1.0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 0.9961378481978406 0.012324727720827837 0.08693381663302194 -2.0884828212877404 -0.018784230222946015 0.9970900892060043 0.07388170749308413 -1.518240426232206 -0.08577027505323616 -0.07522934994913714 0.993470686444005 -13.28816005547819 0.0 0.0 0.0 1.0 +reichstag/test/images/48716728_829974943.jpg reichstag/test/images/06030835_119872882.jpg 0 0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 710.363 0.0 319.5 0.0 710.363 239.5 0.0 0.0 1.0 0.9962974823835683 -0.021717845021382493 -0.08318450458943762 0.8003373179356058 0.01681394635310862 0.9981042031144272 -0.0592054974926238 0.012178279548607628 0.08431261948366768 0.057587628297591044 0.9947738674004563 -0.07997212991094038 0.0 0.0 0.0 1.0 +reichstag/test/images/48815289_2513792540.jpg reichstag/test/images/92241023_5405455015.jpg 0 0 776.799 0.0 319.5 0.0 776.799 211.0 0.0 0.0 1.0 523.981 0.0 319.5 0.0 523.981 213.0 0.0 0.0 1.0 0.9979432345044356 0.01777923297905248 0.06158895665216245 -0.6447757351673368 -0.023216727925006203 0.9957852613855259 0.08872821846411867 -1.2556173881466002 -0.059751855630445584 -0.08997561937567702 0.9941499402337063 -6.021029111708665 0.0 0.0 0.0 1.0 +reichstag/test/images/19799508_3094174298.jpg reichstag/test/images/20099963_3586531606.jpg 0 0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 502.573 0.0 319.5 0.0 502.573 212.0 0.0 0.0 1.0 0.9977291251552128 0.012564392589132499 -0.06617196427400204 2.035502158414102 0.002759538999585565 0.9739967136146865 0.2265453305903704 -1.0693588486002672 0.06729768020907866 -0.22621347861402205 0.9717502170474777 -3.046217009352304 0.0 0.0 0.0 1.0 +reichstag/test/images/62663981_6029901745.jpg reichstag/test/images/05978621_9257964873.jpg 0 0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 0.9977307316390932 -0.004121857546246635 -0.06720414744112119 1.5138017118511038 0.003383859049119636 0.9999327609060985 -0.011091580800000379 -0.8637834036482892 0.0672453466111611 0.0108390016641615 0.9976775929136973 -11.224464312683814 0.0 0.0 0.0 1.0 +reichstag/test/images/05866831_3427466899.jpg reichstag/test/images/78043438_3428167710.jpg 0 0 961.582 0.0 249.5 0.0 961.582 176.5 0.0 0.0 1.0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 0.9707073823808695 -0.011307818595319664 0.23999856464132446 -4.278522652932843 0.0083090370830781 0.9998743035658295 0.013503220782453185 -0.46725079188064184 -0.2401210896486034 -0.011113519125955809 0.9706793250083182 -5.425525398866427 0.0 0.0 0.0 1.0 +reichstag/test/images/77792600_3686854267.jpg reichstag/test/images/05978621_9257964873.jpg 0 0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 0.9953790218974872 0.029088340569079274 0.09151213695100062 -0.2772444221043272 -0.030477496323796312 0.9994399210600057 0.013819059642488921 0.15317964115523616 -0.09105890941711534 -0.01654426288799051 0.9957080708627696 2.9506714754331758 0.0 0.0 0.0 1.0 +reichstag/test/images/49051226_8836027266.jpg reichstag/test/images/05461164_9050854768.jpg 0 0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 0.9999424168829727 -0.009652873373134802 0.004688811563844528 -0.19949425367737872 0.009879270195232761 0.9986530484109584 -0.050936125882417686 -0.17101967150724184 -0.004190815988396839 0.050979514857853826 0.9986909061998159 -7.534769669760946 0.0 0.0 0.0 1.0 +reichstag/test/images/64127786_281241429.jpg reichstag/test/images/05866831_3427466899.jpg 0 0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 961.582 0.0 249.5 0.0 961.582 176.5 0.0 0.0 1.0 0.9567846041674821 0.00926756691254569 -0.29064984677717703 3.381638860421935 -0.00037443725857146934 0.9995304730146684 0.030638102288045903 0.39534235878785123 0.29079731949386056 -0.029205234438279357 0.9563388380990236 6.757672851649512 0.0 0.0 0.0 1.0 +reichstag/test/images/05461164_9050854768.jpg reichstag/test/images/77122925_1063274053.jpg 0 0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 658.554 0.0 319.5 0.0 658.554 239.5 0.0 0.0 1.0 0.8949188431371066 0.0043650624683168405 0.4462075866990503 -1.346147525832175 -0.08513084594687063 0.9832562734369213 0.16112057539404703 -0.22861206801488865 -0.43803310750046404 -0.18217586826082732 0.8803061681920108 -0.6288807749329104 0.0 0.0 0.0 1.0 +reichstag/test/images/35221995_8835396469.jpg reichstag/test/images/48668943_3586566128.jpg 0 0 918.648 0.0 319.5 0.0 918.648 213.0 0.0 0.0 1.0 550.231 0.0 319.5 0.0 550.231 212.0 0.0 0.0 1.0 0.9105059350972222 -0.038239974493692715 -0.4117239931112284 4.294129977588392 -0.016534825115627063 0.9915510551061818 -0.12865886940360313 -0.01832479786594217 0.4131652716663499 0.1239524484168809 0.9021808293354119 -1.9034051468709143 0.0 0.0 0.0 1.0 +reichstag/test/images/77487845_5932034347.jpg reichstag/test/images/49051226_8836027266.jpg 0 0 774.031 0.0 319.5 0.0 774.031 212.0 0.0 0.0 1.0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 0.999377756873665 0.01573694192975164 0.03156656023169549 -0.17829897242774323 -0.012198628765961176 0.993933234539919 -0.10930653563829087 0.6631219781863822 -0.03309520391827038 0.10885345164814163 0.9935067355292031 8.177829966465861 0.0 0.0 0.0 1.0 +reichstag/test/images/06857713_2570944910.jpg reichstag/test/images/48983853_5719892543.jpg 0 0 782.61 0.0 319.5 0.0 782.61 239.5 0.0 0.0 1.0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 0.9975991870096875 0.015361188439000702 0.06752700176486193 -0.846456802988701 -0.018256158930870143 0.9989311307270217 0.04246538267253616 0.2590221285013564 -0.06680250548221199 -0.04359621490652183 0.9968133201894541 1.243369136935673 0.0 0.0 0.0 1.0 +reichstag/test/images/20329925_5164269072.jpg reichstag/test/images/62673079_4759250457.jpg 0 0 517.71 0.0 319.5 0.0 517.71 245.0 0.0 0.0 1.0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 0.9217706248176183 -0.025887109665753087 0.38687048579142236 -4.513673411488845 -0.06575416372590359 0.972880031912033 0.2217675212008032 -0.5350239174722441 -0.3821194907042101 -0.22985713184496778 0.8950700496407866 -4.541242750272635 0.0 0.0 0.0 1.0 +reichstag/test/images/63329391_7754963780.jpg reichstag/test/images/92241023_5405455015.jpg 0 0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 523.981 0.0 319.5 0.0 523.981 213.0 0.0 0.0 1.0 0.9995526247396901 0.01309907409511324 -0.026888001670763738 -0.1596616784480227 -0.01075181311209508 0.9962666009697931 0.08565779770048851 -0.26657080359515883 0.027909655870304837 -0.08533038175202295 0.9959617347364582 -1.2072190736335235 0.0 0.0 0.0 1.0 +reichstag/test/images/91840440_9426147613.jpg reichstag/test/images/92241023_5405455015.jpg 0 0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 523.981 0.0 319.5 0.0 523.981 213.0 0.0 0.0 1.0 0.9937914526186681 -0.0011480535022682454 -0.11125300299422736 1.1561542588700964 0.016275286725274937 0.9906902062793824 0.13515927724031546 -0.30150811420596624 0.11006209040395204 -0.1361308089863213 0.9845581440934008 -1.3031502036537885 0.0 0.0 0.0 1.0 +reichstag/test/images/05791347_12791964625.jpg reichstag/test/images/64282931_8298463790.jpg 0 0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 0.9693612832733256 0.030980361652741147 0.24367790150638768 -1.7591264818026706 -0.07497035675428292 0.9819959895112015 0.17338777982329565 -1.0003715736276886 -0.2339191058866868 -0.18634401996249159 0.9542315013273203 -4.357752924341644 0.0 0.0 0.0 1.0 +reichstag/test/images/64127786_281241429.jpg reichstag/test/images/92342560_2757258130.jpg 0 0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 1743.4 0.0 319.5 0.0 1743.4 239.5 0.0 0.0 1.0 0.9971682881896751 0.012967003885492493 0.0740760544245384 -0.8128702598876141 -0.023175335414746933 0.9900686514852389 0.1386613470820715 -0.18085160980553364 -0.07154235708506908 -0.13998543551539336 0.9875655770561659 -1.2724245667203458 0.0 0.0 0.0 1.0 +reichstag/test/images/92241023_5405455015.jpg reichstag/test/images/62673079_4759250457.jpg 0 0 523.981 0.0 319.5 0.0 523.981 213.0 0.0 0.0 1.0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 0.9999691280641522 0.0028392840541288686 -0.007326758128892082 -0.34914580062757705 -0.0035326056043755894 0.9953342866433115 -0.09642187785919744 0.15451861508446296 0.00701880447535411 0.09644478367599787 0.995313588817829 1.492883871834409 0.0 0.0 0.0 1.0 +reichstag/test/images/62673079_4759250457.jpg reichstag/test/images/06857713_2570944910.jpg 0 0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 782.61 0.0 319.5 0.0 782.61 239.5 0.0 0.0 1.0 0.9950750853886846 -0.027231229869710872 -0.09531020175450766 1.0332026548169186 0.031131323913447684 0.998727560988008 0.03967492399918022 0.4972333040903542 0.0941085283600694 -0.04244666114934947 0.9946566572678103 2.9986678638846658 0.0 0.0 0.0 1.0 +reichstag/test/images/48716728_829974943.jpg reichstag/test/images/91831337_388207037.jpg 0 0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 678.613 0.0 319.5 0.0 678.613 239.5 0.0 0.0 1.0 0.9812659904693958 -0.018143792536759122 -0.19180161297679052 5.036073573912512 -0.002185695953895651 0.9944430622116185 -0.10525311754231331 -0.07107377761340467 0.19264547407430213 0.10370052464458386 0.9757734995925669 4.747410214198501 0.0 0.0 0.0 1.0 +reichstag/test/images/48815289_2513792540.jpg reichstag/test/images/77594532_1434504133.jpg 0 0 776.799 0.0 319.5 0.0 776.799 211.0 0.0 0.0 1.0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 0.9643529416148323 0.009642773298773248 -0.26444360631697705 1.921236905591396 0.030288978462823097 0.9887454322506956 0.14650954913268963 -1.6684455279938313 0.2628801662022042 -0.14929664137713822 0.9532074963464187 -5.905502781138457 0.0 0.0 0.0 1.0 +reichstag/test/images/77214581_8512429399.jpg reichstag/test/images/35531158_5960344226.jpg 0 0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 0.9996748392347811 0.0021682698145465405 -0.02540697555644737 0.10485484801026562 -0.005253975696377852 0.9925133904472376 -0.12202280738579521 -0.06809623473874145 0.02495218508059886 0.12211661798846352 0.9922020560706188 -1.9148039593508566 0.0 0.0 0.0 1.0 +reichstag/test/images/64097451_5212815345.jpg reichstag/test/images/06229406_8584869180.jpg 0 0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 0.9973960556330231 -0.007014849777647713 -0.0717767378074844 1.0888780225004064 0.013302132021613644 0.9960760619893408 0.08749589713516061 -0.2958169962672934 0.07088131976315683 -0.08822284632907783 0.9935756477964973 -2.528541130490638 0.0 0.0 0.0 1.0 +reichstag/test/images/20613988_1265419368.jpg reichstag/test/images/48983853_5719892543.jpg 0 0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 0.9911854705445231 0.05092026402148723 0.12230490461716721 -1.4706667888977951 -0.03397941737758875 0.990015045668499 -0.13680500189934403 0.42149898617091874 -0.12804984254622087 0.13144328077913275 0.9830187697912518 2.5223591235646183 0.0 0.0 0.0 1.0 +reichstag/test/images/77107104_4141016705.jpg reichstag/test/images/34537245_34002183.jpg 0 0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 0.9993241005368925 0.0012502632043907087 -0.03673933761039474 0.42712464852759524 -0.001849650212274465 0.999865677699692 -0.01628512671819828 0.19925255919905577 0.03671404200334052 0.0163420745334027 0.9991921815745566 4.28425685665426 0.0 0.0 0.0 1.0 +reichstag/test/images/06229406_8584869180.jpg reichstag/test/images/05461164_9050854768.jpg 0 0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 0.9985309008638509 0.004738916010569717 0.05397761290637742 -0.795406767780843 0.0032163355434038183 0.9892280408976035 -0.14634732073926682 -0.19247692754066148 -0.054089695929060204 0.14630593213172996 0.9877595248932642 -1.392779832706856 0.0 0.0 0.0 1.0 +reichstag/test/images/34272622_11098902473.jpg reichstag/test/images/78043438_3428167710.jpg 0 0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 0.9979314550459006 -0.0187699923655117 0.061485757835211124 0.3485901244303312 0.011779221445189562 0.9936218540523147 0.11214660535114718 0.20918407872812161 -0.06319858362429316 -0.11119037069926248 0.9917875984764296 1.7554824402553562 0.0 0.0 0.0 1.0 +reichstag/test/images/48983853_5719892543.jpg reichstag/test/images/91840440_9426147613.jpg 0 0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 0.9892680573449989 0.028752103893044882 0.1432551124343423 -1.8388979964638823 -0.010926800132186493 0.9922600461788033 -0.12369561752992814 -0.31207137305164423 -0.14570283372578505 0.12080280327443801 0.9819253367569826 -4.190094288780784 0.0 0.0 0.0 1.0 +reichstag/test/images/62799820_4661707438.jpg reichstag/test/images/92241023_5405455015.jpg 0 0 625.353 0.0 319.5 0.0 625.353 239.5 0.0 0.0 1.0 523.981 0.0 319.5 0.0 523.981 213.0 0.0 0.0 1.0 0.9996027819592525 0.015500199538524497 -0.023537674345376076 0.11996003099316677 -0.01672351997410913 0.998470458435876 -0.05269788905190503 0.32656238977886876 0.022684844698578416 0.053070589266723284 0.9983330658532171 1.2406753578152925 0.0 0.0 0.0 1.0 +reichstag/test/images/49501249_12793461434.jpg reichstag/test/images/05936329_2458217347.jpg 0 0 587.147 0.0 319.5 0.0 587.147 230.0 0.0 0.0 1.0 864.162 0.0 319.5 0.0 864.162 200.0 0.0 0.0 1.0 0.9407195745369383 -0.056620666512580534 -0.3344260489356546 -0.11210494502906043 0.08056692640661085 0.9950509073413585 0.058160658253934065 0.38086070298714386 0.32947784819686055 -0.08165654856048166 0.9406256192687698 2.9284720673123283 0.0 0.0 0.0 1.0 +reichstag/test/images/63790741_1504116525.jpg reichstag/test/images/77023786_7168337563.jpg 0 0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 0.999987690061243 -0.004153160401223021 -0.002714955738283148 -0.03662989934923788 0.004112528194917252 0.9998819553726435 -0.01480413563923544 -0.12539201071929035 0.002776119202255945 0.014792788069210736 0.999886726876257 -0.5980284614849949 0.0 0.0 0.0 1.0 +reichstag/test/images/77023786_7168337563.jpg reichstag/test/images/92414106_7915968882.jpg 0 0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 1871.37 0.0 319.5 0.0 1871.37 212.5 0.0 0.0 1.0 0.9998274783586036 -0.016081857533007404 0.009294481016404905 -0.10923836619446259 0.017042617209731672 0.9932503863902266 -0.11473107309839262 0.46506441854481295 -0.007386658088663391 0.11486968178746823 0.993353106145205 17.36316712404693 0.0 0.0 0.0 1.0 +reichstag/test/images/78043438_3428167710.jpg reichstag/test/images/48983853_5719892543.jpg 0 0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 0.9960778955008867 0.024060609091168795 0.08514642203103379 -1.0029459552623636 -0.03325017202205256 0.9935716879067882 0.10821149222961329 0.030234172787714175 -0.0819954398428892 -0.1106182086286779 0.990474815310694 0.21419970011121844 0.0 0.0 0.0 1.0 +reichstag/test/images/05545431_1341290848.jpg reichstag/test/images/05936329_2458217347.jpg 0 0 492.313 0.0 319.5 0.0 492.313 213.0 0.0 0.0 1.0 864.162 0.0 319.5 0.0 864.162 200.0 0.0 0.0 1.0 0.9983361324055601 0.010307417919785412 0.05673379829815339 -0.6898199762153991 -0.006306837109206808 0.9975096577765262 -0.0702474657780336 0.2367929627555393 -0.05731658171233347 0.06977277247168094 0.9959149409876472 3.1483773099866434 0.0 0.0 0.0 1.0 +reichstag/test/images/20099963_3586531606.jpg reichstag/test/images/06857713_2570944910.jpg 0 0 502.573 0.0 319.5 0.0 502.573 212.0 0.0 0.0 1.0 782.61 0.0 319.5 0.0 782.61 239.5 0.0 0.0 1.0 0.9990777424688014 -0.007894189766580297 0.042205998049714186 -1.6323440328403422 0.013546180280341004 0.9907042790101126 -0.1353570557853029 0.7181055404830488 -0.040745128583129536 0.1358039517796972 0.9898975306453502 4.050292513090431 0.0 0.0 0.0 1.0 +reichstag/test/images/34537245_34002183.jpg reichstag/test/images/48815289_2513792540.jpg 0 0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 776.799 0.0 319.5 0.0 776.799 211.0 0.0 0.0 1.0 0.9990698614143452 -0.0030490139966752312 0.0430129692903068 -0.5842953067349206 0.001835556439633668 0.9995999729484062 0.028222771198137746 -0.15206397511066727 -0.04308181456342939 -0.028117567376883666 0.9986758030806236 -2.2302549248776167 0.0 0.0 0.0 1.0 +reichstag/test/images/63329391_7754963780.jpg reichstag/test/images/76958303_5507621260.jpg 0 0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 708.355 0.0 319.5 0.0 708.355 239.5 0.0 0.0 1.0 0.9982600045867089 0.01812326958280248 0.05611158830556266 -1.0104457097191009 -0.017813508308877377 0.9998232292402005 -0.006015745458937601 0.31990705050543167 -0.05621069439415818 0.005005733844926075 0.998406380420518 2.238103227875463 0.0 0.0 0.0 1.0 +reichstag/test/images/34120311_5589470818.jpg reichstag/test/images/62799820_4661707438.jpg 0 0 512.125 0.0 319.5 0.0 512.125 241.5 0.0 0.0 1.0 625.353 0.0 319.5 0.0 625.353 239.5 0.0 0.0 1.0 0.9960446176248661 0.013257187450479565 0.08785992648208496 -0.268737332960989 -0.012447135044868187 0.9998748851197186 -0.009761297864765494 0.12774414365651143 -0.08797834125345479 0.008629083829278026 0.9960850116242879 0.4865558871446467 0.0 0.0 0.0 1.0 +reichstag/test/images/06030835_119872882.jpg reichstag/test/images/91831337_388207037.jpg 0 0 710.363 0.0 319.5 0.0 710.363 239.5 0.0 0.0 1.0 678.613 0.0 319.5 0.0 678.613 239.5 0.0 0.0 1.0 0.9939818020826207 0.00974526804668553 -0.1091109842283725 4.231708325952938 -0.01501933524457197 0.9987526131636276 -0.04761971511502873 -0.07502458169309828 0.10851081373483963 0.04897190469568843 0.9928882897149504 4.739371958313674 0.0 0.0 0.0 1.0 +reichstag/test/images/34537245_34002183.jpg reichstag/test/images/05791347_12791964625.jpg 0 0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 0.9984093096887066 -0.043538547078436254 -0.03582241261024891 0.07816972489875285 0.0412683390781168 0.9972323725251454 -0.06184269866041469 0.1285732970122948 0.038415810763977216 0.060265994608635375 0.9974428481758632 -2.914713185763444 0.0 0.0 0.0 1.0 +reichstag/test/images/34959164_3067403556.jpg reichstag/test/images/92102978_5376734902.jpg 0 0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 0.999553224576367 0.015100102513299945 0.025794149396228393 0.315239415062391 -0.014510754477590008 0.9996328012955688 -0.022884505204717246 0.15957416782515058 -0.026130236192545574 0.02249998840136283 0.9994053038074494 3.7541052885625463 0.0 0.0 0.0 1.0 +reichstag/test/images/91629190_2705184160.jpg reichstag/test/images/48551853_12793928283.jpg 0 0 1208.55 0.0 319.5 0.0 1208.55 213.5 0.0 0.0 1.0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 0.979160228286749 0.003524283196542108 0.2030586781435172 -3.101748156773483 -0.0034854349986909567 0.9999937751982891 -0.0005489148782028466 -0.9380223875816597 -0.20305934867499162 -0.0001702722061382514 0.979166416868483 -8.56617803356099 0.0 0.0 0.0 1.0 +reichstag/test/images/19799508_3094174298.jpg reichstag/test/images/05978621_9257964873.jpg 0 0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 0.9977838208517608 -0.01020226989766197 -0.06575226638980906 0.60761995830671 0.009945147677603294 0.9999415709035339 -0.0042366043765617225 0.04399549965559332 0.0657916475255926 0.0035732993028992958 0.9978269843254189 1.500328767361438 0.0 0.0 0.0 1.0 +reichstag/test/images/34959164_3067403556.jpg reichstag/test/images/91549947_3428166276.jpg 0 0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 543.843 0.0 319.5 0.0 543.843 213.0 0.0 0.0 1.0 0.9984438517457979 -0.0292460016938239 -0.04748206288632007 0.3158235729273366 0.029689835545555116 0.9995215661755874 0.008669049266121482 0.27221837299364776 0.047205810831861525 -0.010065293578698958 0.9988344714160006 3.3758801878076925 0.0 0.0 0.0 1.0 +reichstag/test/images/06639257_4979506057.jpg reichstag/test/images/92102978_5376734902.jpg 0 0 678.155 0.0 319.5 0.0 678.155 239.5 0.0 0.0 1.0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 0.9992060411350565 0.01017770191219098 0.03851884919093816 0.46022842412200754 -0.007421955807494625 0.9974471893935803 -0.07102125697872858 0.057242224811259707 -0.03914335104713507 0.0706789838257002 0.9967307958090625 1.7773492390071564 0.0 0.0 0.0 1.0 +reichstag/test/images/49284352_2431392889.jpg reichstag/test/images/77902859_6141520050.jpg 0 0 666.383 0.0 319.5 0.0 666.383 179.5 0.0 0.0 1.0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 0.9997777581446364 0.012890552000813533 -0.016681366502753554 0.2793137128799572 -0.01651276095962944 0.9707500098002345 -0.23952400129910706 0.42957894613552067 0.013105840101840252 0.23974622445819418 0.9707471271207894 5.106295099783026 0.0 0.0 0.0 1.0 +reichstag/test/images/06373813_9127207861.jpg reichstag/test/images/77023786_7168337563.jpg 0 0 1495.37 0.0 319.5 0.0 1495.37 211.5 0.0 0.0 1.0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 0.9998225782280193 0.018218158773341195 0.004786518190226814 -0.16563969338346496 -0.018302475530011762 0.9996667339068116 0.018205507671066653 -1.832411309914851 -0.004453252176708807 -0.018289882749686428 0.9998228086686428 -13.2772427354634 0.0 0.0 0.0 1.0 +reichstag/test/images/62663981_6029901745.jpg reichstag/test/images/06857713_2570944910.jpg 0 0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 782.61 0.0 319.5 0.0 782.61 239.5 0.0 0.0 1.0 0.9995958308946338 0.0016747982841375728 -0.02837903995512198 0.6864698650447518 0.0007490763877221929 0.9963648244114579 0.0851855360967467 -2.0327219417394975 0.02841854575153903 -0.08517236480356893 0.9959608699799082 -11.797231207521378 0.0 0.0 0.0 1.0 +reichstag/test/images/49051226_8836027266.jpg reichstag/test/images/20982577_4977562846.jpg 0 0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 0.9994800972921483 -0.01577671912925979 -0.028118148061240997 0.35177311988796417 0.01711953026228072 0.9986922753245766 0.04817323832397498 -0.42648045791005307 0.027321361614609876 -0.04862956241357807 0.998443142526898 -3.7117730545130128 0.0 0.0 0.0 1.0 +reichstag/test/images/20329925_5164269072.jpg reichstag/test/images/06373813_9127207861.jpg 0 0 517.71 0.0 319.5 0.0 517.71 245.0 0.0 0.0 1.0 1495.37 0.0 319.5 0.0 1495.37 211.5 0.0 0.0 1.0 0.9474850663598728 -0.030163367969537235 0.318374339823048 -3.3449605930854585 -0.0464531996295452 0.9720021358727637 0.23033442665603168 1.0724004766683153 -0.31640820038236206 -0.23302793628987817 0.9195563232555555 9.359538081739867 0.0 0.0 0.0 1.0 +reichstag/test/images/62663981_6029901745.jpg reichstag/test/images/05866831_3427466899.jpg 0 0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 961.582 0.0 249.5 0.0 961.582 176.5 0.0 0.0 1.0 0.9588925369729794 0.0019306985733329326 -0.2837628850652287 6.3851981154645125 0.0003080073637676998 0.9999691838048679 0.00784452497544504 -0.6496637361313524 0.28376928598596973 -0.007609457513216438 0.9588623928840716 -4.0010857442592265 0.0 0.0 0.0 1.0 +reichstag/test/images/06639257_4979506057.jpg reichstag/test/images/19799508_3094174298.jpg 0 0 678.155 0.0 319.5 0.0 678.155 239.5 0.0 0.0 1.0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 0.999046128063868 -0.007510613803549613 0.043016562866963585 -0.04704580095931188 0.011036891751426003 0.9965437086269164 -0.08233361292071882 0.011950664809195655 -0.04224950912212833 0.08272984634583447 0.9956760273816649 -0.15790691120762523 0.0 0.0 0.0 1.0 +reichstag/test/images/77023786_7168337563.jpg reichstag/test/images/92241023_5405455015.jpg 0 0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 523.981 0.0 319.5 0.0 523.981 213.0 0.0 0.0 1.0 0.9973784902804822 0.0007523305484650901 0.07235731562580353 -0.48334453944017897 -0.006289769405354113 0.9970626378448073 0.0763317431661463 -0.4750512594266917 -0.0720873492830315 -0.07658674958960525 0.9944535604343953 -2.295416841734428 0.0 0.0 0.0 1.0 +reichstag/test/images/20613988_1265419368.jpg reichstag/test/images/77902859_6141520050.jpg 0 0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 0.993755562563444 0.05951820940788203 0.09437936545184272 -0.9069385165978815 -0.032919838798530165 0.9645946059323492 -0.2616744741462084 -0.027233449210009177 -0.10661222297509686 0.25693351076707643 0.9605305851232498 0.7081912119960947 0.0 0.0 0.0 1.0 +reichstag/test/images/77023786_7168337563.jpg reichstag/test/images/05461164_9050854768.jpg 0 0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 0.9993341805850915 -0.009722178672980428 0.03516638673754349 -0.43617491677186165 0.013614757169800876 0.9935919027822419 -0.1122041403548538 0.003254969285471157 -0.033850168412153964 0.11260821447574342 0.9930627151046674 -1.5624526236521068 0.0 0.0 0.0 1.0 +reichstag/test/images/48983853_5719892543.jpg reichstag/test/images/34481400_9199849492.jpg 0 0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 0.9929455266802921 0.025582020788870098 0.11577884633194238 -1.4325546844003403 -0.022283813418549375 0.9993106534734751 -0.029692583483814608 -0.32811910234383157 -0.11645863087433665 0.026903123736358937 0.992831108108575 -2.2369751324917484 0.0 0.0 0.0 1.0 +reichstag/test/images/91831337_388207037.jpg reichstag/test/images/06030835_119872882.jpg 0 0 678.613 0.0 319.5 0.0 678.613 239.5 0.0 0.0 1.0 710.363 0.0 319.5 0.0 710.363 239.5 0.0 0.0 1.0 0.9939818020826208 -0.015019335244571974 0.10851081373483963 -4.721640994851459 0.009745268046685532 0.9987526131636276 0.04897190469568843 -0.19840420677426773 -0.10911098422837254 -0.04761971511502875 0.9928882897149506 -4.247513706807785 0.0 0.0 0.0 1.0 +reichstag/test/images/34272622_11098902473.jpg reichstag/test/images/62673079_4759250457.jpg 0 0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 0.9841792574857151 0.006587998081156744 0.17705306384287542 -0.9609650842293463 -0.030495464189522137 0.9906935265373558 0.13265128397736387 -0.24468603324476476 -0.17453141779843592 -0.13595195753743433 0.9752209234030037 -2.244842911482783 0.0 0.0 0.0 1.0 +reichstag/test/images/76958303_5507621260.jpg reichstag/test/images/49501249_12793461434.jpg 0 0 708.355 0.0 319.5 0.0 708.355 239.5 0.0 0.0 1.0 587.147 0.0 319.5 0.0 587.147 230.0 0.0 0.0 1.0 0.9702334810771565 0.07130110211097843 0.2314371297667322 0.8499273830824905 -0.046963224939416674 0.9929293673358183 -0.1090216812628634 -0.2079799904403959 -0.23757408886533307 0.09490745133998416 0.9667218462308356 -0.7601260775137653 0.0 0.0 0.0 1.0 +reichstag/test/images/91549947_3428166276.jpg reichstag/test/images/20329925_5164269072.jpg 0 0 543.843 0.0 319.5 0.0 543.843 213.0 0.0 0.0 1.0 517.71 0.0 319.5 0.0 517.71 245.0 0.0 0.0 1.0 0.9694782536090424 -0.017395270426032675 -0.24455944133475294 2.09127961870327 -0.03979949101337417 0.9730842306976479 -0.2269869610410328 -0.12867097377884695 0.2419254354015667 0.22979226386972254 0.942691677682258 1.9183574837947164 0.0 0.0 0.0 1.0 +reichstag/test/images/64097451_5212815345.jpg reichstag/test/images/48983853_5719892543.jpg 0 0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 0.9998571871123194 -0.008580945537458567 -0.014559284100653028 0.18527820270484985 0.010233796962736331 0.9930151896133242 0.1175419184671562 0.1449471834457233 0.013448969461109173 -0.11767412872376526 0.9929611899009634 0.9170258311731357 0.0 0.0 0.0 1.0 +reichstag/test/images/05936329_2458217347.jpg reichstag/test/images/19799508_3094174298.jpg 0 0 864.162 0.0 319.5 0.0 864.162 200.0 0.0 0.0 1.0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 0.9982435327909861 0.00015534988452288234 -0.05924377695070203 0.8502187253459718 -0.0016093559920910628 0.9996986364623035 -0.024495841049074527 -0.13634120982673975 0.0592221176104154 0.02454815923494433 0.9979429486017293 -2.2023060443526714 0.0 0.0 0.0 1.0 +reichstag/test/images/77361791_2035867493.jpg reichstag/test/images/77214581_8512429399.jpg 0 0 601.346 0.0 249.5 0.0 601.346 187.0 0.0 0.0 1.0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 0.9948037081398989 -0.008609739346261828 0.10144680704436077 -0.9310196491167189 -0.00243513335902953 0.9941207388057604 0.10824983511217395 -0.3331300878664132 -0.10178237763301698 -0.10793437387912405 0.9889340314392521 -2.912719281841762 0.0 0.0 0.0 1.0 +reichstag/test/images/92342560_2757258130.jpg reichstag/test/images/34120311_5589470818.jpg 0 0 1743.4 0.0 319.5 0.0 1743.4 239.5 0.0 0.0 1.0 512.125 0.0 319.5 0.0 512.125 241.5 0.0 0.0 1.0 0.9971682356869956 -0.01669446171265417 -0.07332669830975043 0.817834599216209 0.02301977908694317 0.9960047061821744 0.08628276208924225 -1.6601166991939655 0.07159329233715105 -0.08772639403899583 0.9935685584202242 -5.4248560282841245 0.0 0.0 0.0 1.0 +reichstag/test/images/05545431_1341290848.jpg reichstag/test/images/64097451_5212815345.jpg 0 0 492.313 0.0 319.5 0.0 492.313 213.0 0.0 0.0 1.0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 0.9983162932290963 0.024317825595646207 0.05266139033121856 -0.6512223197032257 -0.020172793294656037 0.9967601963592755 -0.07785993426987955 0.15561542096832187 -0.054384162069561266 0.07666651362960636 0.9955725029368143 2.0420699170442127 0.0 0.0 0.0 1.0 +reichstag/test/images/63329391_7754963780.jpg reichstag/test/images/64097451_5212815345.jpg 0 0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 0.9988405049558055 0.01078317397314863 -0.04691874698557399 -0.2443331750633102 -0.012887611881738722 0.9989135603779765 -0.04478401894627254 0.32754644501151287 0.046384858732318734 0.0453367626993728 0.9978942944161587 3.5414570188568044 0.0 0.0 0.0 1.0 +reichstag/test/images/78040542_6368040213.jpg reichstag/test/images/77594532_1434504133.jpg 0 0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 0.994382443833639 0.03471281915825768 0.0999928776539903 -2.8322477959016585 -0.05079968434773521 0.985295755143559 0.16313082776181256 -1.751693947978553 -0.09285982697383327 -0.16729403779624 0.9815242011546227 -6.912508509095767 0.0 0.0 0.0 1.0 +reichstag/test/images/63329391_7754963780.jpg reichstag/test/images/64127786_281241429.jpg 0 0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 0.9955756855535353 -0.012245592075372954 -0.0931616863808927 0.10752254705914477 0.004818205802227241 0.9968202997521947 -0.07953662612150492 0.1945760892403649 0.09383943322215685 0.07873585889966679 0.9924690550822609 3.9997150099495475 0.0 0.0 0.0 1.0 +reichstag/test/images/92342560_2757258130.jpg reichstag/test/images/64097451_5212815345.jpg 0 0 1743.4 0.0 319.5 0.0 1743.4 239.5 0.0 0.0 1.0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 0.9996392671977476 0.002615088895188915 -0.0267300726976242 0.23152899444538555 -0.005430377247540121 0.9943725860383721 -0.10580014715636989 0.04419460004966994 0.02630297472339228 0.10590713595140971 0.9940280841481643 0.8655920820230891 0.0 0.0 0.0 1.0 +reichstag/test/images/34481400_9199849492.jpg reichstag/test/images/48815289_2513792540.jpg 0 0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 776.799 0.0 319.5 0.0 776.799 211.0 0.0 0.0 1.0 0.9892326171521371 -0.029944423652906605 -0.14325557809184572 1.4989305611355088 0.022947761567180234 0.9984732006150618 -0.05024607340449395 0.2654730608790106 0.1445414452722453 0.04641765984632569 0.988409414894962 2.894804591838421 0.0 0.0 0.0 1.0 +reichstag/test/images/78040542_6368040213.jpg reichstag/test/images/34959164_3067403556.jpg 0 0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 0.9477014687091507 0.02201237007451262 0.31839814975941866 -4.355168458870332 -0.020701714284350383 0.9997575650700982 -0.007500007386490578 -0.3076424997610529 -0.31848605186445395 0.0005163804905213046 0.9479274065660205 -4.226913505320146 0.0 0.0 0.0 1.0 +reichstag/test/images/64127786_281241429.jpg reichstag/test/images/35221995_8835396469.jpg 0 0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 918.648 0.0 319.5 0.0 918.648 213.0 0.0 0.0 1.0 0.9726943829993009 0.022721439539230948 0.23097483297293364 -2.3409729731977156 -0.04007919876911644 0.9966894489569008 0.0707375442322888 -0.2721982642384273 -0.2286029201642779 -0.07806329818329759 0.9703848856866589 -1.8790376603674723 0.0 0.0 0.0 1.0 +reichstag/test/images/34537245_34002183.jpg reichstag/test/images/19799508_3094174298.jpg 0 0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 0.9995773525765571 -0.0030992694520197202 0.028905202730730842 -0.3621592552268504 0.003972291971727279 0.9995361457078316 -0.03019460746596134 -0.1191063421151975 -0.028798213703843223 0.030296665697662418 0.9991260055343729 -4.745738450217881 0.0 0.0 0.0 1.0 +reichstag/test/images/62810349_4295140640.jpg reichstag/test/images/64127786_281241429.jpg 0 0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 0.9996882945714619 -0.02134012277120579 0.012958119343173256 -0.03622657149157382 0.022460610340687914 0.9953590803681598 -0.09357254999076794 0.060116004514693636 -0.010901132047904018 0.09383443018828881 0.9955281337216509 0.9081236908328337 0.0 0.0 0.0 1.0 +reichstag/test/images/77349640_2188160842.jpg reichstag/test/images/06796518_2036664706.jpg 0 0 708.96 0.0 239.0 0.0 708.96 319.5 0.0 0.0 1.0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 0.9996481548508322 0.00507930176175932 0.026033962374939015 0.39089299819272066 -0.004128212035927356 0.9993266928670497 -0.03645708146288913 -0.137180969185444 -0.026201610040476067 0.03633678049880444 0.9989960530523976 3.0108572880814073 0.0 0.0 0.0 1.0 +reichstag/test/images/77902859_6141520050.jpg reichstag/test/images/78043438_3428167710.jpg 0 0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 0.9974274495337534 -0.03808569305888365 -0.06072860035284828 0.27842107463907406 0.039164668683662765 0.9990935999582228 0.016676547886695255 0.1730900589276968 0.060038418062856945 -0.019012062138095823 0.9980149948020655 1.6358363135013971 0.0 0.0 0.0 1.0 +reichstag/test/images/92102978_5376734902.jpg reichstag/test/images/77122925_1063274053.jpg 0 0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 658.554 0.0 319.5 0.0 658.554 239.5 0.0 0.0 1.0 0.8757271944588999 0.018341464856723066 0.48245774069036745 -4.489114162799065 -0.078180856061912 0.9914770378700952 0.10421629969332338 -0.9177494433240124 -0.47643429203886123 -0.12898400692819084 0.8696973561683269 -4.333484064843988 0.0 0.0 0.0 1.0 +reichstag/test/images/92241023_5405455015.jpg reichstag/test/images/64127786_281241429.jpg 0 0 523.981 0.0 319.5 0.0 523.981 213.0 0.0 0.0 1.0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 0.9974748152831792 -0.03088414298926286 -0.06395437895567466 0.18134129334421611 0.020012054158161173 0.9862340351333927 -0.16414001837722736 0.2625194857433083 0.06814330901972769 0.16244567601609 0.9843616671627949 5.242238339391427 0.0 0.0 0.0 1.0 +reichstag/test/images/20613988_1265419368.jpg reichstag/test/images/05936329_2458217347.jpg 0 0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 864.162 0.0 319.5 0.0 864.162 200.0 0.0 0.0 1.0 0.9888232741592399 0.04972503841777122 0.14055587157907057 -1.6701522764826575 -0.014073211513002958 0.9696641013391031 -0.24403580739707026 0.1644368104567594 -0.14842667280078498 0.23933021357233786 0.9595262225039541 2.7603644819631272 0.0 0.0 0.0 1.0 +reichstag/test/images/77023786_7168337563.jpg reichstag/test/images/48900330_6782044072.jpg 0 0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 769.928 0.0 319.5 0.0 769.928 170.0 0.0 0.0 1.0 0.9997537300438727 -0.01743277489057523 -0.013732356788910428 0.09410469039450978 0.01744501400135858 0.9998475261501121 0.0007719702025908899 0.6334419493298218 0.013716805380838786 -0.0010113412459771614 0.9999054087457615 6.617114168067919 0.0 0.0 0.0 1.0 +reichstag/test/images/05461164_9050854768.jpg reichstag/test/images/35221995_8835396469.jpg 0 0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 918.648 0.0 319.5 0.0 918.648 213.0 0.0 0.0 1.0 0.979433159860694 0.005020581585687778 0.20170641815727564 -1.066972252625549 -0.02511817312824989 0.9949476182485442 0.09720243988835116 0.23483783507666534 -0.20019930755123894 -0.10026978957837057 0.9746107974745168 2.3635586732950435 0.0 0.0 0.0 1.0 +reichstag/test/images/91549947_3428166276.jpg reichstag/test/images/77214581_8512429399.jpg 0 0 543.843 0.0 319.5 0.0 543.843 213.0 0.0 0.0 1.0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 0.9909169758387678 0.028781556027363316 0.13135893204192337 -1.189779067929583 -0.030691028701203237 0.9994503217561963 0.012534556182745175 -0.23711780394747825 -0.13092596286379876 -0.016452245259545056 0.9912556258978343 -2.4925754775287587 0.0 0.0 0.0 1.0 +reichstag/test/images/78040542_6368040213.jpg reichstag/test/images/91840440_9426147613.jpg 0 0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 0.8563981575720859 0.038828092223166424 0.5148539355598306 -7.052482133629843 -0.02463164712223486 0.9991053701295968 -0.034376464888745815 -0.21460017104618256 -0.5157281043991908 0.016758240734359813 0.8565883980654343 -3.4530474993596254 0.0 0.0 0.0 1.0 +reichstag/test/images/49284352_2431392889.jpg reichstag/test/images/64282931_8298463790.jpg 0 0 666.383 0.0 319.5 0.0 666.383 179.5 0.0 0.0 1.0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 0.988904263568193 0.034454874194412115 0.14450335338979792 -0.19820650474595936 -0.019556589727461188 0.9944599789100568 -0.10328063780032055 0.5239372657021026 -0.1472613231465796 0.09930867026829272 0.9840995329308221 2.0215903869460767 0.0 0.0 0.0 1.0 +reichstag/test/images/64271070_4602086309.jpg reichstag/test/images/64282931_8298463790.jpg 0 0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 0.9987542364994675 0.01147151265738376 0.04856314931835856 0.33697580868878996 -0.009084023088410689 0.9987525117473972 -0.049100924663333406 0.18208953182249887 -0.04906582923883919 0.04859860775389158 0.9976125098080361 0.6159826253663381 0.0 0.0 0.0 1.0 +reichstag/test/images/35531158_5960344226.jpg reichstag/test/images/34537245_34002183.jpg 0 0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 0.9982811864651262 0.004829015548059258 -0.05840679205894129 0.26202514835062196 0.0007657706202852135 0.9954396430864542 0.09539041129625932 0.6088145477259361 0.05860107802026268 -0.09527117917161002 0.9937249700365357 7.678390314082463 0.0 0.0 0.0 1.0 +reichstag/test/images/77458003_1504115665.jpg reichstag/test/images/48551853_12793928283.jpg 0 0 612.932 0.0 249.5 0.0 612.932 187.0 0.0 0.0 1.0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 0.9879484166611499 0.017045615571050297 0.1538420391392789 -0.9448535220239768 -0.0015884915564706554 0.9949819038782793 -0.10004242924544361 -0.16705537271991916 -0.15477532978902833 0.09859238279176813 0.9830178733594516 0.27741346574504966 0.0 0.0 0.0 1.0 +reichstag/test/images/49284352_2431392889.jpg reichstag/test/images/05534141_6340060522.jpg 0 0 666.383 0.0 319.5 0.0 666.383 179.5 0.0 0.0 1.0 668.983 0.0 319.5 0.0 668.983 213.5 0.0 0.0 1.0 0.9994086741258182 -0.00932207041580245 -0.03309684403741457 0.07874762032890106 0.0020869028835522217 0.9772182668744913 -0.21222653868724758 0.6608873453444545 0.03432123130700216 0.2120319737444756 0.9766598666841969 5.6036715088524325 0.0 0.0 0.0 1.0 +reichstag/test/images/20613988_1265419368.jpg reichstag/test/images/64127786_281241429.jpg 0 0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 0.9951085105802004 0.030870051661283156 0.09384078048100791 -1.1833063975610898 -0.00313529855874071 0.9593122570741576 -0.2823298838774119 0.004566584504977024 -0.09873814902965605 0.28065465137373913 0.9547165781468772 2.038015027215771 0.0 0.0 0.0 1.0 +reichstag/test/images/78040542_6368040213.jpg reichstag/test/images/77107104_4141016705.jpg 0 0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 0.9352132173707801 0.020515298707365834 0.353490255274373 -4.866413371590071 -0.02354474276805575 0.9997136587323235 0.0042714906083666515 -0.12064655606344948 -0.3533014055208102 -0.012317591606269121 0.9354284546634454 -1.7717976276996064 0.0 0.0 0.0 1.0 +reichstag/test/images/05866831_3427466899.jpg reichstag/test/images/64271070_4602086309.jpg 0 0 961.582 0.0 249.5 0.0 961.582 176.5 0.0 0.0 1.0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 0.914938570789787 0.007993740887569808 0.4035139548860294 -7.163394529217252 -0.08101404832815497 0.9830916219988437 0.1642181071903037 -2.5600336365947416 -0.39537847141014837 -0.18293977933272226 0.9001160488976236 -9.500092709688982 0.0 0.0 0.0 1.0 +reichstag/test/images/92753909_16247242.jpg reichstag/test/images/77594532_1434504133.jpg 0 0 520.573 0.0 249.5 0.0 520.573 187.0 0.0 0.0 1.0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 0.957408560455071 0.01108103565213158 -0.28852393144456007 1.6258063859660024 0.033176666243438464 0.9884230311763825 0.14805141085806323 -1.084398978195309 0.2868242618474255 -0.1513179503197414 0.9459570395777559 -3.599032144534828 0.0 0.0 0.0 1.0 +reichstag/test/images/48900330_6782044072.jpg reichstag/test/images/77023786_7168337563.jpg 0 0 769.928 0.0 319.5 0.0 769.928 170.0 0.0 0.0 1.0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 0.9997537300438726 0.01744501400135857 0.013716805380838783 -0.1958975861378201 -0.01743277489057523 0.9998475261501119 -0.0010113412459771636 -0.6250126996258252 -0.013732356788910424 0.0007719702025908864 0.9999054087457614 -6.615684966065268 0.0 0.0 0.0 1.0 +reichstag/test/images/05461164_9050854768.jpg reichstag/test/images/92241023_5405455015.jpg 0 0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 523.981 0.0 319.5 0.0 523.981 213.0 0.0 0.0 1.0 0.9992516473702154 0.00620778509454388 0.038178641046149854 0.012136076405885654 -0.013294891067517581 0.9820229922224503 0.18829256123906873 -0.18984840578670958 -0.036323423564053554 -0.18865923287951106 0.9813706245603141 -0.7773010208565347 0.0 0.0 0.0 1.0 +reichstag/test/images/19799508_3094174298.jpg reichstag/test/images/05461164_9050854768.jpg 0 0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 0.9992301877747625 0.00598726624721928 0.03877092315766573 -0.5445704236028619 -0.004364766805171893 0.9991165231191551 -0.04179858898368839 -0.06742353028168974 -0.03898692922441034 0.04159718588048665 0.9983735240261908 -2.8619828199287065 0.0 0.0 0.0 1.0 +reichstag/test/images/20329925_5164269072.jpg reichstag/test/images/06030835_119872882.jpg 0 0 517.71 0.0 319.5 0.0 517.71 245.0 0.0 0.0 1.0 710.363 0.0 319.5 0.0 710.363 239.5 0.0 0.0 1.0 0.9538297006428085 -0.02930572680230033 0.29891483159629156 -3.218365837704728 -0.024799101010768765 0.984145747306158 0.17561934018855022 -0.15713192798305808 -0.2993224127269925 -0.1749237617815057 0.9379806878627615 -2.2022496715264035 0.0 0.0 0.0 1.0 +reichstag/test/images/19799508_3094174298.jpg reichstag/test/images/48716728_829974943.jpg 0 0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 0.997928178429361 0.0148153683290133 0.06260874985122453 -0.6568963615714883 -0.01798536887376192 0.998568392370681 0.05037551255033352 0.05734219528364204 -0.06177278691407935 -0.05139718493759908 0.9967659967000069 0.6749299555493222 0.0 0.0 0.0 1.0 +reichstag/test/images/06229406_8584869180.jpg reichstag/test/images/91549947_3428166276.jpg 0 0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 543.843 0.0 319.5 0.0 543.843 213.0 0.0 0.0 1.0 0.9975818068676331 -0.037089353865203165 -0.05877855422320007 0.22776284022620213 0.03342539271788963 0.997507730225931 -0.06213751894923256 0.10086054939972558 0.060936702637759944 0.060022562169347 0.996335290101813 3.016824033512291 0.0 0.0 0.0 1.0 +reichstag/test/images/34120311_5589470818.jpg reichstag/test/images/05791347_12791964625.jpg 0 0 512.125 0.0 319.5 0.0 512.125 241.5 0.0 0.0 1.0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 0.9965663677737369 -0.05236968735998112 -0.06413182102575042 -0.1895882981988234 0.035422033357376474 0.9697622470439918 -0.24146731406344946 0.36212613984730413 0.07483818661011207 0.23836652460864857 0.9682874809533087 7.272390796557289 0.0 0.0 0.0 1.0 +reichstag/test/images/77214581_8512429399.jpg reichstag/test/images/34272622_11098902473.jpg 0 0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 0.9868986161878686 -0.012616009934454211 -0.16084762248725903 0.1439614650693265 -0.010418409270523675 0.9898743289226999 -0.14156365948966587 -0.07936141510227657 0.16100490090286665 0.14138475601410483 0.9767741666588496 1.1716622867196445 0.0 0.0 0.0 1.0 +reichstag/test/images/05461164_9050854768.jpg reichstag/test/images/77274889_6889793618.jpg 0 0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 757.774 0.0 319.5 0.0 757.774 239.5 0.0 0.0 1.0 0.9007780424799962 -0.015834042486568486 -0.43399101521165157 1.8943036609485193 0.03643757436593191 0.9985669522157544 0.039196238555077055 0.5422769235664608 0.43274845044232524 -0.05112069092914211 0.9000641386027407 8.532410987585111 0.0 0.0 0.0 1.0 +reichstag/test/images/77792600_3686854267.jpg reichstag/test/images/77349640_2188160842.jpg 0 0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 708.96 0.0 239.0 0.0 708.96 319.5 0.0 0.0 1.0 0.9947898787613584 0.03333833171755489 0.09634133459866401 -0.8320482255695376 -0.02968211165302266 0.9987928594031095 -0.03913816875095261 0.05162710982295843 -0.09752983831514822 0.036074639896343005 0.9945785795976957 0.37938923748910414 0.0 0.0 0.0 1.0 +reichstag/test/images/77594532_1434504133.jpg reichstag/test/images/64282931_8298463790.jpg 0 0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 0.9080199856129811 0.06476132151235696 0.41389089983155536 -0.6383048468289495 -0.038481775709028374 0.9966959325737244 -0.07152881188216546 0.26180207429885205 -0.41715567677508786 0.04902233396083163 0.9075119570051687 1.143938442689092 0.0 0.0 0.0 1.0 +reichstag/test/images/05534141_6340060522.jpg reichstag/test/images/06030835_119872882.jpg 0 0 668.983 0.0 319.5 0.0 668.983 213.5 0.0 0.0 1.0 710.363 0.0 319.5 0.0 710.363 239.5 0.0 0.0 1.0 0.9998365000776345 -0.005954129259786344 -0.017073999451325126 0.12449844146729552 0.005194195775931797 0.9990086566998211 -0.04421226265483961 -0.024510984342941952 0.017320318783076334 0.04411634825749962 0.9988762457750587 -0.205387872191658 0.0 0.0 0.0 1.0 +reichstag/test/images/63329391_7754963780.jpg reichstag/test/images/48668943_3586566128.jpg 0 0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 550.231 0.0 319.5 0.0 550.231 212.0 0.0 0.0 1.0 0.9590165034429539 -0.012460118812680363 -0.283076123265853 2.2874163637139406 -0.026979213662772453 0.9904783673083791 -0.13499898490087267 -0.050520962756507415 0.28206287978780376 0.13710342568040185 0.9495489363442567 -0.6485551082687246 0.0 0.0 0.0 1.0 +reichstag/test/images/76958303_5507621260.jpg reichstag/test/images/78043438_3428167710.jpg 0 0 708.355 0.0 319.5 0.0 708.355 239.5 0.0 0.0 1.0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 0.9788060083169204 -0.04242770899119807 -0.20034641896588765 1.966139348852919 0.03596702552729702 0.9987122643214614 -0.03577968933093633 0.20447176080050933 0.20160647598084624 0.027815510127584667 0.9790715633899938 2.3094117432952688 0.0 0.0 0.0 1.0 +reichstag/test/images/92342560_2757258130.jpg reichstag/test/images/05936329_2458217347.jpg 0 0 1743.4 0.0 319.5 0.0 1743.4 239.5 0.0 0.0 1.0 864.162 0.0 319.5 0.0 864.162 200.0 0.0 0.0 1.0 0.9996887877299978 -0.011271794983668747 -0.02225475959819696 0.19092382000472286 0.009007898024727972 0.9950140664090523 -0.09932706288468486 0.1298789846695015 0.023263393133923987 0.09909568247894646 0.9948059410025296 1.9699782498330536 0.0 0.0 0.0 1.0 +reichstag/test/images/05936329_2458217347.jpg reichstag/test/images/05461164_9050854768.jpg 0 0 864.162 0.0 319.5 0.0 864.162 200.0 0.0 0.0 1.0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 0.9997615332439758 0.0070924469931246455 -0.020653664113274496 0.21879204343525194 -0.008440435351424025 0.9977886693449903 -0.06592822140655714 -0.11530200710697684 0.02014039961700555 0.06608682563418602 0.9976105932581429 -5.099525694331929 0.0 0.0 0.0 1.0 +reichstag/test/images/49501249_12793461434.jpg reichstag/test/images/62673079_4759250457.jpg 0 0 587.147 0.0 319.5 0.0 587.147 230.0 0.0 0.0 1.0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 0.9453995624372904 -0.0380031113562635 -0.3236903317533956 -0.3501301015851105 0.07081852009249893 0.9934018652028841 0.09020793437020401 -0.08759316575361331 0.31812639713687424 -0.1082058119449882 0.941853012792356 -1.4520331712726016 0.0 0.0 0.0 1.0 +reichstag/test/images/35221995_8835396469.jpg reichstag/test/images/62751178_369337490.jpg 0 0 918.648 0.0 319.5 0.0 918.648 213.0 0.0 0.0 1.0 700.224 0.0 319.5 0.0 700.224 258.5 0.0 0.0 1.0 0.9718927519991231 -0.032418390827334304 -0.23318131689253666 1.9316579797735265 0.05905329801935563 0.9923774050332107 0.10816558589767844 -0.9690318323180567 0.22789731592234372 -0.11889547474869301 0.9663988200943099 -3.722871824038989 0.0 0.0 0.0 1.0 +reichstag/test/images/20613988_1265419368.jpg reichstag/test/images/06229406_8584869180.jpg 0 0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 0.9970382540207756 0.038196606264250726 0.06675132424976432 -0.6573416234655803 -0.026654201912234415 0.9857725599049376 -0.165957867119604 -0.07356012819179797 -0.07214065108955706 0.16368713879947958 0.9838710520449387 -1.0129394258529678 0.0 0.0 0.0 1.0 +reichstag/test/images/63790741_1504116525.jpg reichstag/test/images/06796518_2036664706.jpg 0 0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 0.9988572606897618 -0.024948034745190733 -0.0407647927714332 0.40865016232009105 0.017339267437149048 0.9839964611956197 -0.1773423642541185 -0.10518805072813908 0.04453675529366906 0.17643287651923084 0.9833045904047546 2.6266665024313616 0.0 0.0 0.0 1.0 +reichstag/test/images/64127786_281241429.jpg reichstag/test/images/06229406_8584869180.jpg 0 0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 0.9996043795244997 0.01467056634299114 -0.023997060624510482 0.5743360096366628 -0.011666589092513795 0.9926021336374365 0.12085071368161293 -0.3381936497586396 0.02559248198957995 -0.12052293881906734 0.9923805953786219 -3.0045918660992914 0.0 0.0 0.0 1.0 +reichstag/test/images/34537245_34002183.jpg reichstag/test/images/05866831_3427466899.jpg 0 0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 961.582 0.0 249.5 0.0 961.582 176.5 0.0 0.0 1.0 0.967032050026841 -0.013939538074786153 -0.25427289178979856 3.7195441562210947 0.010386391731262806 0.999828833053389 -0.015311024195100673 0.3083484466296248 0.2544427972800365 0.012165273254628935 0.9670113076065607 3.5473261771002287 0.0 0.0 0.0 1.0 +reichstag/test/images/77214581_8512429399.jpg reichstag/test/images/20982577_4977562846.jpg 0 0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 0.9987916497753203 -0.001994007793985426 -0.04910462576999167 0.14005040703198385 0.0020062718802048196 0.9999979673409829 0.0002004670665083666 0.26186300892969244 0.04910412622413829 -0.0002987420619538249 0.9987936200942336 1.9413554828473056 0.0 0.0 0.0 1.0 +reichstag/test/images/06030835_119872882.jpg reichstag/test/images/92241023_5405455015.jpg 0 0 710.363 0.0 319.5 0.0 710.363 239.5 0.0 0.0 1.0 523.981 0.0 319.5 0.0 523.981 213.0 0.0 0.0 1.0 0.9950364976769439 0.015661969958816944 0.09827039731175578 -0.7830470998280994 -0.030694901378042223 0.987689374188132 0.1533868414996824 -0.8859034033968415 -0.09465828711842132 -0.1556419057094379 0.983267718308163 -4.072549051821776 0.0 0.0 0.0 1.0 +reichstag/test/images/64127786_281241429.jpg reichstag/test/images/77122925_1063274053.jpg 0 0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 658.554 0.0 319.5 0.0 658.554 239.5 0.0 0.0 1.0 0.8807771479049455 0.02718642219255722 0.4727499488913752 -3.6733590172101658 -0.10186770098271612 0.9858542273833192 0.13309550648663895 -0.9953715440823615 -0.4624441449785325 -0.16538543103552697 0.8710872929714145 -4.353924891811615 0.0 0.0 0.0 1.0 +reichstag/test/images/91549947_3428166276.jpg reichstag/test/images/78043438_3428167710.jpg 0 0 543.843 0.0 319.5 0.0 543.843 213.0 0.0 0.0 1.0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 0.9994094577877857 0.0077809609999910274 0.03346927442058835 -0.3688857461751909 -0.00719271346706109 0.9998181712749746 -0.017660386783613872 0.08576960426375475 -0.03360060352590096 0.01740922267887639 0.999283702663269 0.3134891221641037 0.0 0.0 0.0 1.0 +reichstag/test/images/63812586_393800330.jpg reichstag/test/images/63790741_1504116525.jpg 0 0 1002.64 0.0 187.0 0.0 1002.64 249.5 0.0 0.0 1.0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 0.9999560457865398 0.005482889254210828 -0.007605551944041739 0.1571105289959936 -0.004280884302421438 0.9886897425602699 0.1499141987461387 -0.2700158484151962 0.008341494142942215 -0.14987505089751785 0.9886697570948195 -1.7518289379688712 0.0 0.0 0.0 1.0 +reichstag/test/images/77349640_2188160842.jpg reichstag/test/images/05791347_12791964625.jpg 0 0 708.96 0.0 239.0 0.0 708.96 319.5 0.0 0.0 1.0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 0.9994556213866992 -0.03229176562421587 -0.006760381009819709 0.06998221287525883 0.032456652796800836 0.9991376106819617 0.025895957405902933 0.11614636433996162 0.005918324742284874 -0.026101279539730037 0.9996417841600229 2.924917352653375 0.0 0.0 0.0 1.0 +reichstag/test/images/62810349_4295140640.jpg reichstag/test/images/91629190_2705184160.jpg 0 0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 1208.55 0.0 319.5 0.0 1208.55 213.5 0.0 0.0 1.0 0.9981881104163803 -0.026549342767500757 -0.05399656120523002 0.504755605530212 0.02320398734589293 0.997827126772306 -0.06166522560224474 0.9402772899716489 0.0555164047343489 0.060300559499376565 0.996635224808673 11.23829257097118 0.0 0.0 0.0 1.0 +reichstag/test/images/35221995_8835396469.jpg reichstag/test/images/77274889_6889793618.jpg 0 0 918.648 0.0 319.5 0.0 918.648 213.0 0.0 0.0 1.0 757.774 0.0 319.5 0.0 757.774 239.5 0.0 0.0 1.0 0.7946336151863961 -0.08056492724859121 -0.6017197936857553 4.183275409713371 0.0486076883354372 0.9964165354894751 -0.06921979801932979 0.5237487302280213 0.6051402401513916 0.025756170145831387 0.795702148701972 7.291341594612845 0.0 0.0 0.0 1.0 +reichstag/test/images/05978621_9257964873.jpg reichstag/test/images/63790741_1504116525.jpg 0 0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 0.9967983709694411 0.031992983742189805 0.07327657622965628 -0.7479687269478559 -0.038355170406302555 0.9954581820752656 0.08713144462540955 -0.2513868223646001 -0.07015617247093901 -0.08966301763090116 0.9934981906040639 -2.1308789240550894 0.0 0.0 0.0 1.0 +reichstag/test/images/62673079_4759250457.jpg reichstag/test/images/77902859_6141520050.jpg 0 0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 0.9986041693370842 -0.00024420139419215335 -0.05281716906717923 0.9195832503173865 -0.0019972548848578146 0.9990995221784928 -0.04238107780167933 0.17852169229619802 0.05277995789612597 0.042427410342680126 0.9977044606977041 2.416540161813016 0.0 0.0 0.0 1.0 +reichstag/test/images/91549947_3428166276.jpg reichstag/test/images/77107104_4141016705.jpg 0 0 543.843 0.0 319.5 0.0 543.843 213.0 0.0 0.0 1.0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 0.9960257202055215 0.028491400215104625 0.08438604625680182 -0.9645184737850818 -0.028765603016927165 0.9995841128551344 0.0020350456228564275 -0.02733889304007603 -0.08429296988566075 -0.004454373288947881 0.9964310582205164 -1.0500777448101906 0.0 0.0 0.0 1.0 +reichstag/test/images/05936329_2458217347.jpg reichstag/test/images/77274889_6889793618.jpg 0 0 864.162 0.0 319.5 0.0 864.162 200.0 0.0 0.0 1.0 757.774 0.0 319.5 0.0 757.774 239.5 0.0 0.0 1.0 0.8919561305977151 -0.03809139621326105 -0.4505144910251789 4.306360759604659 0.028789973319512607 0.9992075770508937 -0.027483729738589542 0.23523017546585473 0.4512043866424764 0.011543981055356986 0.8923459743709163 4.0430870222682405 0.0 0.0 0.0 1.0 +reichstag/test/images/05791347_12791964625.jpg reichstag/test/images/62663981_6029901745.jpg 0 0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 0.9972188857832683 0.029775947290122097 0.0683219349854268 -0.29641502451334206 -0.03239437096501575 0.9987698346727855 0.0375422705423835 0.8789388458063448 -0.06712003104109801 -0.03965110730701528 0.9969567147686852 10.91800483607431 0.0 0.0 0.0 1.0 +reichstag/test/images/64271070_4602086309.jpg reichstag/test/images/62663981_6029901745.jpg 0 0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 0.9918350963134913 -0.03078091184964218 -0.12375652381394546 0.8632740094752048 0.00668944284850671 0.9816553024384946 -0.19054689330651373 1.3576462912307772 0.12735145493940636 0.1881632340817194 0.9738460885913772 16.299070243842266 0.0 0.0 0.0 1.0 +reichstag/test/images/05866831_3427466899.jpg reichstag/test/images/35531158_5960344226.jpg 0 0 961.582 0.0 249.5 0.0 961.582 176.5 0.0 0.0 1.0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 0.9504585621916687 0.01023693648281572 0.31068267844859504 -5.352524870363946 0.01501872223128537 0.9967781120987627 -0.07878980405716354 0.04050119116421588 -0.3104882599054041 0.07955250072922616 0.9472425455439809 -9.902812581737395 0.0 0.0 0.0 1.0 +reichstag/test/images/06229406_8584869180.jpg reichstag/test/images/48668943_3586566128.jpg 0 0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 550.231 0.0 319.5 0.0 550.231 212.0 0.0 0.0 1.0 0.9857314002785676 -0.020037194641117275 -0.16712904396234604 1.87164187792989 -0.010356873294284207 0.9837887209691273 -0.17903208558661982 -0.2070197590159869 0.16800696914241375 0.1782084827522041 0.9695439108130881 -1.7227250041890931 0.0 0.0 0.0 1.0 +reichstag/test/images/92241023_5405455015.jpg reichstag/test/images/78043438_3428167710.jpg 0 0 523.981 0.0 319.5 0.0 523.981 213.0 0.0 0.0 1.0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 0.9922360593623848 -0.048630366206265235 -0.11446698206753839 0.5224120416804092 0.03426994719895287 0.9916606939819791 -0.12423622149019403 0.5273845399233222 0.1195540598222687 0.11934888141002456 0.9856280593034011 5.5466330705178875 0.0 0.0 0.0 1.0 +reichstag/test/images/35221995_8835396469.jpg reichstag/test/images/06796518_2036664706.jpg 0 0 918.648 0.0 319.5 0.0 918.648 213.0 0.0 0.0 1.0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 0.9617567766844689 -0.0344473769159863 -0.271730161603582 2.415343214087664 -0.006820908256433745 0.9887404735139196 -0.14948495324288474 -0.04800364655199331 0.27381997317956575 0.1456216132965093 0.9506928883866039 2.8373572645310468 0.0 0.0 0.0 1.0 +reichstag/test/images/20982577_4977562846.jpg reichstag/test/images/06857713_2570944910.jpg 0 0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 782.61 0.0 319.5 0.0 782.61 239.5 0.0 0.0 1.0 0.9994502568567113 -0.0067243616473753095 -0.03246485837778555 0.45978399741672343 0.007846451534728849 0.9993718064648655 0.034560463559751814 -0.06807810734617747 0.032212067107956856 -0.03479619811972409 0.9988751710444332 -0.09680259872529362 0.0 0.0 0.0 1.0 +reichstag/test/images/77458003_1504115665.jpg reichstag/test/images/06373813_9127207861.jpg 0 0 612.932 0.0 249.5 0.0 612.932 187.0 0.0 0.0 1.0 1495.37 0.0 319.5 0.0 1495.37 211.5 0.0 0.0 1.0 0.9999476825928625 0.0073467861965291455 0.007117359745489856 -0.11915312759138581 -0.006879639390634351 0.9979534825249596 -0.06357292881533713 1.1187127040284868 -0.007569850660288013 0.06352063797607499 0.9979518154260221 9.237394154969568 0.0 0.0 0.0 1.0 +reichstag/test/images/92414106_7915968882.jpg reichstag/test/images/77361791_2035867493.jpg 0 0 1871.37 0.0 319.5 0.0 1871.37 212.5 0.0 0.0 1.0 601.346 0.0 249.5 0.0 601.346 187.0 0.0 0.0 1.0 0.9982369475718484 0.0038916304446434125 -0.05922711975877848 1.527842528058803 -0.004304433976525051 0.9999673162186464 -0.006843854368690525 -0.29135359923138626 0.05919855024052617 0.00708672752124932 0.9982210726800249 -14.062054884095993 0.0 0.0 0.0 1.0 +reichstag/test/images/49284352_2431392889.jpg reichstag/test/images/92241023_5405455015.jpg 0 0 666.383 0.0 319.5 0.0 666.383 179.5 0.0 0.0 1.0 523.981 0.0 319.5 0.0 523.981 213.0 0.0 0.0 1.0 0.998859335069228 0.02151000713019753 0.042630368733083145 -0.14098569177789955 -0.01703794940420477 0.9945745537769288 -0.10262146588079134 0.3262551178897539 -0.044606468422859265 0.10177807510795986 0.9938065638755658 1.188969723103666 0.0 0.0 0.0 1.0 +reichstag/test/images/19799508_3094174298.jpg reichstag/test/images/34120311_5589470818.jpg 0 0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 512.125 0.0 319.5 0.0 512.125 241.5 0.0 0.0 1.0 0.99996903871271 -0.0006934815259599284 0.007838411787575156 -0.1045541684433594 -0.0009632572469471835 0.9778303767594397 0.20939633812932004 -1.5589205056687203 -0.007809849643536587 -0.2093974053560967 0.9777994338711186 -5.212210283622286 0.0 0.0 0.0 1.0 +reichstag/test/images/77214581_8512429399.jpg reichstag/test/images/34537245_34002183.jpg 0 0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 0.9964738359748859 -0.00017503435662459692 -0.08390389490643524 0.47820848934005566 -0.0020842948726842244 0.9996375899586735 -0.02683923353038407 0.35845521364988864 0.08387818508038805 0.026919474448599306 0.9961123390275975 5.788234022660453 0.0 0.0 0.0 1.0 +reichstag/test/images/62663981_6029901745.jpg reichstag/test/images/49284352_2431392889.jpg 0 0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 666.383 0.0 319.5 0.0 666.383 179.5 0.0 0.0 1.0 0.9995419820462947 0.01025267305017871 0.028472948956697035 -0.5979596068982227 -0.01681968792286516 0.9703695744711041 0.24103938897812158 -5.692719875624979 -0.025157985315640022 -0.24140789472611474 0.9700975745453461 -16.732839793795762 0.0 0.0 0.0 1.0 +reichstag/test/images/92697655_166630020.jpg reichstag/test/images/77214581_8512429399.jpg 0 0 431.56 0.0 249.5 0.0 431.56 187.0 0.0 0.0 1.0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 0.9942084022933562 0.01628514661816395 -0.10622827688010966 1.3329488267842202 -0.006154742813576579 0.9954578914835367 0.09500371268560898 0.17805615809056086 0.10729292590935838 -0.09379968167736984 0.9897928307312763 0.8857855577431741 0.0 0.0 0.0 1.0 +reichstag/test/images/63812586_393800330.jpg reichstag/test/images/92102978_5376734902.jpg 0 0 1002.64 0.0 187.0 0.0 1002.64 249.5 0.0 0.0 1.0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 0.9998301806373147 0.0020863109706014673 -0.018310029854932935 0.7061928597101207 -0.0006683437067446021 0.9970224424414318 0.07710903050104959 -0.0442797261366557 0.018416384103407554 -0.07708369850140877 0.9968545230984807 0.8630340065174258 0.0 0.0 0.0 1.0 +reichstag/test/images/49501249_12793461434.jpg reichstag/test/images/77107104_4141016705.jpg 0 0 587.147 0.0 319.5 0.0 587.147 230.0 0.0 0.0 1.0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 0.922636124259282 -0.05099241273359168 -0.38228569951728203 0.3864550299597609 0.08761911650575012 0.9930157866026809 0.07900973345487704 0.2753400249187591 0.3755868376748078 -0.10639276949805362 0.9206601468315938 1.1798001744062947 0.0 0.0 0.0 1.0 +reichstag/test/images/06857713_2570944910.jpg reichstag/test/images/49051226_8836027266.jpg 0 0 782.61 0.0 319.5 0.0 782.61 239.5 0.0 0.0 1.0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 0.9979285379135848 0.025895386949858854 0.058890255156279235 -0.694246326758075 -0.020904862163086953 0.9962604518118832 -0.08383375748184584 0.3202905866707181 -0.06084093979876485 0.08242900636486944 0.9947380755526065 3.866309038318532 0.0 0.0 0.0 1.0 +reichstag/test/images/05466646_5360480312.jpg reichstag/test/images/06030835_119872882.jpg 0 0 750.195 0.0 319.5 0.0 750.195 178.5 0.0 0.0 1.0 710.363 0.0 319.5 0.0 710.363 239.5 0.0 0.0 1.0 0.9999711456186839 -0.005811392504014783 -0.004892407098864365 0.009598356837900404 0.0058903615677020115 0.9998500476767672 0.01628452643978717 -0.5700298559206635 0.004797037696170079 -0.016312874606600435 0.9998554288252932 -10.732583129595794 0.0 0.0 0.0 1.0 +reichstag/test/images/06373813_9127207861.jpg reichstag/test/images/05466646_5360480312.jpg 0 0 1495.37 0.0 319.5 0.0 1495.37 211.5 0.0 0.0 1.0 750.195 0.0 319.5 0.0 750.195 178.5 0.0 0.0 1.0 0.9998747939487176 0.002224023014934532 -0.01566684868245038 0.3042726029132981 -0.003410999262166919 0.9970905912900886 -0.07614931283219264 -0.07552697034127359 0.01545190959212655 0.07619321808672137 0.9969733356552452 -0.8096169363605892 0.0 0.0 0.0 1.0 +reichstag/test/images/77594532_1434504133.jpg reichstag/test/images/34481400_9199849492.jpg 0 0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 0.9159676033044486 0.07382904184339473 0.39440160024674176 -1.2147735358623533 -0.03152379568276676 0.9931294607456503 -0.11269482909523988 0.6974742806386477 -0.4000119998230748 0.09079177704803669 0.9120017835607582 3.672645050459791 0.0 0.0 0.0 1.0 +reichstag/test/images/62673079_4759250457.jpg reichstag/test/images/63812586_393800330.jpg 0 0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 1002.64 0.0 187.0 0.0 1002.64 249.5 0.0 0.0 1.0 0.9985174160727079 -0.003347168175887426 -0.054330159807280766 0.6693398292349781 -0.002941725860734976 0.9933307551381851 -0.11526212363809234 0.04229454166941261 0.0543536203802711 0.11525106230228391 0.9918482124749493 3.272227882048233 0.0 0.0 0.0 1.0 +reichstag/test/images/64127786_281241429.jpg reichstag/test/images/77792600_3686854267.jpg 0 0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 0.9857393081669273 -0.031073315313622774 -0.16538580776477768 1.4822153805244644 0.03033501014146786 0.9995153546653555 -0.006988772990006181 -0.09816368209424789 0.16552281865140192 0.0018721280963050068 0.9862041835452159 -2.8814237224780506 0.0 0.0 0.0 1.0 +reichstag/test/images/49051226_8836027266.jpg reichstag/test/images/91840440_9426147613.jpg 0 0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 0.988165799339543 -0.0005623776893920143 0.1533885156945488 -2.397541060829191 0.00027026799574284043 0.9999981102347951 0.001925222597297754 -0.5271501671298157 -0.1533893085285048 -0.0018609831200585602 0.9881640839308896 -6.741018513905306 0.0 0.0 0.0 1.0 +reichstag/test/images/20982577_4977562846.jpg reichstag/test/images/20099963_3586531606.jpg 0 0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 502.573 0.0 319.5 0.0 502.573 212.0 0.0 0.0 1.0 0.997322310961075 0.00823728616985182 -0.07266605243039571 2.2485226875753783 0.004258189128870379 0.985409547162144 0.17014667844845355 -1.3585830642698653 0.07300736870072652 -0.17000050434705968 0.9827358508964359 -3.9104833550962916 0.0 0.0 0.0 1.0 +reichstag/test/images/05791347_12791964625.jpg reichstag/test/images/06857713_2570944910.jpg 0 0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 782.61 0.0 319.5 0.0 782.61 239.5 0.0 0.0 1.0 0.9986663887241435 0.032561911136033385 0.0400645226584262 0.0818041921243349 -0.03724727444481288 0.99178373457747 0.12238326835805229 -0.22714413539721495 -0.03575030879742538 -0.1237123509223526 0.9916739230463577 -1.0066105964905852 0.0 0.0 0.0 1.0 +reichstag/test/images/05791347_12791964625.jpg reichstag/test/images/34481400_9199849492.jpg 0 0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 0.9731563974395429 0.044746680115445095 0.2257528753773397 -2.2349797408700307 -0.0760614694209687 0.9883296512148959 0.1319816403859466 -0.3288502822269042 -0.21721252033898433 -0.14560987311335832 0.9652028211002587 -1.8972533816418702 0.0 0.0 0.0 1.0 +reichstag/test/images/48551853_12793928283.jpg reichstag/test/images/05936329_2458217347.jpg 0 0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 864.162 0.0 319.5 0.0 864.162 200.0 0.0 0.0 1.0 0.9962136527778472 0.004108536952507188 -0.08684168321220334 -0.057578521463159005 -0.00330297401304297 0.9999501957123236 0.009417879674079123 0.148751722116384 0.08687605183068552 -0.009095384488637786 0.9961776074572828 -0.7255485177142438 0.0 0.0 0.0 1.0 +reichstag/test/images/63790741_1504116525.jpg reichstag/test/images/62799820_4661707438.jpg 0 0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 625.353 0.0 319.5 0.0 625.353 239.5 0.0 0.0 1.0 0.995627205714102 -0.02040714319832676 0.09115928777920645 -0.7601058335559148 0.009792350225566083 0.9932702030025098 0.11540543186701804 -1.199732902727086 -0.09290089945199155 -0.11400812398174118 0.9891266706277692 -4.044388127213484 0.0 0.0 0.0 1.0 +reichstag/test/images/48668943_3586566128.jpg reichstag/test/images/77274889_6889793618.jpg 0 0 550.231 0.0 319.5 0.0 550.231 212.0 0.0 0.0 1.0 757.774 0.0 319.5 0.0 757.774 239.5 0.0 0.0 1.0 0.9743418998084117 -0.015606778122620282 -0.22453126899023748 -0.42833531475826536 0.03465409746143157 0.9960998884174465 0.08114250318966182 0.5476399187833473 0.22238919894380818 -0.08684146919175181 0.9710826964897219 8.183145918902872 0.0 0.0 0.0 1.0 +reichstag/test/images/63790741_1504116525.jpg reichstag/test/images/34120311_5589470818.jpg 0 0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 512.125 0.0 319.5 0.0 512.125 241.5 0.0 0.0 1.0 0.9997404997414925 -0.022659547859277335 0.0023405271722512612 -0.0742767255271793 0.022188691904602396 0.9918916031382077 0.12513476565478904 -1.3729230192971726 -0.005157046460286977 -0.12505035991443386 0.9921369927369291 -4.54341912269041 0.0 0.0 0.0 1.0 +reichstag/test/images/77122925_1063274053.jpg reichstag/test/images/92414106_7915968882.jpg 0 0 658.554 0.0 319.5 0.0 658.554 239.5 0.0 0.0 1.0 1871.37 0.0 319.5 0.0 1871.37 212.5 0.0 0.0 1.0 0.882795087111317 -0.09271046855082964 -0.46051884130099163 1.1630707998708807 0.006165433134795216 0.9825337520077246 -0.18598229378057338 0.5750620768857418 0.4697178106122683 0.16134495711582916 0.867947569388214 20.151620510854357 0.0 0.0 0.0 1.0 +reichstag/test/images/49284352_2431392889.jpg reichstag/test/images/77349640_2188160842.jpg 0 0 666.383 0.0 319.5 0.0 666.383 179.5 0.0 0.0 1.0 708.96 0.0 239.0 0.0 708.96 319.5 0.0 0.0 1.0 0.9958136562260297 -0.03159018697667732 -0.08577425115106113 -0.13299428279986011 0.0041916520785992084 0.9531764014660836 -0.30238580942401905 0.14602342495957601 0.09131041630941522 0.30076038265527216 0.9493184924452148 3.8130756282818767 0.0 0.0 0.0 1.0 +reichstag/test/images/05936329_2458217347.jpg reichstag/test/images/77594532_1434504133.jpg 0 0 864.162 0.0 319.5 0.0 864.162 200.0 0.0 0.0 1.0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 0.9514504080132518 0.018724474828419376 -0.30723202166085517 2.48388373998788 0.03826045398313269 0.9832122107134283 0.17840932252832883 -1.6264479413288457 0.3054148960879624 -0.18150245933984632 0.934761252139372 -5.449028564071848 0.0 0.0 0.0 1.0 +reichstag/test/images/34537245_34002183.jpg reichstag/test/images/34481400_9199849492.jpg 0 0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 0.9821275078943064 0.015858243919920804 0.1875475255424483 -2.811160027392267 -0.03008357428981897 0.9968599336131584 0.07324787583758531 -0.5924118120868334 -0.18579703117990862 -0.07758085367244721 0.979520634978246 -4.746243755662059 0.0 0.0 0.0 1.0 +reichstag/test/images/05791347_12791964625.jpg reichstag/test/images/48551853_12793928283.jpg 0 0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 0.9771144533466147 0.024188187070070692 0.21133451366828299 -0.9125330455882854 -0.0347189418120098 0.9983258249418882 0.04626167240332367 -0.1744593088352214 -0.20986171671031545 -0.05254025942419227 0.976318380959325 1.245610147660692 0.0 0.0 0.0 1.0 +reichstag/test/images/48668943_3586566128.jpg reichstag/test/images/06030835_119872882.jpg 0 0 550.231 0.0 319.5 0.0 550.231 212.0 0.0 0.0 1.0 710.363 0.0 319.5 0.0 710.363 239.5 0.0 0.0 1.0 0.98673553669583 -0.019455828415782535 0.1611659125319243 -1.823479299070105 0.00828505835970529 0.9975338430412278 0.06969641163916218 0.25215320922615536 -0.16212445352126412 -0.06743665715362004 0.9844632846594008 3.9795621294789836 0.0 0.0 0.0 1.0 +reichstag/test/images/62673079_4759250457.jpg reichstag/test/images/77349640_2188160842.jpg 0 0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 708.96 0.0 239.0 0.0 708.96 319.5 0.0 0.0 1.0 0.9911722763412474 -0.030084602591180915 -0.12912178475935274 0.7210078627975216 0.016070447659745236 0.9939955347876261 -0.10823408674847367 0.08407393531866805 0.13160265698125284 0.10520358125649261 0.9857042899197929 1.1721290086664728 0.0 0.0 0.0 1.0 +reichstag/test/images/49501249_12793461434.jpg reichstag/test/images/06373813_9127207861.jpg 0 0 587.147 0.0 319.5 0.0 587.147 230.0 0.0 0.0 1.0 1495.37 0.0 319.5 0.0 1495.37 211.5 0.0 0.0 1.0 0.9190532873345524 -0.05121270991481731 -0.39079190547237974 0.5812725267423886 0.0909344844453947 0.9923235541378055 0.08381457774136969 1.609226538438648 0.38349964091013555 -0.11256652364932752 0.9166552259030124 12.73222458691408 0.0 0.0 0.0 1.0 +reichstag/test/images/63812586_393800330.jpg reichstag/test/images/05791347_12791964625.jpg 0 0 1002.64 0.0 187.0 0.0 1002.64 249.5 0.0 0.0 1.0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 0.9951514717880001 -0.05012801768740205 -0.08462109690206479 0.39288377794239754 0.052944271404798286 0.9981046174175403 0.03136999864840404 0.07360082879413787 0.08288819170178699 -0.03569810264590152 0.9959192703948901 0.7858538694837772 0.0 0.0 0.0 1.0 +reichstag/test/images/92697655_166630020.jpg reichstag/test/images/64271070_4602086309.jpg 0 0 431.56 0.0 249.5 0.0 431.56 187.0 0.0 0.0 1.0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 0.9993861693476095 0.013496202040575347 -0.032328579418085854 0.4527460219983075 -0.005572623266626031 0.9723071854823132 0.2336400713263679 -0.40309445365123675 0.03458656367203561 -0.23331650089511882 0.9717855627778271 -1.5787831864044697 0.0 0.0 0.0 1.0 +reichstag/test/images/05866831_3427466899.jpg reichstag/test/images/77274889_6889793618.jpg 0 0 961.582 0.0 249.5 0.0 961.582 176.5 0.0 0.0 1.0 757.774 0.0 319.5 0.0 757.774 239.5 0.0 0.0 1.0 0.9921120689410862 -0.02804658076879087 -0.12217623323960056 0.957393669299599 0.027205105962285696 0.9995933034052 -0.008550438413361347 -0.16059515093724763 0.12236635514314559 0.005159175773277009 0.9924715905426825 -2.7500772271529437 0.0 0.0 0.0 1.0 +reichstag/test/images/77902859_6141520050.jpg reichstag/test/images/92753909_16247242.jpg 0 0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 520.573 0.0 249.5 0.0 520.573 187.0 0.0 0.0 1.0 0.9994980361774207 -0.022566461236409107 0.02223579332393145 -0.562541946072627 0.02148384556410476 0.9986268446019387 0.047779384886711546 0.014219967344165307 -0.02328347176124397 -0.04727769101426664 0.9986103844218238 -0.08770302945054986 0.0 0.0 0.0 1.0 +reichstag/test/images/64127786_281241429.jpg reichstag/test/images/05534141_6340060522.jpg 0 0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 668.983 0.0 319.5 0.0 668.983 213.5 0.0 0.0 1.0 0.999863178111384 0.010229498422568628 -0.012999323791087345 0.2041177337827677 -0.009532787824586329 0.9985716236573245 0.05257222063662722 -0.06470473284092682 0.013518543312586687 -0.05244110781054745 0.9985325128398714 -0.8219884108990599 0.0 0.0 0.0 1.0 +reichstag/test/images/64127786_281241429.jpg reichstag/test/images/06030835_119872882.jpg 0 0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 710.363 0.0 319.5 0.0 710.363 239.5 0.0 0.0 1.0 0.9995256444091989 0.005177580823944436 -0.030359163776159454 0.3430026920361774 -0.004927537850635413 0.9999533704183902 0.008305200758124515 -0.05174937758796637 0.03040074898923882 -0.00815166521109151 0.9995045496720759 -1.0257717224506393 0.0 0.0 0.0 1.0 +reichstag/test/images/35531158_5960344226.jpg reichstag/test/images/77214581_8512429399.jpg 0 0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 0.9996748392347812 -0.0052539756963778505 0.02495218508059883 -0.05739998650319583 0.002168269814546541 0.9925133904472377 0.1221166179884635 0.3011884548422357 -0.02540697555644739 -0.1220228073857952 0.9922020560706186 1.8942271762652294 0.0 0.0 0.0 1.0 +reichstag/test/images/78043438_3428167710.jpg reichstag/test/images/92241023_5405455015.jpg 0 0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 523.981 0.0 319.5 0.0 523.981 213.0 0.0 0.0 1.0 0.992236059362385 0.03426994719895287 0.11955405982226872 -1.199552007862013 -0.04863036620626524 0.9916606939819791 0.11934888141002457 -1.1595658825164075 -0.11446698206753843 -0.12423622149019406 0.9856280593034014 -5.341597996643297 0.0 0.0 0.0 1.0 +reichstag/test/images/05466646_5360480312.jpg reichstag/test/images/05534141_6340060522.jpg 0 0 750.195 0.0 319.5 0.0 750.195 178.5 0.0 0.0 1.0 668.983 0.0 319.5 0.0 668.983 213.5 0.0 0.0 1.0 0.9999213323272935 -0.0008995696360383429 0.012510792592006643 -0.3000492080428475 0.000142192525764553 0.9981737903557417 0.06040748321307089 -1.008715357293757 -0.01254228599960578 -0.06040095215575449 0.9980953942587765 -10.489284849641562 0.0 0.0 0.0 1.0 +reichstag/test/images/92753909_16247242.jpg reichstag/test/images/05791347_12791964625.jpg 0 0 520.573 0.0 249.5 0.0 520.573 187.0 0.0 0.0 1.0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 0.9938469006419598 -0.04167421561241719 -0.1026235734978095 0.6254164996745307 0.032438328763707655 0.9954063729636957 -0.09007723069831283 0.12129918803274578 0.10590605700991876 0.08619403933190052 0.9906333805562291 1.7532986225253613 0.0 0.0 0.0 1.0 +reichstag/test/images/77214581_8512429399.jpg reichstag/test/images/64271070_4602086309.jpg 0 0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 0.9972521236157482 0.004212600911997201 0.07396253063164303 -0.9428050471649815 -0.014525365988167211 0.9901218330056543 0.13945526002425573 -0.6835576290060732 -0.07264444704717823 -0.14014638703541102 0.987462290173215 -2.33167776414618 0.0 0.0 0.0 1.0 +reichstag/test/images/34481400_9199849492.jpg reichstag/test/images/06229406_8584869180.jpg 0 0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 0.9845799093330958 -0.025745709074144578 -0.1730305192788325 1.9719088055589309 0.025533638475760147 0.9996680043321007 -0.0034517272290822956 -0.05682342100009263 0.1730619410610608 -0.0010195974422863288 0.9849104146962978 -1.007776127517936 0.0 0.0 0.0 1.0 +reichstag/test/images/19799508_3094174298.jpg reichstag/test/images/64097451_5212815345.jpg 0 0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 0.9983217955148785 0.012723611674363915 0.05649515294172217 -0.6778025164807584 -0.013696914106211822 0.9997637967604037 0.016874395728121997 0.1156482428152231 -0.05626710534509168 -0.01761988629878741 0.9982602628888431 1.1381182297293828 0.0 0.0 0.0 1.0 +reichstag/test/images/48716728_829974943.jpg reichstag/test/images/48983853_5719892543.jpg 0 0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 0.9997287197785644 -0.011470242424136285 -0.020271171368329708 0.16106743549154057 0.013133659218450465 0.9963852792807077 0.08392783941124314 0.28147487281294764 0.019235224080999352 -0.08417130610509349 0.9962656259166609 1.3694611128262015 0.0 0.0 0.0 1.0 +reichstag/test/images/06857713_2570944910.jpg reichstag/test/images/49501249_12793461434.jpg 0 0 782.61 0.0 319.5 0.0 782.61 239.5 0.0 0.0 1.0 587.147 0.0 319.5 0.0 587.147 230.0 0.0 0.0 1.0 0.9084943838244901 0.1127815884791672 0.4023906905725774 -1.4022274591763673 -0.054554386054721724 0.9866616773804768 -0.1533706404463916 -0.05773694585923764 -0.41432085817823894 0.1173841884107895 0.9025293229527713 -1.0745059073415566 0.0 0.0 0.0 1.0 +reichstag/test/images/19799508_3094174298.jpg reichstag/test/images/35221995_8835396469.jpg 0 0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 918.648 0.0 319.5 0.0 918.648 213.0 0.0 0.0 1.0 0.9707933527237753 0.01927069248674505 0.2391420220672492 -2.177961392151629 -0.03323117583288336 0.9979615638000798 0.054483081139590196 -0.09675814462604326 -0.23760461961017376 -0.06083878359057228 0.9694548401813898 -0.30997752028188663 0.0 0.0 0.0 1.0 +reichstag/test/images/48983853_5719892543.jpg reichstag/test/images/20613988_1265419368.jpg 0 0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 0.9911854705445232 -0.03397941737758875 -0.12804984254622087 1.795013531760669 0.05092026402148723 0.9900150456684988 0.13144328077913278 -0.6739507553694309 0.12230490461716721 -0.136805001899344 0.9830187697912517 -2.2419934316747665 0.0 0.0 0.0 1.0 +reichstag/test/images/77361791_2035867493.jpg reichstag/test/images/49501249_12793461434.jpg 0 0 601.346 0.0 249.5 0.0 601.346 187.0 0.0 0.0 1.0 587.147 0.0 319.5 0.0 587.147 230.0 0.0 0.0 1.0 0.9006381328966511 0.04634099277125993 0.4320919647035897 -2.0150329008583645 -0.04591064308499907 0.9988801196225534 -0.01143326175485544 -0.05592469423995231 -0.4321379020913994 -0.009540388451590822 0.901757070703766 -2.050112534132123 0.0 0.0 0.0 1.0 +reichstag/test/images/77107104_4141016705.jpg reichstag/test/images/64127786_281241429.jpg 0 0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 0.9999646150714884 -0.008303430535241942 0.0013496837690612207 -0.022973795085764137 0.008371614591991147 0.9980054979081134 -0.06256949907344163 0.017397455736783713 -0.0008274503327792382 0.06257858408852557 0.9980396966751482 1.0988466385053703 0.0 0.0 0.0 1.0 +reichstag/test/images/77902859_6141520050.jpg reichstag/test/images/20982577_4977562846.jpg 0 0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 0.9997385976894618 -0.020055225661060234 -0.010978352043530258 -0.2119823323937024 0.02057220990025406 0.9985770149088724 0.049200909295510756 0.137308316997862 0.009975994673596352 -0.04941389702673873 0.9987285648818216 0.6790900638599697 0.0 0.0 0.0 1.0 +reichstag/test/images/06030835_119872882.jpg reichstag/test/images/63329391_7754963780.jpg 0 0 710.363 0.0 319.5 0.0 710.363 239.5 0.0 0.0 1.0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 0.9922794885891411 0.0006915995895078616 0.1240199105598792 -0.6964179594437199 -0.009469020476785387 0.9974880761721568 0.07019882866244778 -0.3806864550143594 -0.12365983251033 -0.07083120487735102 0.9897935068685486 -2.8900480939602824 0.0 0.0 0.0 1.0 +reichstag/test/images/77902859_6141520050.jpg reichstag/test/images/06796518_2036664706.jpg 0 0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 0.998439927711071 -0.019846092915933436 -0.05219045265451406 0.3541040262936355 0.01450098354582297 0.9947940039314888 -0.10086927787072054 -0.04604502712044296 0.05392061042416627 0.09995510161031795 0.9935298412395857 1.6976395432824067 0.0 0.0 0.0 1.0 +reichstag/test/images/06796518_2036664706.jpg reichstag/test/images/62663981_6029901745.jpg 0 0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 0.9992967491457865 -0.010624535985246484 0.03596006648716534 -0.5236792737011834 0.006987169596435119 0.9949825455716691 0.09980437600001142 0.9357480411082434 -0.03684001367662344 -0.09948292940409022 0.9943570586813806 10.831604432329693 0.0 0.0 0.0 1.0 +reichstag/test/images/49051226_8836027266.jpg reichstag/test/images/64097451_5212815345.jpg 0 0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 0.9997459819369929 -0.0027475023997717784 0.0223701325745014 -0.41757113061356854 0.0025688314371448188 0.9999646050208989 0.008011854369924 -0.2657429022498721 -0.022391353373234415 -0.007952354114385388 0.9997176538193944 -3.5257393032327826 0.0 0.0 0.0 1.0 +reichstag/test/images/48551853_12793928283.jpg reichstag/test/images/91840440_9426147613.jpg 0 0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 0.998905463653909 0.021153531687838022 0.04171813489959377 -1.7683105023122518 -0.021090660488403707 0.999775672146665 -0.0019466442529943167 -0.18759083743547883 -0.041749954760837205 0.0010646505607297407 0.9991275232905217 -5.112154491927205 0.0 0.0 0.0 1.0 +reichstag/test/images/77792600_3686854267.jpg reichstag/test/images/64282931_8298463790.jpg 0 0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 0.943223452724248 0.03425992686946724 0.33038731156303003 -1.693217884463118 -0.09030620737968607 0.9836496316961835 0.15581460449091383 -0.2233029161396659 -0.31964716038101304 -0.17680401430641085 0.9308952859400961 -1.0597019384729158 0.0 0.0 0.0 1.0 +reichstag/test/images/06639257_4979506057.jpg reichstag/test/images/77902859_6141520050.jpg 0 0 678.155 0.0 319.5 0.0 678.155 239.5 0.0 0.0 1.0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 0.9981999591531071 0.013960911642242476 0.05832610472895612 0.016686397585268034 -0.009548530292474846 0.997118589855248 -0.07525518808916508 -0.0022298640756475696 -0.0592086743306194 0.07456279709881747 0.9954570418520385 0.07671354630019889 0.0 0.0 0.0 1.0 +reichstag/test/images/91831337_388207037.jpg reichstag/test/images/62663981_6029901745.jpg 0 0 678.613 0.0 319.5 0.0 678.613 239.5 0.0 0.0 1.0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 0.9911502674397813 -0.020190600031429546 0.13120017920879845 -4.9637850586945795 0.011871378061975503 0.9978867098995563 0.06388414974583552 0.7446169218732586 -0.13221277448476618 -0.061761265176561324 0.98929536963782 8.07545309219638 0.0 0.0 0.0 1.0 +reichstag/test/images/78040542_6368040213.jpg reichstag/test/images/48716728_829974943.jpg 0 0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 0.914230999789886 0.03615377470171548 0.4035772337459129 -5.455927236946351 -0.040435260288553446 0.9991799768497327 0.002088920286838403 -0.06425112064990667 -0.40317076871790025 -0.018228506175368007 0.9149431964958438 -1.3100197598084589 0.0 0.0 0.0 1.0 +reichstag/test/images/05466646_5360480312.jpg reichstag/test/images/78043438_3428167710.jpg 0 0 750.195 0.0 319.5 0.0 750.195 178.5 0.0 0.0 1.0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 0.9994158081533852 -0.02011546260578116 -0.027629885581946876 0.5141798679549043 0.02146668194062756 0.998542847561841 0.049511242658107656 -0.7990932056490136 0.026593683076550162 -0.050075440559674604 0.9983913192096466 -9.371244281327694 0.0 0.0 0.0 1.0 +reichstag/test/images/20982577_4977562846.jpg reichstag/test/images/48551853_12793928283.jpg 0 0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 0.9901592743556845 0.000853232820437087 0.13994242888123226 -0.3818883063308529 0.005051305038905605 0.9991118897059004 -0.04183199930327258 -0.08547388156990719 -0.13985383700431153 0.042127233971140335 0.9892755937720855 2.08609755489492 0.0 0.0 0.0 1.0 +reichstag/test/images/19812646_389634613.jpg reichstag/test/images/62799820_4661707438.jpg 0 0 747.529 0.0 319.5 0.0 747.529 239.5 0.0 0.0 1.0 625.353 0.0 319.5 0.0 625.353 239.5 0.0 0.0 1.0 0.9748630420841016 0.07155280798064183 0.21100294985761858 -1.0085551138516555 -0.07265933617436161 0.9973536476591899 -0.0025144318662801684 0.08396377991670301 -0.2106244763678533 -0.012880107569211586 0.9774821905199979 -0.16242374098759882 0.0 0.0 0.0 1.0 +reichstag/test/images/06639257_4979506057.jpg reichstag/test/images/20613988_1265419368.jpg 0 0 678.155 0.0 319.5 0.0 678.155 239.5 0.0 0.0 1.0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 0.9985934664267897 -0.026900555188063304 -0.04568860843035334 0.9843575198986444 0.034987920821480514 0.981803822943103 0.18664698939682392 -0.08315694921197947 0.039836342782916256 -0.1879830135541035 0.9813640773988009 -0.5259252783988284 0.0 0.0 0.0 1.0 +reichstag/test/images/34481400_9199849492.jpg reichstag/test/images/62751178_369337490.jpg 0 0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 700.224 0.0 319.5 0.0 700.224 258.5 0.0 0.0 1.0 0.9878150551267639 -0.030003878337116062 -0.15271275044880828 1.5406194416949242 0.04015981540011133 0.9971505477232127 0.06385901974134613 -1.1585649897838959 0.15036158449530057 -0.06921381697340634 0.9862052734841942 -4.096694773017618 0.0 0.0 0.0 1.0 +reichstag/test/images/92697655_166630020.jpg reichstag/test/images/35221995_8835396469.jpg 0 0 431.56 0.0 249.5 0.0 431.56 187.0 0.0 0.0 1.0 918.648 0.0 319.5 0.0 918.648 213.0 0.0 0.0 1.0 0.9963254273358977 0.029104317486958263 0.08055173212016752 -0.1775675405251964 -0.03691670230776415 0.9945738689438774 0.09726240951532125 0.15240272072829247 -0.07728389181880542 -0.09987871603912649 0.9919936704171628 1.2466884367809232 0.0 0.0 0.0 1.0 +reichstag/test/images/77902859_6141520050.jpg reichstag/test/images/06639257_4979506057.jpg 0 0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 678.155 0.0 319.5 0.0 678.155 239.5 0.0 0.0 1.0 0.9981999591531068 -0.009548530292474844 -0.05920867433061938 -0.012135545933066094 0.01396091164224247 0.9971185898552477 0.07456279709881745 -0.003729494987149168 0.05832610472895611 -0.07525518808916506 0.9954570418520385 -0.07750610128350877 0.0 0.0 0.0 1.0 +reichstag/test/images/76958303_5507621260.jpg reichstag/test/images/77792600_3686854267.jpg 0 0 708.355 0.0 319.5 0.0 708.355 239.5 0.0 0.0 1.0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 0.9487878106393911 -0.07173501144433102 -0.3076617924201716 2.59088831908504 0.047332705561442305 0.9951643777937582 -0.08606669596653464 -0.006280117470389056 0.3123480516448676 0.06709656700192496 0.9475952434083929 -0.745396229372576 0.0 0.0 0.0 1.0 +reichstag/test/images/05978621_9257964873.jpg reichstag/test/images/49051226_8836027266.jpg 0 0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 0.9946714295027606 0.025475564491807285 0.09989866337823958 -1.1189994961338017 -0.02673430476274136 0.9995789130978038 0.01128155304318278 0.3003452702966554 -0.09956919342742475 -0.013892159804618205 0.994933657896935 3.2281587834231793 0.0 0.0 0.0 1.0 +reichstag/test/images/34959164_3067403556.jpg reichstag/test/images/20613988_1265419368.jpg 0 0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 0.9980329128656338 -0.01789786938765009 -0.060083035112427276 0.6657637027053102 0.03146590434050498 0.9719309484891171 0.2331525857310599 0.5103283063465048 0.05422362677811898 -0.23458452131465884 0.9705822482709024 1.3409789370990581 0.0 0.0 0.0 1.0 +reichstag/test/images/34481400_9199849492.jpg reichstag/test/images/77361791_2035867493.jpg 0 0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 601.346 0.0 249.5 0.0 601.346 187.0 0.0 0.0 1.0 0.9785607894186682 -0.0331682123353683 -0.2032698971879235 2.0221323161874034 0.0008222680097790357 0.9875686231996444 -0.15718631730172547 -0.035720237518093965 0.20595656165228907 0.15364922441078102 0.9664232046832961 2.4619782276281343 0.0 0.0 0.0 1.0 +reichstag/test/images/49501249_12793461434.jpg reichstag/test/images/06639257_4979506057.jpg 0 0 587.147 0.0 319.5 0.0 587.147 230.0 0.0 0.0 1.0 678.155 0.0 319.5 0.0 678.155 239.5 0.0 0.0 1.0 0.9031372648943322 -0.03792528850350079 -0.42767365274366703 0.5759023951285285 0.09578034191492185 0.9887859081594434 0.11457990193731707 0.22861213576835956 0.4185322052863378 -0.14444410793532136 0.8966418977612659 0.8900262493136222 0.0 0.0 0.0 1.0 +reichstag/test/images/77487845_5932034347.jpg reichstag/test/images/92342560_2757258130.jpg 0 0 774.031 0.0 319.5 0.0 774.031 212.0 0.0 0.0 1.0 1743.4 0.0 319.5 0.0 1743.4 239.5 0.0 0.0 1.0 0.9966543487400513 0.012674602312560393 0.08074319534030563 -0.5487728339359671 -0.013093162337638018 0.9999034385037251 0.00465647596661682 0.8148161027076035 -0.08067637967549468 -0.0056980807861824355 0.9967240609305114 3.7333433069496254 0.0 0.0 0.0 1.0 +reichstag/test/images/05936329_2458217347.jpg reichstag/test/images/64282931_8298463790.jpg 0 0 864.162 0.0 319.5 0.0 864.162 200.0 0.0 0.0 1.0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 0.992822229521076 0.005554103239390301 0.11947038338435814 -0.7435230226238907 -0.02032542698430395 0.9922257155045472 0.1227803180863889 -1.0650936912359905 -0.11785965207273037 -0.12432731569810111 0.9852166365752253 -4.917018610003825 0.0 0.0 0.0 1.0 +reichstag/test/images/05545431_1341290848.jpg reichstag/test/images/77122925_1063274053.jpg 0 0 492.313 0.0 319.5 0.0 492.313 213.0 0.0 0.0 1.0 658.554 0.0 319.5 0.0 658.554 239.5 0.0 0.0 1.0 0.8774602626367207 0.07915431831476219 0.47307301908439325 -2.6977648281700777 -0.10186355535710664 0.994543195508164 0.0225310532026378 -0.5778584058074163 -0.4687081219517187 -0.06795900352812513 0.8807350738195666 -2.1028484403055923 0.0 0.0 0.0 1.0 +reichstag/test/images/62810349_4295140640.jpg reichstag/test/images/92342560_2757258130.jpg 0 0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 1743.4 0.0 319.5 0.0 1743.4 239.5 0.0 0.0 1.0 0.9963411993917689 -0.0014219842734033846 0.08545286627900804 -0.7809445037583795 -0.002442130999831587 0.9989795954392927 0.04509771493242767 0.005428578950276541 -0.08542979802593179 -0.04514139847936747 0.9953210556160136 -0.38141650070445987 0.0 0.0 0.0 1.0 +reichstag/test/images/05791347_12791964625.jpg reichstag/test/images/48716728_829974943.jpg 0 0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 0.9903275001873966 0.04904354630746927 0.1297928077289703 -1.0226051538494962 -0.05966649509092599 0.9950664637948736 0.07926311875222986 -0.18639467746441604 -0.12526512577787502 -0.08624072817615062 0.9883679401252857 -1.1252781810157864 0.0 0.0 0.0 1.0 +reichstag/test/images/76958303_5507621260.jpg reichstag/test/images/64271070_4602086309.jpg 0 0 708.355 0.0 319.5 0.0 708.355 239.5 0.0 0.0 1.0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 0.9994288365078173 -0.015988568464001943 -0.029771906809987665 0.33066463197556617 0.01998747193794154 0.9900517037150185 0.13927715152356904 -0.914171393666388 0.02724888478746724 -0.13979266665122722 0.9898057933899852 -3.1434833884104694 0.0 0.0 0.0 1.0 +reichstag/test/images/06229406_8584869180.jpg reichstag/test/images/63329391_7754963780.jpg 0 0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 0.9930006306672935 0.00450815140211993 0.1180229810896695 -0.6974958333398258 0.0004937416918033686 0.999104105418435 -0.04231716856278032 -0.2971004452061089 -0.11810801714320114 0.04207924793724993 0.9921087809204878 -0.8811538739023663 0.0 0.0 0.0 1.0 +reichstag/test/images/92753909_16247242.jpg reichstag/test/images/77361791_2035867493.jpg 0 0 520.573 0.0 249.5 0.0 520.573 187.0 0.0 0.0 1.0 601.346 0.0 249.5 0.0 601.346 187.0 0.0 0.0 1.0 0.9962926524546284 0.0005396515511910992 -0.0860270855087197 0.8969868772846354 -0.009765010198856304 0.9942268514146079 -0.10685322878608483 -0.005201324832178875 0.08547277485104544 0.10729714209800022 0.9905461766403746 1.8593578664291166 0.0 0.0 0.0 1.0 +reichstag/test/images/78043438_3428167710.jpg reichstag/test/images/62663981_6029901745.jpg 0 0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 0.9989048029841228 0.012107241616683346 0.04519523509935977 -0.46243163211788146 -0.011259585653959904 0.9997567813053894 -0.018963121177401936 0.922947590977341 -0.04541383386317754 0.01843347320292462 0.9987981731859168 10.886782988208365 0.0 0.0 0.0 1.0 +reichstag/test/images/77594532_1434504133.jpg reichstag/test/images/34959164_3067403556.jpg 0 0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 0.9749793611355259 0.025486313056840015 0.22082955691331363 -0.02265490068354936 0.013369034995758904 0.9848850431741525 -0.17269256103008637 0.2617002921437641 -0.2218930243676981 0.17132396090044338 0.9599018627747002 2.0800674052684998 0.0 0.0 0.0 1.0 +reichstag/test/images/49284352_2431392889.jpg reichstag/test/images/77487845_5932034347.jpg 0 0 666.383 0.0 319.5 0.0 666.383 179.5 0.0 0.0 1.0 774.031 0.0 319.5 0.0 774.031 212.0 0.0 0.0 1.0 0.9995777677889917 -0.0069292510396113055 -0.028218285242137507 0.06316089496654195 0.003153676101869794 0.9912838408146161 -0.1317057374105891 0.27771087708671405 0.028884952293903577 0.1315611356740759 0.9908871414601798 1.3301683714986785 0.0 0.0 0.0 1.0 +reichstag/test/images/06030835_119872882.jpg reichstag/test/images/48542127_4157749181.jpg 0 0 710.363 0.0 319.5 0.0 710.363 239.5 0.0 0.0 1.0 713.145 0.0 319.5 0.0 713.145 239.5 0.0 0.0 1.0 0.9899295996635057 0.031335189331596416 0.13804888126893552 -1.0229960917899326 -0.035697350666430545 0.9989348993362183 0.02923638218961771 0.02521796027728953 -0.13698571774257906 -0.033869939440343125 0.9899938082315756 -1.135441519471458 0.0 0.0 0.0 1.0 +reichstag/test/images/05534141_6340060522.jpg reichstag/test/images/05978621_9257964873.jpg 0 0 668.983 0.0 319.5 0.0 668.983 213.5 0.0 0.0 1.0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 0.9980297287575001 -0.015108568330466626 -0.06089656541410244 0.6768315792887885 0.012639054235049022 0.9990900120623132 -0.040735759540855794 -0.0013401666600534497 0.061456609280645516 0.03988582405229402 0.9973124917574206 0.7580854771236935 0.0 0.0 0.0 1.0 +reichstag/test/images/34537245_34002183.jpg reichstag/test/images/78040542_6368040213.jpg 0 0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 0.9475317297493844 -0.01951783935145478 -0.3190653147322507 4.888447506772921 0.022203877786993557 0.9997420223075956 0.004782953432705163 -0.03055272667809747 0.31888965008190473 -0.011616487393785409 0.9477206594198895 -0.816034785700209 0.0 0.0 0.0 1.0 +reichstag/test/images/62751178_369337490.jpg reichstag/test/images/64127786_281241429.jpg 0 0 700.224 0.0 319.5 0.0 700.224 258.5 0.0 0.0 1.0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 0.9999598538464085 -0.007059848786784373 0.005518082146610386 -0.08129025960806877 0.007974636984755664 0.9819901025352673 -0.18876398938287042 0.4112347964292596 -0.004086056831514728 0.18880041593673147 0.9820069791410276 6.23008281442739 0.0 0.0 0.0 1.0 +reichstag/test/images/92414106_7915968882.jpg reichstag/test/images/92102978_5376734902.jpg 0 0 1871.37 0.0 319.5 0.0 1871.37 212.5 0.0 0.0 1.0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 0.9997428168410929 0.017192250089182876 -0.014789412142053607 0.9202408341428151 -0.016328980255455663 0.998261478592692 0.056633777569125826 -1.26301866211134 0.01573736249990672 -0.056377716296452364 0.9982854744644655 -14.072681061166815 0.0 0.0 0.0 1.0 +reichstag/test/images/62673079_4759250457.jpg reichstag/test/images/92697655_166630020.jpg 0 0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 431.56 0.0 249.5 0.0 431.56 187.0 0.0 0.0 1.0 0.995285629057859 -0.02572216892637059 0.09351409849121639 -0.7097189860647894 0.034045632061153 0.9954913823240188 -0.08853136538069839 -0.02237003713755774 -0.0908152604382009 0.09129774227404193 0.9916739941771208 0.31530710064413947 0.0 0.0 0.0 1.0 +reichstag/test/images/19799508_3094174298.jpg reichstag/test/images/49284352_2431392889.jpg 0 0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 666.383 0.0 319.5 0.0 666.383 179.5 0.0 0.0 1.0 0.9995430428586797 0.0035052827256787634 0.030023631789384594 -0.26963213292392607 -0.010836350052040407 0.9687874981856293 0.24765572247937093 -1.6013679151112656 -0.028218415801761987 -0.24786790101229847 0.9683827882905583 -4.620093323950772 0.0 0.0 0.0 1.0 +reichstag/test/images/64282931_8298463790.jpg reichstag/test/images/77023786_7168337563.jpg 0 0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 0.9846285072632982 -0.008789440020480039 -0.17444038646074914 0.6376530253761052 -0.004558098043765204 0.9970997964621205 -0.0759685437363485 0.16260846804965973 0.17460219479340044 0.07559591020236778 0.981732821053673 1.5613360477910394 0.0 0.0 0.0 1.0 +reichstag/test/images/62799820_4661707438.jpg reichstag/test/images/77902859_6141520050.jpg 0 0 625.353 0.0 319.5 0.0 625.353 239.5 0.0 0.0 1.0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 0.9964908477786353 0.009797553026619726 -0.08312639922495933 0.5366946399672409 -0.025525738027587484 0.981389427877422 -0.19032400675840405 0.421202102532434 0.0797146598284388 0.19177799353710173 0.9781956727584309 5.17301184559995 0.0 0.0 0.0 1.0 +reichstag/test/images/34481400_9199849492.jpg reichstag/test/images/06373813_9127207861.jpg 0 0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 1495.37 0.0 319.5 0.0 1495.37 211.5 0.0 0.0 1.0 0.9868708963310562 -0.030950276240953447 -0.1585178676848342 1.6651185651066192 0.022258698334259704 0.9981648721455191 -0.0563155250635535 1.4182641363785315 0.1599699481877841 0.052047751299436285 0.9857487749226319 12.444284484404479 0.0 0.0 0.0 1.0 +reichstag/test/images/77487845_5932034347.jpg reichstag/test/images/77214581_8512429399.jpg 0 0 774.031 0.0 319.5 0.0 774.031 212.0 0.0 0.0 1.0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 0.9985268700750423 0.0019777109449124796 0.0542234118952146 -0.08438358035813515 0.0013394585513013888 0.998132497541729 -0.06107145979833817 0.36448394607093587 -0.0542429312346694 0.06105412361609215 0.9966594696286902 2.482097832697512 0.0 0.0 0.0 1.0 +reichstag/test/images/34120311_5589470818.jpg reichstag/test/images/92342560_2757258130.jpg 0 0 512.125 0.0 319.5 0.0 512.125 241.5 0.0 0.0 1.0 1743.4 0.0 319.5 0.0 1743.4 239.5 0.0 0.0 1.0 0.9971682356869958 0.023019779086943165 0.07159329233715102 -0.38891986119031663 -0.016694461712654173 0.9960047061821744 -0.08772639403899583 1.1912342960706308 -0.07332669830975044 0.08628276208924221 0.9935685584202238 5.593174948780453 0.0 0.0 0.0 1.0 +reichstag/test/images/34537245_34002183.jpg reichstag/test/images/35531158_5960344226.jpg 0 0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 0.9982811864651261 0.0007657706202852135 0.058601078020262674 -0.7120029381385862 0.004829015548059258 0.9954396430864543 -0.09527117917161002 0.12422583975299069 -0.05840679205894128 0.09539041129625936 0.9937249700365358 -7.67297920654722 0.0 0.0 0.0 1.0 +reichstag/test/images/34537245_34002183.jpg reichstag/test/images/05545431_1341290848.jpg 0 0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 492.313 0.0 319.5 0.0 492.313 213.0 0.0 0.0 1.0 0.9994777957115148 -0.009550149690693618 0.03086957273005593 -0.34634479899404447 0.00753439717310807 0.9978718991443778 0.0647680921228217 -0.6801888735685622 -0.031422424140869994 -0.06450168632584578 0.9974227607801183 -5.61048587894631 0.0 0.0 0.0 1.0 +reichstag/test/images/77214581_8512429399.jpg reichstag/test/images/92697655_166630020.jpg 0 0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 431.56 0.0 249.5 0.0 431.56 187.0 0.0 0.0 1.0 0.9942084022933559 -0.006154742813576575 0.1072929259093584 -1.4191715577750394 0.016285146618163954 0.9954578914835367 -0.09379968167736986 -0.11586827142645839 -0.10622827688010965 0.09500371268560896 0.9897928307312763 -0.7520633336659865 0.0 0.0 0.0 1.0 +reichstag/test/images/63329391_7754963780.jpg reichstag/test/images/62751178_369337490.jpg 0 0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 700.224 0.0 319.5 0.0 700.224 258.5 0.0 0.0 1.0 0.995190707204159 -0.004617539626535764 -0.09784750698041951 0.19619086162413624 0.015419740637568352 0.9938194833006433 0.10993209818207081 -0.6351840651289713 0.0967351430099527 -0.11091218571392283 0.9891111156826639 -2.14829750356766 0.0 0.0 0.0 1.0 +reichstag/test/images/64282931_8298463790.jpg reichstag/test/images/77214581_8512429399.jpg 0 0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 0.9923153122704311 -0.019999397558951252 -0.12210792411189322 0.5053737546211274 0.008759598227185958 0.9957297174780517 -0.09189994107711832 0.22634581582409546 0.12342443223501223 0.09012410237199898 0.9882530322235832 1.8007534182184473 0.0 0.0 0.0 1.0 +reichstag/test/images/62751178_369337490.jpg reichstag/test/images/34272622_11098902473.jpg 0 0 700.224 0.0 319.5 0.0 700.224 258.5 0.0 0.0 1.0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 0.9937755827625878 -0.023790375376880415 -0.1088306443255118 -0.4365198368651014 -0.0049171909441127325 0.9666107843398924 -0.25620189857032044 -0.02506486384179389 0.11129201381095619 0.255142332115321 0.9604772136936185 4.76553845627226 0.0 0.0 0.0 1.0 +reichstag/test/images/64271070_4602086309.jpg reichstag/test/images/62751178_369337490.jpg 0 0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 700.224 0.0 319.5 0.0 700.224 258.5 0.0 0.0 1.0 0.9922432222390948 -0.02319481479116867 -0.12212857359103856 0.812037860255372 0.020288077635925463 0.9994817932964648 -0.02499077379196532 -0.3391827720130953 0.12264494211510314 0.0223191719310082 0.9921996133530275 -1.056722957549865 0.0 0.0 0.0 1.0 +reichstag/test/images/48815289_2513792540.jpg reichstag/test/images/77792600_3686854267.jpg 0 0 776.799 0.0 319.5 0.0 776.799 211.0 0.0 0.0 1.0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 0.984592248920245 -0.05045342231835028 -0.16742925533651762 1.5990421020727272 0.03717411062655459 0.9959780404416448 -0.08152195076877286 -0.09322215897795692 0.1708689230530213 0.07404184718379021 0.9825078198163681 -3.8073807210308512 0.0 0.0 0.0 1.0 +reichstag/test/images/05545431_1341290848.jpg reichstag/test/images/19799508_3094174298.jpg 0 0 492.313 0.0 319.5 0.0 492.313 213.0 0.0 0.0 1.0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 0.9999772587415414 0.006310673718801404 -0.002378528319640504 -0.024874582051162296 -0.006507596820170196 0.9954833136883604 -0.09471337472430959 0.024368407928082647 0.001770080048645647 0.09472669932630506 0.9955017424652582 0.9045551232801752 0.0 0.0 0.0 1.0 +reichstag/test/images/48900330_6782044072.jpg reichstag/test/images/91629190_2705184160.jpg 0 0 769.928 0.0 319.5 0.0 769.928 170.0 0.0 0.0 1.0 1208.55 0.0 319.5 0.0 1208.55 213.5 0.0 0.0 1.0 0.9988147803426102 -0.012498779788422358 -0.0470405683739459 0.4953365558315779 0.009893147644380805 0.9984250892132226 -0.05522197804547677 0.8359756345537757 0.04765669101846913 0.054691148583378285 0.9973653884448772 6.548382159424827 0.0 0.0 0.0 1.0 +reichstag/test/images/62751178_369337490.jpg reichstag/test/images/92342560_2757258130.jpg 0 0 700.224 0.0 319.5 0.0 700.224 258.5 0.0 0.0 1.0 1743.4 0.0 319.5 0.0 1743.4 239.5 0.0 0.0 1.0 0.9969289838989543 0.019679202031799067 0.07579795557658407 -0.4270978920734336 -0.015845545073102218 0.9985805509559973 -0.050850781250175704 1.0920546750527242 -0.07669106703870054 0.049493557760667925 0.9958257216886179 4.828439577720526 0.0 0.0 0.0 1.0 +reichstag/test/images/05461164_9050854768.jpg reichstag/test/images/77361791_2035867493.jpg 0 0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 601.346 0.0 249.5 0.0 601.346 187.0 0.0 0.0 1.0 0.9963299329391071 0.0003358400257296929 -0.08559527989925295 0.69307069781066 -0.0011438913189235143 0.9999552446082741 -0.009391501107783915 0.03690730555366896 0.08558829500699748 0.009454945366533483 0.99628572596716 4.861003397836469 0.0 0.0 0.0 1.0 +reichstag/test/images/05545431_1341290848.jpg reichstag/test/images/77023786_7168337563.jpg 0 0 492.313 0.0 319.5 0.0 492.313 213.0 0.0 0.0 1.0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 0.9996918924063202 0.024820393303726363 0.00026140642495471963 -0.08576077257749083 -0.024806786085462128 0.9993988897419583 -0.02421740173204772 -0.12696033974428084 -0.0008623347266549283 0.02420345551340966 0.999706681542156 -0.38574513271702715 0.0 0.0 0.0 1.0 +reichstag/test/images/77594532_1434504133.jpg reichstag/test/images/06373813_9127207861.jpg 0 0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 1495.37 0.0 319.5 0.0 1495.37 211.5 0.0 0.0 1.0 0.9683264891281155 0.027729982645175347 0.24814281878651256 -0.1374729668879802 0.011449186880436767 0.9878372929839166 -0.15506901273299112 1.880592250469089 -0.24942479141535748 0.1529984661776254 0.9562315319914416 15.906564551925527 0.0 0.0 0.0 1.0 +reichstag/test/images/62810349_4295140640.jpg reichstag/test/images/05791347_12791964625.jpg 0 0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 0.996559281664372 -0.05813286465934673 -0.05907764530758736 0.34230790378169995 0.05137071893783367 0.9925856373510854 -0.11015807623660323 0.12552365587068554 0.06504342675782943 0.10674419221127332 0.9921567568004371 1.1964820412936825 0.0 0.0 0.0 1.0 +reichstag/test/images/05791347_12791964625.jpg reichstag/test/images/91840440_9426147613.jpg 0 0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 0.9665554984193663 0.04308794756255361 0.25281198003681976 -2.631570645660404 -0.054910616475411025 0.997694005005384 0.039893565579014884 -0.3451898453749185 -0.25051006501452405 -0.05244140683814147 0.9666926120413125 -3.8297186349393324 0.0 0.0 0.0 1.0 +reichstag/test/images/05466646_5360480312.jpg reichstag/test/images/77274889_6889793618.jpg 0 0 750.195 0.0 319.5 0.0 750.195 178.5 0.0 0.0 1.0 757.774 0.0 319.5 0.0 757.774 239.5 0.0 0.0 1.0 0.9235585319665873 -0.022354475986972315 -0.38280532315404137 6.847799247039852 0.03381301398403278 0.9991581648379333 0.02323018990470953 -0.32738212609175826 0.3819637654503864 -0.03439824183066837 0.9235369201293044 -4.731016038766292 0.0 0.0 0.0 1.0 +reichstag/test/images/48542127_4157749181.jpg reichstag/test/images/62810349_4295140640.jpg 0 0 713.145 0.0 319.5 0.0 713.145 239.5 0.0 0.0 1.0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 0.9928069806187264 -0.017696188346854755 -0.11841091230423002 0.6042261749753908 0.024120088811979388 0.9983010672566823 0.05303961189404724 0.059194528429690335 0.11727114116622912 -0.05551417865880366 0.9915471019661188 1.372781547436316 0.0 0.0 0.0 1.0 +reichstag/test/images/48900330_6782044072.jpg reichstag/test/images/62810349_4295140640.jpg 0 0 769.928 0.0 319.5 0.0 769.928 170.0 0.0 0.0 1.0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 0.9998803268657743 0.01372756569655112 0.007133434435052898 -0.2721891622883137 -0.013772499743532623 0.9998853793150329 0.006288599434475635 -0.386629173382415 -0.007046289634035726 -0.006386092081998701 0.9999547827928588 -4.667189535938457 0.0 0.0 0.0 1.0 +reichstag/test/images/63329391_7754963780.jpg reichstag/test/images/91549947_3428166276.jpg 0 0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 543.843 0.0 319.5 0.0 543.843 213.0 0.0 0.0 1.0 0.9834949387455842 -0.0340762359980668 -0.1776978210390421 0.7470432738335189 0.030354696697905612 0.9992600558287495 -0.023620609930789224 0.3981000393877599 0.17837123605054023 0.017836786855496056 0.9838015812065326 4.013417119192441 0.0 0.0 0.0 1.0 +reichstag/test/images/78040542_6368040213.jpg reichstag/test/images/05534141_6340060522.jpg 0 0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 668.983 0.0 319.5 0.0 668.983 213.5 0.0 0.0 1.0 0.9394496070764188 0.021757820189827616 0.34199566228908457 -4.677405547851921 -0.021139604271536303 0.999761210555326 -0.00553525068917761 -0.08630553092840404 -0.34203443232400643 -0.002029563878355836 0.93968522813507 -1.5583908755729108 0.0 0.0 0.0 1.0 +reichstag/test/images/05978621_9257964873.jpg reichstag/test/images/20613988_1265419368.jpg 0 0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 0.999704806640343 -0.0017387516094280878 -0.024233784744346915 0.44615075335580967 0.008238533141132414 0.9626019256912812 0.2707944963013823 -0.504694219267827 0.022856643495428052 -0.2709142104029938 0.9623320967575827 -1.8130124401796108 0.0 0.0 0.0 1.0 +reichstag/test/images/92342560_2757258130.jpg reichstag/test/images/77349640_2188160842.jpg 0 0 1743.4 0.0 319.5 0.0 1743.4 239.5 0.0 0.0 1.0 708.96 0.0 239.0 0.0 708.96 319.5 0.0 0.0 1.0 0.9896038605236651 -0.03022435835668705 -0.1406082764227794 0.9816118109775167 0.004520151115420538 0.9837216114655106 -0.17964230951975885 -0.024639063840070904 0.1437489738069526 0.17713915235663072 0.9736313230539692 -1.2467569405828225 0.0 0.0 0.0 1.0 +reichstag/test/images/34272622_11098902473.jpg reichstag/test/images/35531158_5960344226.jpg 0 0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 0.9906370121779611 -0.004672002548660126 0.13644223134831682 -0.19799370113509668 0.0019203783190247304 0.9997922595395914 0.020291621715139808 -0.01280269458968181 -0.13650868928472693 -0.019839610805250926 0.9904401888013541 -3.0571878845053484 0.0 0.0 0.0 1.0 +reichstag/test/images/77274889_6889793618.jpg reichstag/test/images/77458003_1504115665.jpg 0 0 757.774 0.0 319.5 0.0 757.774 239.5 0.0 0.0 1.0 612.932 0.0 249.5 0.0 612.932 187.0 0.0 0.0 1.0 0.9208815926644492 0.02429609782903845 0.38908455626260596 -4.559531185860585 -0.06761345568466359 0.9928842515244376 0.0980269538705318 -0.2653870559708448 -0.3839342559633944 -0.11657856880678855 0.9159715740091476 -1.4283045028047145 0.0 0.0 0.0 1.0 +reichstag/test/images/05461164_9050854768.jpg reichstag/test/images/48815289_2513792540.jpg 0 0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 776.799 0.0 319.5 0.0 776.799 211.0 0.0 0.0 1.0 0.9996754768900282 -0.005331604243804416 -0.024910136508699523 0.31749454568128105 0.00779529379955775 0.9949691229835825 0.09987831448247005 0.6011487500084245 0.024252305030103314 -0.10004008349390787 0.9946877939309694 5.348074264308838 0.0 0.0 0.0 1.0 +reichstag/test/images/92697655_166630020.jpg reichstag/test/images/35531158_5960344226.jpg 0 0 431.56 0.0 249.5 0.0 431.56 187.0 0.0 0.0 1.0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 0.9911457908394615 0.02082143884476326 -0.13113538418616177 1.4152511939130177 -0.02442439547211364 0.9993654256494062 -0.025926722168498322 -0.006462434820323701 0.13051233737482548 0.028900064031321636 0.991025386199539 -0.9809221060534941 0.0 0.0 0.0 1.0 +reichstag/test/images/92102978_5376734902.jpg reichstag/test/images/63790741_1504116525.jpg 0 0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 0.9999369307832914 0.004211792568816072 0.010411304387462857 -0.5578366044007129 -0.004962376523673 0.9973084615699697 0.07315194666020605 -0.2854835256056042 -0.010075181136259371 -0.07319899783670265 0.9972664626070477 -2.6086300193570664 0.0 0.0 0.0 1.0 +reichstag/test/images/92102978_5376734902.jpg reichstag/test/images/92697655_166630020.jpg 0 0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 431.56 0.0 249.5 0.0 431.56 187.0 0.0 0.0 1.0 0.9859311400837011 -0.028706284096947268 0.16466856490113332 -2.680378828909992 0.03702429128072164 0.9981768101156564 -0.047668203264788885 -0.12332135794005981 -0.16299996585402615 0.053094302902272864 0.9851964302264336 -3.5563494481035525 0.0 0.0 0.0 1.0 +reichstag/test/images/77107104_4141016705.jpg reichstag/test/images/91831337_388207037.jpg 0 0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 678.613 0.0 319.5 0.0 678.613 239.5 0.0 0.0 1.0 0.9903574406512365 -0.0011803687042531523 -0.13853066980439505 4.5086853640842355 -0.012984997156524535 0.9947705711548671 -0.10130597520908842 -0.10782760379133324 0.13792581192647504 0.10212794668425196 0.9851631097998347 4.840440145970179 0.0 0.0 0.0 1.0 +reichstag/test/images/63329391_7754963780.jpg reichstag/test/images/05866831_3427466899.jpg 0 0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 961.582 0.0 249.5 0.0 961.582 176.5 0.0 0.0 1.0 0.9253217243781021 -0.02536286046395244 -0.37833375702284555 2.3238014701814036 0.007318225047895831 0.998769168226566 -0.04905702989543571 0.7123305064537289 0.3791123184177531 0.042624803918603564 0.9243684201198226 10.60834028515949 0.0 0.0 0.0 1.0 +reichstag/test/images/64097451_5212815345.jpg reichstag/test/images/63790741_1504116525.jpg 0 0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 0.9987520068438192 0.008510483066528279 -0.049213824312055496 0.701035912028155 -0.005109629873363019 0.997615944679174 0.0688209169107512 -0.2973328875036755 0.04968219508033804 -0.06848356445055719 0.9964144122262312 -1.7793207544029164 0.0 0.0 0.0 1.0 +reichstag/test/images/05534141_6340060522.jpg reichstag/test/images/77023786_7168337563.jpg 0 0 668.983 0.0 319.5 0.0 668.983 213.5 0.0 0.0 1.0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 0.9998416855940007 0.01581149888177017 0.008160897723862396 -0.04967463608729719 -0.01607984276595672 0.9992946324202852 0.03393635620730615 -0.3169707438832762 -0.007618556632963439 -0.03406220954546018 0.9993906761000482 -2.0261479263050433 0.0 0.0 0.0 1.0 +reichstag/test/images/05466646_5360480312.jpg reichstag/test/images/34959164_3067403556.jpg 0 0 750.195 0.0 319.5 0.0 750.195 178.5 0.0 0.0 1.0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 0.9999224082319199 0.0008208458706194213 -0.01242995284521248 0.2438727224443721 -9.339462765963536e-05 0.9982925639484701 0.0584118827177592 -1.2133651470981301 0.012456676648329727 -0.05840618954568445 0.9982151813259666 -13.047426091795492 0.0 0.0 0.0 1.0 +reichstag/test/images/48716728_829974943.jpg reichstag/test/images/91629190_2705184160.jpg 0 0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 1208.55 0.0 319.5 0.0 1208.55 213.5 0.0 0.0 1.0 0.9924392481141443 -0.02823969361141258 -0.11944395550786564 1.0237577855770996 0.024108040547997128 0.9990647157448034 -0.03589562835068984 0.9400838495219103 0.12034592300351336 0.0327446706883466 0.9921918389897912 11.297155093231014 0.0 0.0 0.0 1.0 +reichstag/test/images/62810349_4295140640.jpg reichstag/test/images/78040542_6368040213.jpg 0 0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 0.9386202885941279 -0.0468410929953983 -0.3417570275012248 3.9778791069549055 0.034075870687066384 0.9984823883655738 -0.04326378578786015 0.23153953589620055 0.3432648960735642 0.02896259882634789 0.9387919785516008 3.193189242460794 0.0 0.0 0.0 1.0 +reichstag/test/images/64127786_281241429.jpg reichstag/test/images/48668943_3586566128.jpg 0 0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 550.231 0.0 319.5 0.0 550.231 212.0 0.0 0.0 1.0 0.9812979434221766 0.014715159291637721 -0.1919317855969377 2.946713935004262 -0.02641211009047585 0.9979363153834369 -0.058527864128962694 -0.0077608343077215924 0.19067445207991482 0.06250259615369162 0.9796615123592805 -4.5995852773957075 0.0 0.0 0.0 1.0 +reichstag/test/images/48815289_2513792540.jpg reichstag/test/images/48542127_4157749181.jpg 0 0 776.799 0.0 319.5 0.0 776.799 211.0 0.0 0.0 1.0 713.145 0.0 319.5 0.0 713.145 239.5 0.0 0.0 1.0 0.9942932210863523 0.03606643783694377 0.10040021196929781 -0.9652894230621588 -0.03263249971910141 0.9988318544789516 -0.035637710928475765 -0.1036248191537381 -0.1015682551972264 0.032158024502332634 0.9943086799361144 -3.118482472945274 0.0 0.0 0.0 1.0 +reichstag/test/images/91840440_9426147613.jpg reichstag/test/images/92102978_5376734902.jpg 0 0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 0.9817707765525361 0.0021789690282933405 -0.19005629271719438 2.116456728478425 -0.0018735043282229371 0.9999966484949816 0.0017868912490000251 0.21952905468858686 0.19005954932326405 -0.0013982463221340058 0.9817715684507572 4.366780511831901 0.0 0.0 0.0 1.0 +reichstag/test/images/64282931_8298463790.jpg reichstag/test/images/62751178_369337490.jpg 0 0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 700.224 0.0 319.5 0.0 700.224 258.5 0.0 0.0 1.0 0.9848100940823763 -0.02618281398120039 -0.17164946503117057 0.59068138684934 0.030514740852695135 0.9992777242362108 0.022646863712054943 -0.54537358902135 0.1709325281628808 -0.02754069892586952 0.9848977514029162 -1.7159881141118651 0.0 0.0 0.0 1.0 +reichstag/test/images/06639257_4979506057.jpg reichstag/test/images/48542127_4157749181.jpg 0 0 678.155 0.0 319.5 0.0 678.155 239.5 0.0 0.0 1.0 713.145 0.0 319.5 0.0 713.145 239.5 0.0 0.0 1.0 0.9872268990908752 0.031829881778512786 0.15610864273761693 -0.9250930582106149 -0.022457342314260026 0.997858142945884 -0.06143935491826173 0.06616354990719246 -0.15772988774355726 0.05714879860992605 0.9858272147439667 -0.7659010459089659 0.0 0.0 0.0 1.0 +reichstag/test/images/48551853_12793928283.jpg reichstag/test/images/91629190_2705184160.jpg 0 0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 1208.55 0.0 319.5 0.0 1208.55 213.5 0.0 0.0 1.0 0.9791602282867488 -0.0034854349986909536 -0.20305934867499165 1.2943964850861776 0.0035242831965421116 0.9999937751982892 -0.0001702722061382453 0.9474894054551715 0.2030586781435172 -0.0005489148782028496 0.9791664168684832 9.017035837583306 0.0 0.0 0.0 1.0 +reichstag/test/images/92342560_2757258130.jpg reichstag/test/images/62810349_4295140640.jpg 0 0 1743.4 0.0 319.5 0.0 1743.4 239.5 0.0 0.0 1.0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 0.9963411993917686 -0.0024421309998315806 -0.08542979802593176 0.7455161062150334 -0.001421984273403376 0.9989795954392928 -0.04514139847936748 -0.023751204651208724 0.08545286627900804 0.045097714932427646 0.9953210556160136 0.44612100385553255 0.0 0.0 0.0 1.0 +reichstag/test/images/34481400_9199849492.jpg reichstag/test/images/34537245_34002183.jpg 0 0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 0.9821275078943065 -0.03008357428981897 -0.18579703117990864 1.8612577281775862 0.0158582439199208 0.9968599336131582 -0.0775808536724472 0.2669140187790649 0.18754752554244827 0.0732478758375853 0.979520634978246 5.219662711205351 0.0 0.0 0.0 1.0 +reichstag/test/images/05936329_2458217347.jpg reichstag/test/images/34272622_11098902473.jpg 0 0 864.162 0.0 319.5 0.0 864.162 200.0 0.0 0.0 1.0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 0.9862178615011479 -0.006502472642987295 -0.16532406813779252 1.0551936427949973 -0.0117207644654447 0.9939712049578221 -0.10901315239474799 -0.008765525321711196 0.16503621825662337 0.10944844249335933 0.9801959421969313 -1.9915062491033821 0.0 0.0 0.0 1.0 +reichstag/test/images/20982577_4977562846.jpg reichstag/test/images/64282931_8298463790.jpg 0 0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 0.9850380705769852 0.010775177263080077 0.1719996949675195 -1.2004189357154633 -0.026386234419605015 0.9957056361845439 0.0887358591747826 -0.806874287781746 -0.17030492108898146 -0.09194662378403244 0.981092275083029 -3.5538088929551557 0.0 0.0 0.0 1.0 +reichstag/test/images/76958303_5507621260.jpg reichstag/test/images/05791347_12791964625.jpg 0 0 708.355 0.0 319.5 0.0 708.355 239.5 0.0 0.0 1.0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 0.973274916813873 -0.06452461901923512 -0.22039171908529404 1.7466242344763938 0.044237439938542525 0.9944189614676976 -0.09578088526000123 0.15216079874541247 0.22534192953960527 0.08347156769779898 0.9706974359590321 2.3202214942552937 0.0 0.0 0.0 1.0 +reichstag/test/images/20613988_1265419368.jpg reichstag/test/images/48815289_2513792540.jpg 0 0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 776.799 0.0 319.5 0.0 776.799 211.0 0.0 0.0 1.0 0.9945141936956448 0.03898985308641359 0.09706343232238153 -1.1291883718858238 -0.017702802109371345 0.9772853752426595 -0.21118689858580425 0.23431957066801867 -0.10309281902915494 0.2083100734316855 0.9726144066234612 2.967502112328327 0.0 0.0 0.0 1.0 +reichstag/test/images/06796518_2036664706.jpg reichstag/test/images/34481400_9199849492.jpg 0 0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 0.9808434113776796 -0.004670722374351275 0.1947418463235308 -2.4717558992399677 -0.034020753818394193 0.9802408026658869 0.19486035281340747 -0.27227480183771213 -0.19180404236257426 -0.19775275760767316 0.9613038313623515 -1.9527296760684276 0.0 0.0 0.0 1.0 +reichstag/test/images/48983853_5719892543.jpg reichstag/test/images/77792600_3686854267.jpg 0 0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 0.9792968049971712 -0.07148136765266586 -0.18938896958597454 1.9266386973264855 0.04128944347162283 0.9864446298963813 -0.15881490486221567 -0.09821232064108498 0.19817403861287294 0.14770716376362852 0.9689735002531121 -3.2822900291538617 0.0 0.0 0.0 1.0 +reichstag/test/images/64282931_8298463790.jpg reichstag/test/images/92414106_7915968882.jpg 0 0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 1871.37 0.0 319.5 0.0 1871.37 212.5 0.0 0.0 1.0 0.9861547770053506 -0.024120515772461496 -0.1640638793531281 0.5402014122746506 -0.007778983074077848 0.981546763144493 -0.19106396620739932 0.4583088584593034 0.16564493113844608 0.18969489312957125 0.9677693962451489 18.928093794959796 0.0 0.0 0.0 1.0 +reichstag/test/images/48542127_4157749181.jpg reichstag/test/images/77594532_1434504133.jpg 0 0 713.145 0.0 319.5 0.0 713.145 239.5 0.0 0.0 1.0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 0.9326471789379165 -0.012413573161218768 -0.3605761262486979 1.695774678725978 0.08048624141649562 0.9813807636611225 0.17439541753887197 -0.9452085533401744 0.3516976038613163 -0.19167081133360644 0.9162811225387796 -2.728468036248514 0.0 0.0 0.0 1.0 +reichstag/test/images/06857713_2570944910.jpg reichstag/test/images/77792600_3686854267.jpg 0 0 782.61 0.0 319.5 0.0 782.61 239.5 0.0 0.0 1.0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 0.9909023293938631 -0.04810515843692372 -0.12569195413221396 0.8437105989346996 0.033790858852196806 0.9929482331864317 -0.11363091159528095 -0.07511661446581824 0.13027183678695495 0.1083498959099736 0.9855402318507605 -2.20698462363727 0.0 0.0 0.0 1.0 +reichstag/test/images/19799508_3094174298.jpg reichstag/test/images/06796518_2036664706.jpg 0 0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 0.9993761542660337 0.0006882934514726219 -0.03531045930821982 0.4082373917859935 -0.003960385470593776 0.9956880282352834 -0.09268044980392644 -0.08247969031827143 0.035094410258004013 0.09276247453069843 0.9950695984138922 1.9322044333342328 0.0 0.0 0.0 1.0 +reichstag/test/images/63329391_7754963780.jpg reichstag/test/images/34481400_9199849492.jpg 0 0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 0.9982288666153979 0.01867339984586894 0.0564839268636193 -1.014063809957728 -0.021179186561868072 0.9988028419305321 0.04409450088242289 0.42737163523773136 -0.055592912428797756 -0.045212687264624185 0.9974293162916333 2.160253641018132 0.0 0.0 0.0 1.0 +reichstag/test/images/77349640_2188160842.jpg reichstag/test/images/48551853_12793928283.jpg 0 0 708.96 0.0 239.0 0.0 708.96 319.5 0.0 0.0 1.0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 0.9786183470061246 -0.012901524697232682 0.20527952056522092 -0.22320705767960414 -0.0020239352839882064 0.9973785265028765 0.07233241705429998 0.07437446615702728 -0.2056745842075935 -0.0712013028773888 0.9760268130945973 4.080471774396283 0.0 0.0 0.0 1.0 +reichstag/test/images/35531158_5960344226.jpg reichstag/test/images/62810349_4295140640.jpg 0 0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 0.9994073253166319 0.014055978310631588 -0.03142336037388455 -0.061754871623182855 -0.009426024088233252 0.989691135793924 0.14290768279144642 0.5464070346942854 0.033108128508630784 -0.14252678767397967 0.9892370629035246 3.567992604657532 0.0 0.0 0.0 1.0 +reichstag/test/images/06796518_2036664706.jpg reichstag/test/images/05461164_9050854768.jpg 0 0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 0.9972419241765182 -0.0015891939907943557 0.07420255472135039 -1.0951874471338647 -0.0021984311284501895 0.9986995590690185 0.05093483695783323 -0.08257013591986491 -0.07418700401882285 -0.050957484021556726 0.9959415762266899 -4.760262597332235 0.0 0.0 0.0 1.0 +reichstag/test/images/05978621_9257964873.jpg reichstag/test/images/49501249_12793461434.jpg 0 0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 587.147 0.0 319.5 0.0 587.147 230.0 0.0 0.0 1.0 0.8913858484790633 0.07846147099131492 0.4464023596500582 -2.025903415972582 -0.057612418506166094 0.9965276507950063 -0.06011198245654791 -0.01817380084123933 -0.4495687693391649 0.0278646509194893 0.8928110006401153 -1.5189289904882362 0.0 0.0 0.0 1.0 +reichstag/test/images/77594532_1434504133.jpg reichstag/test/images/35221995_8835396469.jpg 0 0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 918.648 0.0 319.5 0.0 918.648 213.0 0.0 0.0 1.0 0.8804522829679267 0.09471237065999313 0.46457867391920826 -1.3832599201862772 -0.02111361542324904 0.9867051793563012 -0.16114311736840853 0.3981313057985011 -0.4736644304360685 0.1320698901166106 0.8707465483504722 3.4973201538886847 0.0 0.0 0.0 1.0 +reichstag/test/images/77902859_6141520050.jpg reichstag/test/images/05461164_9050854768.jpg 0 0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 0.9996641568549485 -0.01395535264307985 0.021836245833291773 -0.6160177010062003 0.015033561956934675 0.9986351601629512 -0.0500180857410951 -0.04286476416622592 -0.021108422830038102 0.05032956406451201 0.9985095740485939 -3.093436372818762 0.0 0.0 0.0 1.0 +reichstag/test/images/78043438_3428167710.jpg reichstag/test/images/63790741_1504116525.jpg 0 0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 0.9978928235127272 0.04087772734508729 0.050387738477706716 -0.4621701665391286 -0.04379217939827592 0.9973461869448962 0.05816208739398244 -0.35993525318424724 -0.047876484889205075 -0.06024611849386428 0.9970347272793846 -2.52900926137758 0.0 0.0 0.0 1.0 +reichstag/test/images/92697655_166630020.jpg reichstag/test/images/91549947_3428166276.jpg 0 0 431.56 0.0 249.5 0.0 431.56 187.0 0.0 0.0 1.0 543.843 0.0 319.5 0.0 543.843 213.0 0.0 0.0 1.0 0.9713194491092085 -0.0021335848404710465 -0.23776874394653377 2.0447566088644837 0.020698295616450882 0.9969226371659928 0.07560976170161962 0.431972159859626 0.23687572340946603 -0.07836263983385325 0.9683745083063224 3.6854062459620884 0.0 0.0 0.0 1.0 +reichstag/test/images/92414106_7915968882.jpg reichstag/test/images/06373813_9127207861.jpg 0 0 1871.37 0.0 319.5 0.0 1871.37 212.5 0.0 0.0 1.0 1495.37 0.0 319.5 0.0 1495.37 211.5 0.0 0.0 1.0 0.9999030343318754 -0.0006284210126831643 -0.013911398956933246 0.42401170711721614 0.001968522783501004 0.9953282726953517 0.09652851646709683 -0.5467384231251515 0.013785748146509234 -0.09654654142080163 0.9952329970854676 -3.9249476232974576 0.0 0.0 0.0 1.0 +reichstag/test/images/77902859_6141520050.jpg reichstag/test/images/92697655_166630020.jpg 0 0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 431.56 0.0 249.5 0.0 431.56 187.0 0.0 0.0 1.0 0.9889635102977986 -0.03165007405190608 0.14473924178316125 -1.963271231288059 0.03843098583357446 0.9982790212918806 -0.04429508975478344 -0.12888412490456994 -0.14308820575894837 0.04936869920337766 0.9884778687009897 -1.9506212345294882 0.0 0.0 0.0 1.0 +reichstag/test/images/92241023_5405455015.jpg reichstag/test/images/20982577_4977562846.jpg 0 0 523.981 0.0 319.5 0.0 523.981 213.0 0.0 0.0 1.0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 0.9974047086975412 -0.023884247471603705 -0.06792193894970865 0.2317536390472958 0.017653363395610244 0.9957035734712338 -0.09089968392374806 0.6089688979969505 0.06980118787524525 0.08946472209385085 0.9935410699472238 4.559814497510643 0.0 0.0 0.0 1.0 +reichstag/test/images/64127786_281241429.jpg reichstag/test/images/34272622_11098902473.jpg 0 0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 0.993303106512692 0.005106392951142211 -0.11542470854745306 0.3612315971488433 -0.013154862633353108 0.9975247028744615 -0.06907544241128535 -0.006005367494586675 0.11478627174594343 0.07013124771630488 0.9909115600861766 -1.427432028386338 0.0 0.0 0.0 1.0 +reichstag/test/images/06373813_9127207861.jpg reichstag/test/images/48815289_2513792540.jpg 0 0 1495.37 0.0 319.5 0.0 1495.37 211.5 0.0 0.0 1.0 776.799 0.0 319.5 0.0 776.799 211.0 0.0 0.0 1.0 0.999880236525857 0.0001970716991500437 0.015474939991531668 -0.3588426389438008 -0.00029164293601454235 0.9999812959409871 0.006109231750539802 -1.2283039460211518 -0.015473446590659265 -0.006113013244654792 0.9998615921814762 -9.51332251566309 0.0 0.0 0.0 1.0 +reichstag/test/images/06639257_4979506057.jpg reichstag/test/images/77214581_8512429399.jpg 0 0 678.155 0.0 319.5 0.0 678.155 239.5 0.0 0.0 1.0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 0.9951983431156137 -0.0036007942431770393 0.09781253570353783 -0.39419477726384966 0.006110072765109567 0.9996595447817039 -0.025366543667635362 -0.12163907852736044 -0.09768789521093506 0.02584238393908906 0.994881523761298 -1.167460909287899 0.0 0.0 0.0 1.0 +reichstag/test/images/77792600_3686854267.jpg reichstag/test/images/92241023_5405455015.jpg 0 0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 523.981 0.0 319.5 0.0 523.981 213.0 0.0 0.0 1.0 0.9713583572562522 0.049784525929424076 0.23234552452418245 -1.3087497529382777 -0.08795548423610729 0.9836838946657235 0.15693893133338851 -0.42574546779435873 -0.22074142017579493 -0.17288000564916886 0.9598883940675168 -2.0295099686330516 0.0 0.0 0.0 1.0 +reichstag/test/images/48668943_3586566128.jpg reichstag/test/images/05534141_6340060522.jpg 0 0 550.231 0.0 319.5 0.0 550.231 212.0 0.0 0.0 1.0 668.983 0.0 319.5 0.0 668.983 213.5 0.0 0.0 1.0 0.9838091925098001 -0.01543928571503897 0.17855279664520637 -1.8737375302222938 -0.004750644760703718 0.9936857280141602 0.11209864100570677 0.47261314735067506 -0.17915608867011087 -0.11113191439716193 0.9775238071243325 4.20127496730496 0.0 0.0 0.0 1.0 +reichstag/test/images/77792600_3686854267.jpg reichstag/test/images/63812586_393800330.jpg 0 0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 1002.64 0.0 187.0 0.0 1002.64 249.5 0.0 0.0 1.0 0.9835143027569863 0.05460560071196966 0.17238864418320504 -0.9408178777858235 -0.04657303536856205 0.997647447149553 -0.05030430968156211 0.0452109639626689 -0.1747299878355098 0.041446345639450245 0.9837436819538601 2.6022607127722996 0.0 0.0 0.0 1.0 +reichstag/test/images/34272622_11098902473.jpg reichstag/test/images/92102978_5376734902.jpg 0 0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 0.9943632476702496 0.013104283069464404 0.1052141123989972 0.5212555040337181 -0.02318909314816963 0.9951873243976105 0.09520743309894786 0.09089339167777453 -0.10346012585358175 -0.09711059223154021 0.989881576369012 1.8174791113382924 0.0 0.0 0.0 1.0 +reichstag/test/images/48900330_6782044072.jpg reichstag/test/images/05791347_12791964625.jpg 0 0 769.928 0.0 319.5 0.0 769.928 170.0 0.0 0.0 1.0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 0.9976569333550392 -0.044068593138103004 -0.05233165798488707 0.36925769713188134 0.03847039151773025 0.9938805410429647 -0.10354467206291251 0.24190715914712585 0.056574484576453754 0.10128884062408794 0.9932471487298298 -3.493076126695547 0.0 0.0 0.0 1.0 +reichstag/test/images/20099963_3586531606.jpg reichstag/test/images/62663981_6029901745.jpg 0 0 502.573 0.0 319.5 0.0 502.573 212.0 0.0 0.0 1.0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 0.9975261759344362 -0.0032895351794518047 0.07021899517882135 -1.8654525471300378 0.01864055018092534 0.9755229301013684 -0.21910623618553904 1.3871731242083067 -0.06777948225364806 0.21987312660883315 0.9731709767459589 16.08364993784713 0.0 0.0 0.0 1.0 +reichstag/test/images/20982577_4977562846.jpg reichstag/test/images/91549947_3428166276.jpg 0 0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 543.843 0.0 319.5 0.0 543.843 213.0 0.0 0.0 1.0 0.9962098696488128 -0.028729163796269178 -0.08210073545263084 0.8727422626352763 0.027561747442934003 0.9995027357076691 -0.0153176822913063 -0.0056330659840261605 0.08249997389204228 0.012996786543319627 0.9965063160097681 0.6805092064080444 0.0 0.0 0.0 1.0 +reichstag/test/images/91629190_2705184160.jpg reichstag/test/images/20329925_5164269072.jpg 0 0 1208.55 0.0 319.5 0.0 1208.55 213.5 0.0 0.0 1.0 517.71 0.0 319.5 0.0 517.71 245.0 0.0 0.0 1.0 0.9642914271755993 -0.026870858269898216 -0.2634767550496337 5.208312221748347 -0.027210930275948283 0.9795228220858796 -0.19948585485299866 1.0382645904371262 0.2634418507928517 0.19953194728853121 0.9438142790094266 -7.898054223823353 0.0 0.0 0.0 1.0 +reichstag/test/images/34272622_11098902473.jpg reichstag/test/images/06229406_8584869180.jpg 0 0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 0.9957549028705199 0.0031422016111578533 0.09199076028795691 0.34596730333001025 -0.02046900105395798 0.9819508042928752 0.18802563108371315 -0.056508816408047335 -0.08973958661134213 -0.18911040298621964 0.9778466454803713 -1.5775011487583583 0.0 0.0 0.0 1.0 +reichstag/test/images/77594532_1434504133.jpg reichstag/test/images/20099963_3586531606.jpg 0 0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 502.573 0.0 319.5 0.0 502.573 212.0 0.0 0.0 1.0 0.982625375830234 0.02647885464397321 0.1837014998067103 1.6311420206549436 -0.02984747183089418 0.9994327824033759 0.015596213731235755 0.08591657745986958 -0.18318433120710795 -0.020808260719958102 0.9828583402942739 0.6785397808774976 0.0 0.0 0.0 1.0 +reichstag/test/images/49051226_8836027266.jpg reichstag/test/images/77902859_6141520050.jpg 0 0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 0.9998435752132719 0.0042875837996956484 -0.01715930447025683 0.5082064772056695 -0.004299684418436712 0.9999905329580542 -0.0006683623032896457 -0.3573230967100506 0.01715627636301775 0.0007420373489208661 0.9998525449094625 -4.419208447002849 0.0 0.0 0.0 1.0 +reichstag/test/images/92753909_16247242.jpg reichstag/test/images/49501249_12793461434.jpg 0 0 520.573 0.0 249.5 0.0 520.573 187.0 0.0 0.0 1.0 587.147 0.0 319.5 0.0 587.147 230.0 0.0 0.0 1.0 0.9337787332724081 0.09292172303608155 0.3455760852202928 -0.4039997554319503 -0.05647174353838635 0.9918619042120668 -0.11410918085126763 -0.12355996376829131 -0.3533669756356868 0.08703744229248889 0.9314270042087408 -0.7609958358049347 0.0 0.0 0.0 1.0 +reichstag/test/images/62810349_4295140640.jpg reichstag/test/images/92414106_7915968882.jpg 0 0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 1871.37 0.0 319.5 0.0 1871.37 212.5 0.0 0.0 1.0 0.9997973718970213 -0.012254428228210813 0.01597010133372312 -0.01460856940389288 0.014110531547935371 0.9924496631370078 -0.12183824948953603 0.4188648645565489 -0.01435646360509703 0.12203890825486491 0.9924214814405804 15.396203214134907 0.0 0.0 0.0 1.0 +reichstag/test/images/64127786_281241429.jpg reichstag/test/images/77214581_8512429399.jpg 0 0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 0.9989076663227637 0.005938346113948129 0.046348788625393655 -0.20480758327905713 -0.009324153656380119 0.9972751628848073 0.0731799812221465 -0.29760012934559793 -0.04578792766879365 -0.07353220749108828 0.9962411756905477 -2.5840601184329253 0.0 0.0 0.0 1.0 +reichstag/test/images/77122925_1063274053.jpg reichstag/test/images/05534141_6340060522.jpg 0 0 658.554 0.0 319.5 0.0 658.554 239.5 0.0 0.0 1.0 668.983 0.0 319.5 0.0 668.983 213.5 0.0 0.0 1.0 0.8747893121171944 -0.09349912057153699 -0.4753962282747679 1.2546271058350391 0.04360484269760486 0.9924142660400039 -0.11494582312375451 0.5828269491256632 0.4825373323369326 0.07982379978821796 0.8722304075693116 4.8276244717420855 0.0 0.0 0.0 1.0 +reichstag/test/images/49051226_8836027266.jpg reichstag/test/images/05791347_12791964625.jpg 0 0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 0.993527811771352 -0.054987886952712055 -0.09939225083126337 0.9655040574095783 0.050891632037313075 0.997765480470495 -0.04329073538368965 -0.018784206303731524 0.10155062296907755 0.037952315739064824 0.9941061777821496 -2.762425647733507 0.0 0.0 0.0 1.0 +reichstag/test/images/77487845_5932034347.jpg reichstag/test/images/48716728_829974943.jpg 0 0 774.031 0.0 319.5 0.0 774.031 212.0 0.0 0.0 1.0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 0.9980372950076567 0.018237527229288474 0.059907849021316344 -0.37167203715399993 -0.014156609512709594 0.9975949855651248 -0.067851567280523 0.5215987838809069 -0.06100121458548618 0.06687030264534202 0.9958951824580818 4.169978642492206 0.0 0.0 0.0 1.0 +reichstag/test/images/20613988_1265419368.jpg reichstag/test/images/77122925_1063274053.jpg 0 0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 658.554 0.0 319.5 0.0 658.554 239.5 0.0 0.0 1.0 0.8297051433470507 0.18594937618627827 0.5263194890932542 -3.751992602101257 -0.11760196749403853 0.9799512557976581 -0.16082696758356277 -0.5990782128910742 -0.5456731185838105 0.07154275474516752 0.8349386096585135 -2.0321780299981147 0.0 0.0 0.0 1.0 +reichstag/test/images/34959164_3067403556.jpg reichstag/test/images/77487845_5932034347.jpg 0 0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 774.031 0.0 319.5 0.0 774.031 212.0 0.0 0.0 1.0 0.99954107028724 0.0010321245516710916 0.030275130519103077 -0.25023847382685616 -0.0035607383875217594 0.9964941470480406 0.08358669775229431 -0.39924424488466737 -0.030082718480458476 -0.08365613915253088 0.9960405014008807 -1.668914410645836 0.0 0.0 0.0 1.0 +reichstag/test/images/35531158_5960344226.jpg reichstag/test/images/06373813_9127207861.jpg 0 0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 1495.37 0.0 319.5 0.0 1495.37 211.5 0.0 0.0 1.0 0.9995101817313 -0.0006890884385790672 -0.03128772558988 0.1332360188472364 0.004354001164083728 0.9930964651733508 0.11721968066011114 1.810809913452788 0.030990954959906815 -0.11729849111271251 0.9926130286739913 14.938081973895361 0.0 0.0 0.0 1.0 +reichstag/test/images/62751178_369337490.jpg reichstag/test/images/77902859_6141520050.jpg 0 0 700.224 0.0 319.5 0.0 700.224 258.5 0.0 0.0 1.0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 0.9997309362745338 0.021425774762638065 0.0088877011349745 0.24216116822090006 -0.019665721975141593 0.9860840535864417 -0.16508027938469258 0.4500261985470943 -0.01230099324609026 0.1648610792102018 0.9862400874669448 4.880126503733975 0.0 0.0 0.0 1.0 +reichstag/test/images/64282931_8298463790.jpg reichstag/test/images/78040542_6368040213.jpg 0 0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 0.8611954403084496 -0.08225528784299663 -0.5015740037260716 3.2304672544011535 0.026087508896339703 0.9926708043712006 -0.11800049164565933 0.5595842633565603 0.5076040341363719 0.0885366690750205 0.857029406005174 6.6741924310247365 0.0 0.0 0.0 1.0 +reichstag/test/images/48815289_2513792540.jpg reichstag/test/images/06030835_119872882.jpg 0 0 776.799 0.0 319.5 0.0 776.799 211.0 0.0 0.0 1.0 710.363 0.0 319.5 0.0 710.363 239.5 0.0 0.0 1.0 0.9993585844217987 -0.004357606664557282 -0.035544774673864216 0.3333731736743255 0.0019987341644653305 0.9978089563234616 -0.06613086830236355 -0.05973182250897318 0.0357550668325284 0.06601740637772556 0.9971776558121224 -1.9589988210909102 0.0 0.0 0.0 1.0 +reichstag/test/images/92753909_16247242.jpg reichstag/test/images/62663981_6029901745.jpg 0 0 520.573 0.0 249.5 0.0 520.573 187.0 0.0 0.0 1.0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 0.999284487606372 -0.006030203613922291 -0.037338311071139794 0.450662673169979 0.004179332918906421 0.9987677885011513 -0.04945136832153477 1.0456516529140905 0.037590504194856274 0.049259936022022846 0.9980783599985938 12.619180048802946 0.0 0.0 0.0 1.0 +reichstag/test/images/77107104_4141016705.jpg reichstag/test/images/48716728_829974943.jpg 0 0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 0.9984032396007768 0.016341965027097068 0.054073203472024364 -0.4995059860806044 -0.016578701216749533 0.9998548309941648 0.003932378872381656 -0.017333512454543024 -0.05400109092082825 -0.00482256328971869 0.99852923095054 0.1957985061885481 0.0 0.0 0.0 1.0 +reichstag/test/images/77458003_1504115665.jpg reichstag/test/images/77792600_3686854267.jpg 0 0 612.932 0.0 249.5 0.0 612.932 187.0 0.0 0.0 1.0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 0.9885210642094264 -0.05156780964124642 -0.1420100933844762 1.3193180563014713 0.03184990718859345 0.9899514433341845 -0.13777417483927443 -0.1355931744685204 0.1476878093355761 0.13166966563855606 0.9802302842313582 -4.145790282872644 0.0 0.0 0.0 1.0 +reichstag/test/images/92753909_16247242.jpg reichstag/test/images/34959164_3067403556.jpg 0 0 520.573 0.0 249.5 0.0 520.573 187.0 0.0 0.0 1.0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 0.9976384121759864 0.002579563943847959 -0.06863631983750632 0.7400627652044396 -0.004057585428489663 0.9997626868584404 -0.021403410150779872 -0.16304650157449835 0.06856482007172025 0.021631361849213236 0.9974121262713227 -1.9211888786156321 0.0 0.0 0.0 1.0 +reichstag/test/images/48983853_5719892543.jpg reichstag/test/images/92241023_5405455015.jpg 0 0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 523.981 0.0 319.5 0.0 523.981 213.0 0.0 0.0 1.0 0.9993485620860567 0.013994752838133397 0.03326557303776384 -0.2048080051646899 -0.0144175422937268 0.9998178781456595 0.012503800003177436 -1.2069328749397576 -0.033084527059334616 -0.012975262359984007 0.999368328813731 -5.588452089247618 0.0 0.0 0.0 1.0 +reichstag/test/images/92342560_2757258130.jpg reichstag/test/images/35531158_5960344226.jpg 0 0 1743.4 0.0 319.5 0.0 1743.4 239.5 0.0 0.0 1.0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 0.9985932813231029 -0.010363988399450385 -0.05200044462131247 0.7088075279184114 0.00041790252973252217 0.9822192914641473 -0.18773675408173032 -0.10798324133187609 0.05302154141321971 0.1874509301660691 0.9808419163790065 -3.1951182528046 0.0 0.0 0.0 1.0 +reichstag/test/images/77122925_1063274053.jpg reichstag/test/images/06373813_9127207861.jpg 0 0 658.554 0.0 319.5 0.0 658.554 239.5 0.0 0.0 1.0 1495.37 0.0 319.5 0.0 1495.37 211.5 0.0 0.0 1.0 0.8761711799475396 -0.09556345774186416 -0.47243167651392215 1.3062711154029851 0.053215595571190794 0.9933355089309585 -0.10223828580760314 1.973132684243197 0.4790534039304385 0.06443750647947688 0.8754174112624032 16.091123600347103 0.0 0.0 0.0 1.0 +reichstag/test/images/77274889_6889793618.jpg reichstag/test/images/34959164_3067403556.jpg 0 0 757.774 0.0 319.5 0.0 757.774 239.5 0.0 0.0 1.0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 0.9282267739635639 0.034341795061095665 0.3704263721836992 -4.34870188352155 -0.04476294219378178 0.9988059273404827 0.019570347868002325 -0.4872586675547305 -0.36931197530455323 -0.03474709515197174 0.9286556435380925 -6.13634265919899 0.0 0.0 0.0 1.0 +reichstag/test/images/34537245_34002183.jpg reichstag/test/images/77122925_1063274053.jpg 0 0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 658.554 0.0 319.5 0.0 658.554 239.5 0.0 0.0 1.0 0.8627333281414749 0.040091985600211946 0.504067294321469 -5.709678006354346 -0.09502505864096203 0.9919462285582689 0.08374316616481867 -1.3454658649016042 -0.49665022172975604 -0.12014704465636722 0.8595948143841522 -6.835640556720125 0.0 0.0 0.0 1.0 +reichstag/test/images/49284352_2431392889.jpg reichstag/test/images/77594532_1434504133.jpg 0 0 666.383 0.0 319.5 0.0 666.383 179.5 0.0 0.0 1.0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 0.9601283043973384 -0.04841004704511842 -0.2753363514688557 0.023413171825976686 0.037331679758701136 0.9982739020714757 -0.045338307526675885 0.3327949759974851 0.2770559235632503 0.033251823830867965 0.9602782572933928 0.9598821135275735 0.0 0.0 0.0 1.0 +reichstag/test/images/62799820_4661707438.jpg reichstag/test/images/64271070_4602086309.jpg 0 0 625.353 0.0 319.5 0.0 625.353 239.5 0.0 0.0 1.0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 0.9994545803906407 0.011845456074669329 0.030825750705395283 -0.3432358795492829 -0.011732619011155129 0.9999238017584978 -0.003838792514747754 0.4074389548971191 -0.030868874085511797 0.003475031973274684 0.9995174019322911 1.3968526734590343 0.0 0.0 0.0 1.0 +reichstag/test/images/92102978_5376734902.jpg reichstag/test/images/49051226_8836027266.jpg 0 0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 0.9993054964072142 -0.001855155825225961 0.03721670656029818 -0.9417863879769919 0.0019805304823308782 0.999992486978694 -0.003332189246612343 0.3040877523078156 -0.03721024522009725 0.0034035838510033584 0.9993016627963898 2.7442781923842077 0.0 0.0 0.0 1.0 +reichstag/test/images/63812586_393800330.jpg reichstag/test/images/64127786_281241429.jpg 0 0 1002.64 0.0 187.0 0.0 1002.64 249.5 0.0 0.0 1.0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 0.9996794241120258 -0.023971737365354136 -0.008148914942180386 -0.018353130367992354 0.024340819941572757 0.9985169444702717 0.04869739305470464 0.000600899921387503 0.006969468532129301 -0.04888013311601091 0.9987803357570375 0.49580356407410453 0.0 0.0 0.0 1.0 +reichstag/test/images/92414106_7915968882.jpg reichstag/test/images/06857713_2570944910.jpg 0 0 1871.37 0.0 319.5 0.0 1871.37 212.5 0.0 0.0 1.0 782.61 0.0 319.5 0.0 782.61 239.5 0.0 0.0 1.0 0.9992046652277881 -0.004410337880311076 -0.039630618299560647 1.1022847013288868 0.009764589800294122 0.9906680620269573 0.1359464735319922 -2.4768453985687064 0.038661217945842964 -0.13622532730565987 0.9899232144097894 -15.03129118366059 0.0 0.0 0.0 1.0 +reichstag/test/images/77349640_2188160842.jpg reichstag/test/images/77361791_2035867493.jpg 0 0 708.96 0.0 239.0 0.0 708.96 319.5 0.0 0.0 1.0 601.346 0.0 249.5 0.0 601.346 187.0 0.0 0.0 1.0 0.9998627162600456 0.007779991965444156 0.014629434647346656 0.3657455450347046 -0.007853271482287915 0.9999568698259992 0.00495828748817321 -0.012862173175353937 -0.014590228240464426 -0.00507249571784107 0.9998806903961511 3.0421292753002414 0.0 0.0 0.0 1.0 +reichstag/test/images/05461164_9050854768.jpg reichstag/test/images/20613988_1265419368.jpg 0 0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 0.9915532138195693 -0.012602683361445557 -0.1290867790913333 1.1868328968777329 0.05164742604576867 0.9513215371049617 0.30384186088012993 0.9107999063886968 0.1189738103404711 -0.3079423735252174 0.9439368236490856 2.3783292637884044 0.0 0.0 0.0 1.0 +reichstag/test/images/91840440_9426147613.jpg reichstag/test/images/48815289_2513792540.jpg 0 0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 776.799 0.0 319.5 0.0 776.799 211.0 0.0 0.0 1.0 0.9847931836091309 -0.01601220875718798 -0.17299131390826808 1.493172588545946 0.023972635660673237 0.9987427483559622 0.04402539432940189 0.5576130297926032 0.17206887648983274 -0.047502965982083124 0.9839389056066598 4.885852849905816 0.0 0.0 0.0 1.0 +reichstag/test/images/48551853_12793928283.jpg reichstag/test/images/20982577_4977562846.jpg 0 0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 0.9901592743556842 0.005051305038905608 -0.13985383700431156 0.6703107503475143 0.0008532328204370914 0.9991118897059004 0.042127233971140335 -0.0021577088091711254 0.13994242888123226 -0.04183199930327259 0.9892755937720855 -2.0138585634901682 0.0 0.0 0.0 1.0 +reichstag/test/images/48551853_12793928283.jpg reichstag/test/images/92753909_16247242.jpg 0 0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 520.573 0.0 249.5 0.0 520.573 187.0 0.0 0.0 1.0 0.9942684004480893 0.002778099924250718 -0.10687670481077063 0.2297262084219447 0.0015723725365225187 0.9991742535189952 0.04059973829183634 -0.12062348761289055 0.10690124187774486 -0.04053508684547365 0.9934430186072204 -2.808730882998435 0.0 0.0 0.0 1.0 +reichstag/test/images/34537245_34002183.jpg reichstag/test/images/63812586_393800330.jpg 0 0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 1002.64 0.0 187.0 0.0 1002.64 249.5 0.0 0.0 1.0 0.9989376332151187 0.014465631494224663 0.043753290756809005 -0.6170109872822651 -0.01022953130419925 0.9953733550520314 -0.09553659373119176 0.202747488563084 -0.04493285697430089 0.09498752316981257 0.9944638800912736 -3.6571101070764294 0.0 0.0 0.0 1.0 +reichstag/test/images/78043438_3428167710.jpg reichstag/test/images/77349640_2188160842.jpg 0 0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 708.96 0.0 239.0 0.0 708.96 319.5 0.0 0.0 1.0 0.9997877979441739 0.011194165621110308 -0.017293054617018237 -0.2547548223110343 -0.012584646213619299 0.9965106792150699 -0.08251116827434926 0.009162116223401587 0.016309069918853777 0.08271128620912079 0.996440092214286 -2.96504983427677 0.0 0.0 0.0 1.0 +reichstag/test/images/78040542_6368040213.jpg reichstag/test/images/64127786_281241429.jpg 0 0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 0.9348987818813671 0.012196895001106359 0.3547048116237893 -4.890604555189152 0.006437353853192238 0.9986621794593076 -0.05130703453674097 -0.03288771768580598 -0.35485606675397946 0.050250244476196596 0.9335695393584658 -0.6730009037035364 0.0 0.0 0.0 1.0 +reichstag/test/images/19799508_3094174298.jpg reichstag/test/images/34481400_9199849492.jpg 0 0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 0.9870843645101104 0.014089261305266788 0.15958054410091277 -1.6946726446716487 -0.031043152384166297 0.9940663442549978 0.10425174295692981 0.00949673410279575 -0.1571648180405681 -0.10785914859378523 0.9816647207855128 -0.15728514710995056 0.0 0.0 0.0 1.0 +reichstag/test/images/48983853_5719892543.jpg reichstag/test/images/62810349_4295140640.jpg 0 0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 0.9989646700309557 0.0044755633470876174 -0.04527203731521636 0.42116301085187713 -0.007054271815806249 0.9983514281942568 -0.05696194406475299 -0.21229020437280713 0.044942466321874874 0.057222330913844585 0.9973493768813881 -1.35852454497801 0.0 0.0 0.0 1.0 +reichstag/test/images/35221995_8835396469.jpg reichstag/test/images/48716728_829974943.jpg 0 0 918.648 0.0 319.5 0.0 918.648 213.0 0.0 0.0 1.0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 0.9840399275606401 -0.014966041021886242 -0.17731733864058993 1.4298921336948034 0.013829929801386438 0.999875162504768 -0.007641495125487498 0.18184062231860898 0.17740956571768934 0.005067249963771673 0.9841240617776121 1.3668677743052502 0.0 0.0 0.0 1.0 +reichstag/test/images/06030835_119872882.jpg reichstag/test/images/06373813_9127207861.jpg 0 0 710.363 0.0 319.5 0.0 710.363 239.5 0.0 0.0 1.0 1495.37 0.0 319.5 0.0 1495.37 211.5 0.0 0.0 1.0 0.9997901688035084 0.0027307633141846685 0.020301755972674574 -0.0821314434085482 -0.003943294186973283 0.9981949460136096 0.05992745767878136 1.3485330337275125 -0.020101462504183803 -0.059994938824946324 0.9979962617768584 11.483254040804376 0.0 0.0 0.0 1.0 +reichstag/test/images/35221995_8835396469.jpg reichstag/test/images/06639257_4979506057.jpg 0 0 918.648 0.0 319.5 0.0 918.648 213.0 0.0 0.0 1.0 678.155 0.0 319.5 0.0 678.155 239.5 0.0 0.0 1.0 0.9599763956929654 -0.024486967228715198 -0.279008437414145 2.0421334077229183 0.03169701614364405 0.9992692813154932 0.021358899475563926 0.1731440095740909 0.27828154606429184 -0.029347774279449287 0.9600510867995046 1.0610728986306064 0.0 0.0 0.0 1.0 +reichstag/test/images/92241023_5405455015.jpg reichstag/test/images/62751178_369337490.jpg 0 0 523.981 0.0 319.5 0.0 523.981 213.0 0.0 0.0 1.0 700.224 0.0 319.5 0.0 700.224 258.5 0.0 0.0 1.0 0.9973159219399299 -0.023681806961750873 -0.06928292620937554 0.2654714473545213 0.025475102836418902 0.9993599098627857 0.025115526960795713 -0.33439655000713486 0.06864379783040339 -0.026813104595905017 0.9972808463223123 -0.9405488509803446 0.0 0.0 0.0 1.0 +reichstag/test/images/49501249_12793461434.jpg reichstag/test/images/49051226_8836027266.jpg 0 0 587.147 0.0 319.5 0.0 587.147 230.0 0.0 0.0 1.0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 0.933229885467495 -0.03792342893736742 -0.3572727171335066 0.2282730163131873 0.05963396285811348 0.9969700974894281 0.049944120632535186 0.5151382280885328 0.35429616332125774 -0.0679149339214324 0.9326638142472797 5.3613444243179895 0.0 0.0 0.0 1.0 +reichstag/test/images/77361791_2035867493.jpg reichstag/test/images/20982577_4977562846.jpg 0 0 601.346 0.0 249.5 0.0 601.346 187.0 0.0 0.0 1.0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 0.9986044780942026 -0.005281543230076827 0.05254713723233073 -0.6461519899830483 -0.00045968571793552764 0.9940798073320234 0.1086513936577331 -0.07371818462877797 -0.05280989508837614 -0.10852392342629245 0.9926901193347896 -1.0134673393797364 0.0 0.0 0.0 1.0 +reichstag/test/images/49051226_8836027266.jpg reichstag/test/images/64271070_4602086309.jpg 0 0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 0.9953536498727166 -0.015410605377257998 0.09504538351213045 -1.4314144308525951 -0.0025895853642522474 0.9824675058931129 0.18641591646586186 -2.151741999490481 -0.09625178301051246 -0.1857958909827458 0.9778627107939156 -7.81640209813375 0.0 0.0 0.0 1.0 +reichstag/test/images/62663981_6029901745.jpg reichstag/test/images/91549947_3428166276.jpg 0 0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 543.843 0.0 319.5 0.0 543.843 213.0 0.0 0.0 1.0 0.9967092364363183 -0.017806728141724616 -0.0790798231878284 1.7180876730473442 0.020664293398968712 0.9991572532083955 0.03546505800609346 -1.3870556723264231 0.07838166227411118 -0.036982479553714996 0.9962372263799453 -11.074842946033721 0.0 0.0 0.0 1.0 +reichstag/test/images/77902859_6141520050.jpg reichstag/test/images/20099963_3586531606.jpg 0 0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 502.573 0.0 319.5 0.0 502.573 212.0 0.0 0.0 1.0 0.9965061516327364 -0.008185246536558504 -0.08311733572035011 1.9888922316647752 0.026226510428259193 0.9755143146756968 0.21836664583576307 -1.1086358799255955 0.0792947659613801 -0.21978358355878386 0.972320686033774 -3.281935958793339 0.0 0.0 0.0 1.0 +reichstag/test/images/77458003_1504115665.jpg reichstag/test/images/05534141_6340060522.jpg 0 0 612.932 0.0 249.5 0.0 612.932 187.0 0.0 0.0 1.0 668.983 0.0 319.5 0.0 668.983 213.5 0.0 0.0 1.0 0.9999481663196319 0.009423747682493844 0.0038545627018632006 -0.15132232748642227 -0.009088314309255907 0.9968064299710709 -0.07933690006135012 -0.15995865901038497 -0.004589903814033298 0.07929775626047167 0.9968404078061004 -2.043114267056697 0.0 0.0 0.0 1.0 +reichstag/test/images/06030835_119872882.jpg reichstag/test/images/05866831_3427466899.jpg 0 0 710.363 0.0 319.5 0.0 710.363 239.5 0.0 0.0 1.0 961.582 0.0 249.5 0.0 961.582 176.5 0.0 0.0 1.0 0.9652026179178573 0.00213863709003494 -0.26149442173000886 2.782448853864815 0.003870743002710885 0.9997401659710197 0.022463701672810768 0.46879324481396806 0.26147451828643187 -0.02269420136588205 0.9649435473183098 7.656623781783195 0.0 0.0 0.0 1.0 +reichstag/test/images/62810349_4295140640.jpg reichstag/test/images/20613988_1265419368.jpg 0 0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 0.9958042667369766 -0.033621523628605106 -0.08510849250999436 1.252858112379232 0.04934771468530597 0.9805364645861796 0.19003432498412795 -0.22840960612369826 0.07706273680430936 -0.19343690125135546 0.9780815404814177 -0.9867663854977391 0.0 0.0 0.0 1.0 +reichstag/test/images/64127786_281241429.jpg reichstag/test/images/77107104_4141016705.jpg 0 0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 0.9999646150714886 0.008371614591991147 -0.0008274503327792331 0.023736578382062445 -0.008303430535241942 0.9980054979081137 0.06257858408852557 -0.0863177845546507 0.0013496837690612157 -0.06256949907344164 0.9980396966751482 -1.0955730083374622 0.0 0.0 0.0 1.0 +reichstag/test/images/62751178_369337490.jpg reichstag/test/images/62663981_6029901745.jpg 0 0 700.224 0.0 319.5 0.0 700.224 258.5 0.0 0.0 1.0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 0.9999698171713598 -0.007549762246822765 -0.0018346215667808686 0.04676122280446758 0.0071394616798853465 0.9860442323234467 -0.16633039406129546 1.5105328481489726 0.0030647729440036017 0.16631227552914077 0.9860683719576044 17.39499287717385 0.0 0.0 0.0 1.0 +reichstag/test/images/49051226_8836027266.jpg reichstag/test/images/62751178_369337490.jpg 0 0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 700.224 0.0 319.5 0.0 700.224 258.5 0.0 0.0 1.0 0.9994480707347259 -0.015388233428918931 -0.029440723098651953 0.3962418890422895 0.02001097523635138 0.9862889161702697 0.16381005680288527 -2.3235124347759797 0.026516311484151206 -0.1643087828194569 0.9860524880114974 -9.035734936782402 0.0 0.0 0.0 1.0 +reichstag/test/images/77214581_8512429399.jpg reichstag/test/images/92342560_2757258130.jpg 0 0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 1743.4 0.0 319.5 0.0 1743.4 239.5 0.0 0.0 1.0 0.999589385632472 0.009054804843480814 0.027185853676929796 -0.5352021821801036 -0.01084386441988364 0.9977342008412314 0.06639936051011396 0.2854332511357371 -0.02652302274138717 -0.06666689569010525 0.9974227059194635 1.279703475896228 0.0 0.0 0.0 1.0 +reichstag/test/images/62663981_6029901745.jpg reichstag/test/images/77274889_6889793618.jpg 0 0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 757.774 0.0 319.5 0.0 757.774 239.5 0.0 0.0 1.0 0.9166503577241675 -0.025200552267832604 -0.39889479045175813 7.799284213782038 0.02396830336958998 0.999680088800004 -0.008077158559757297 -0.6020736424750848 0.39897072839713327 -0.0021569010669004038 0.9169611254900879 -5.943059468807501 0.0 0.0 0.0 1.0 +reichstag/test/images/91629190_2705184160.jpg reichstag/test/images/78040542_6368040213.jpg 0 0 1208.55 0.0 319.5 0.0 1208.55 213.5 0.0 0.0 1.0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 0.9566169167565763 -0.003885055737320583 -0.29132281221534884 6.772645381831259 0.009841173453149433 0.999771379898809 0.018982603622698147 -0.926822228522399 0.29118246149142735 -0.02102603807542825 0.9564364484076525 -7.682729063854466 0.0 0.0 0.0 1.0 +reichstag/test/images/92102978_5376734902.jpg reichstag/test/images/05534141_6340060522.jpg 0 0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 668.983 0.0 319.5 0.0 668.983 213.5 0.0 0.0 1.0 0.9998816967863741 -0.01533880328106344 -0.0011461001293632995 -0.5264712390840544 0.01536228153612371 0.9995819063694497 0.024495157987278495 -0.025591915172636353 0.0007698945424938052 -0.024509866844226194 0.9996992916320746 -1.1915955208245512 0.0 0.0 0.0 1.0 +reichstag/test/images/91629190_2705184160.jpg reichstag/test/images/91840440_9426147613.jpg 0 0 1208.55 0.0 319.5 0.0 1208.55 213.5 0.0 0.0 1.0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 0.9695435152679046 0.024666722312922024 0.2436738082197012 -5.24387114006937 -0.02374050474296851 0.9996954507403987 -0.006737522059377594 -1.0433095819343527 -0.24376579012753943 0.0007473816218669742 0.9698338419462418 -13.542359555500779 0.0 0.0 0.0 1.0 +reichstag/test/images/48716728_829974943.jpg reichstag/test/images/76958303_5507621260.jpg 0 0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 708.355 0.0 319.5 0.0 708.355 239.5 0.0 0.0 1.0 0.9952782380315378 0.0038085940017416066 0.09698826481882768 -1.10189461359431 -0.004296663131060567 0.9999791341650528 0.004823890592570145 -0.044858628543685025 -0.09696786883692622 -0.0052178392310227185 0.9952738349655252 -0.8328899309610134 0.0 0.0 0.0 1.0 +reichstag/test/images/06639257_4979506057.jpg reichstag/test/images/77594532_1434504133.jpg 0 0 678.155 0.0 319.5 0.0 678.155 239.5 0.0 0.0 1.0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 0.9778867901867705 -0.0033074280378533835 -0.20910879105860128 1.1083335538871002 0.029911609151521735 0.9918071424942081 0.12419294559450811 -1.0883038141163397 0.20698483329988682 -0.12770142135954585 0.9699740335527389 -3.76828333956044 0.0 0.0 0.0 1.0 +reichstag/test/images/77107104_4141016705.jpg reichstag/test/images/06796518_2036664706.jpg 0 0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 0.9990684816226723 -0.002333258895405095 -0.04308973115598563 0.6127405009417951 -0.0036796564778877276 0.9902941141086298 -0.13893893511182775 -0.08693207921603388 0.04299568764856361 0.13896806634882328 0.9893630513511692 1.4652207163069368 0.0 0.0 0.0 1.0 +reichstag/test/images/64271070_4602086309.jpg reichstag/test/images/19799508_3094174298.jpg 0 0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 0.9916620558455367 -0.024642670822088607 -0.1264875716066912 0.9052172966491292 -0.0006836259860864462 0.9805259264386801 -0.19638849313816464 0.277995498893871 0.12886388032227958 0.19483748704066675 0.9723335096518907 3.5563697266831977 0.0 0.0 0.0 1.0 +reichstag/test/images/78043438_3428167710.jpg reichstag/test/images/35531158_5960344226.jpg 0 0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 0.9970647824324248 0.022328261975957952 0.0732343385995572 -0.6787929500545953 -0.015602041409652066 0.9957136956447824 -0.09116365838019483 -0.055615227657881044 -0.07495595998206618 0.08975346802515408 0.9931394257810052 -4.793272796293743 0.0 0.0 0.0 1.0 +reichstag/test/images/77792600_3686854267.jpg reichstag/test/images/63790741_1504116525.jpg 0 0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 0.9845446363628882 0.059757968698555444 0.16462334034422402 -0.8032097381944481 -0.07645109941195631 0.9923434331267834 0.09700381502215394 0.1688271300742224 -0.15756613978825185 -0.10809022114498404 0.981574966920539 0.8063237064829538 0.0 0.0 0.0 1.0 +reichstag/test/images/63790741_1504116525.jpg reichstag/test/images/62673079_4759250457.jpg 0 0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 0.9980440085847989 0.0009653877321671139 0.06250779914948719 -0.8931200706775209 0.0012227535285353277 0.9993880280741607 -0.03495817809682096 -0.20848206470658934 -0.06250329432753525 0.03496623183254352 0.9974320532395371 -1.4377213801287327 0.0 0.0 0.0 1.0 +reichstag/test/images/63790741_1504116525.jpg reichstag/test/images/48542127_4157749181.jpg 0 0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 713.145 0.0 319.5 0.0 713.145 239.5 0.0 0.0 1.0 0.9940147855341749 0.01709205101123849 0.10790026845044265 -0.7537810414502444 -0.010332272061111833 0.9979663875741063 -0.06289939130344546 0.11265849320697233 -0.10875592072849886 0.061408070027627513 0.9921699444359211 0.07005058200377068 0.0 0.0 0.0 1.0 +reichstag/test/images/92697655_166630020.jpg reichstag/test/images/06857713_2570944910.jpg 0 0 431.56 0.0 249.5 0.0 431.56 187.0 0.0 0.0 1.0 782.61 0.0 319.5 0.0 782.61 239.5 0.0 0.0 1.0 0.9821715310215728 0.015207447861018372 -0.1873708013013083 1.7896879732323547 0.00900528501993498 0.9917720906595587 0.12769896252702068 0.4855461147143149 0.18777110664969113 -0.12710961300516221 0.9739533653051506 2.8219947247679116 0.0 0.0 0.0 1.0 +reichstag/test/images/63329391_7754963780.jpg reichstag/test/images/49501249_12793461434.jpg 0 0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 587.147 0.0 319.5 0.0 587.147 230.0 0.0 0.0 1.0 0.9542659147225957 0.09003081377025181 0.28508071939454976 0.41034903715751514 -0.05844088027078955 0.9913569857513441 -0.11745633365291318 -0.08688287276398778 -0.2931914519760476 0.09542420748361218 0.9512796608328705 1.6739144886567572 0.0 0.0 0.0 1.0 +reichstag/test/images/34959164_3067403556.jpg reichstag/test/images/91629190_2705184160.jpg 0 0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 1208.55 0.0 319.5 0.0 1208.55 213.5 0.0 0.0 1.0 0.9995158415355087 -0.012148693093319882 -0.028644227615495198 -0.004384425029864247 0.011630812955975659 0.9997671231491323 -0.018177559244585206 1.072775125325153 0.028858390626420666 0.01783560277174893 0.9994243766109677 13.694312234770798 0.0 0.0 0.0 1.0 +reichstag/test/images/48716728_829974943.jpg reichstag/test/images/77792600_3686854267.jpg 0 0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 0.9744493899513856 -0.06651463729851881 -0.21453249042608682 1.804890484377693 0.051179029786757146 0.9957729660992921 -0.07626864949573985 -0.031393395477135856 0.21869863587470947 0.06334037425579586 0.9737345139490932 -1.8818232618838293 0.0 0.0 0.0 1.0 +reichstag/test/images/64097451_5212815345.jpg reichstag/test/images/78040542_6368040213.jpg 0 0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 0.9167323529619669 -0.024806462507607038 -0.39873102769997026 4.660267806190679 0.03386073614793111 0.9993035537703462 0.01567985871994664 0.14835167859990817 0.3980643711516216 -0.027875559901389985 0.9169338632528784 2.982603488326071 0.0 0.0 0.0 1.0 +reichstag/test/images/20329925_5164269072.jpg reichstag/test/images/91840440_9426147613.jpg 0 0 517.71 0.0 319.5 0.0 517.71 245.0 0.0 0.0 1.0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 0.8700572997669681 -0.05083004147988336 0.4903229568410656 -5.850028875551889 -0.047980259521093326 0.9812145507025334 0.18685796794869203 -0.3363593704718837 -0.49061001805762244 -0.1861029617517658 0.8512740438946322 -4.070476728963566 0.0 0.0 0.0 1.0 +reichstag/test/images/19812646_389634613.jpg reichstag/test/images/64282931_8298463790.jpg 0 0 747.529 0.0 319.5 0.0 747.529 239.5 0.0 0.0 1.0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 0.9531206640892498 0.0936946104258376 0.28771916804971087 -0.9493314168672379 -0.08013625488913113 0.9950615370892132 -0.05857233184701559 0.6354665386267133 -0.29178618942371387 0.03276976323996305 0.9559220482229634 1.9698754468102289 0.0 0.0 0.0 1.0 +reichstag/test/images/49501249_12793461434.jpg reichstag/test/images/34481400_9199849492.jpg 0 0 587.147 0.0 319.5 0.0 587.147 230.0 0.0 0.0 1.0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 0.970359442391733 -0.04645976325150617 -0.23715826563672376 -1.0193037735850847 0.08228294885040921 0.9862287266343189 0.14346572792737228 0.23914393077152732 0.227226910575499 -0.15872740519476736 0.9608192035708126 0.444891418260676 0.0 0.0 0.0 1.0 +reichstag/test/images/34120311_5589470818.jpg reichstag/test/images/77122925_1063274053.jpg 0 0 512.125 0.0 319.5 0.0 512.125 241.5 0.0 0.0 1.0 658.554 0.0 319.5 0.0 658.554 239.5 0.0 0.0 1.0 0.8805302564179257 0.127318191811478 0.4565704168761241 -0.44054354375755755 -0.09540833781166393 0.9911418560288893 -0.09238544421944499 0.34393240653246626 -0.4642883980982053 0.03778755431970237 0.8848776096895761 1.7250535933762805 0.0 0.0 0.0 1.0 +reichstag/test/images/49501249_12793461434.jpg reichstag/test/images/62663981_6029901745.jpg 0 0 587.147 0.0 319.5 0.0 587.147 230.0 0.0 0.0 1.0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 0.9196470387370791 -0.058151822454588706 -0.3884169019073851 0.5194309699201531 0.07962058574606103 0.9960465614828136 0.03939301567178693 1.2308677480172239 0.38459054391336167 -0.06715365145301855 0.920641352877955 13.466861267554886 0.0 0.0 0.0 1.0 +reichstag/test/images/64282931_8298463790.jpg reichstag/test/images/49501249_12793461434.jpg 0 0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 587.147 0.0 319.5 0.0 587.147 230.0 0.0 0.0 1.0 0.9737776272135564 0.10127344417887513 0.2037175059794427 0.9434824240383011 -0.06044318005853086 0.9784401207171399 -0.1974881063645115 -0.12005751356725353 -0.21932568185861873 0.17999616572354218 0.9589043881441336 1.9293520335153254 0.0 0.0 0.0 1.0 +reichstag/test/images/63329391_7754963780.jpg reichstag/test/images/77023786_7168337563.jpg 0 0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 0.994987981132838 0.012949688592512767 -0.09915252375283294 0.24307773663521534 -0.012105746994040871 0.9998852365728477 0.009108489083091883 0.1247700597653037 0.09925909676657063 -0.007862521797583672 0.9950305585559003 1.1214966444898726 0.0 0.0 0.0 1.0 +reichstag/test/images/62663981_6029901745.jpg reichstag/test/images/20982577_4977562846.jpg 0 0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 0.9999676076349702 0.006748227950121653 0.004386923788641379 -0.16574922554134935 -0.00696189539361102 0.9986913270008084 0.05066720227023365 -1.5578035436346356 -0.004039268909415213 -0.050696102344238936 0.9987059574838731 -11.762525954139594 0.0 0.0 0.0 1.0 +reichstag/test/images/34272622_11098902473.jpg reichstag/test/images/92697655_166630020.jpg 0 0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 431.56 0.0 249.5 0.0 431.56 187.0 0.0 0.0 1.0 0.9640027326799229 -0.03163927117664892 0.2640031967705153 -1.8697843300652974 0.01860053780146207 0.9984871731777878 0.051743453623882885 -0.09993053027030371 -0.26524093081411343 -0.044970229250483204 0.9631328709487706 -1.8459142236911206 0.0 0.0 0.0 1.0 +reichstag/test/images/06857713_2570944910.jpg reichstag/test/images/92753909_16247242.jpg 0 0 782.61 0.0 319.5 0.0 782.61 239.5 0.0 0.0 1.0 520.573 0.0 249.5 0.0 520.573 187.0 0.0 0.0 1.0 0.997820824808132 0.008114847976172061 0.06548091952273269 -0.8250568354959448 -0.005752981506044608 0.999328809192757 -0.03617781531791868 -0.054756809089506225 -0.06573054680291414 0.03572226700126881 0.9971977812135764 -0.644486379393822 0.0 0.0 0.0 1.0 +reichstag/test/images/20982577_4977562846.jpg reichstag/test/images/06373813_9127207861.jpg 0 0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 1495.37 0.0 319.5 0.0 1495.37 211.5 0.0 0.0 1.0 0.999973589357379 -0.0003456872847904301 -0.007259551502779661 0.17213347681878224 0.0003081079820847845 0.9999865517134837 -0.005177012811247041 1.2673353971672656 0.0072612435017531144 0.0051746393572474755 0.9999602479350522 11.105009457246226 0.0 0.0 0.0 1.0 +reichstag/test/images/35531158_5960344226.jpg reichstag/test/images/91840440_9426147613.jpg 0 0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 0.9874340568429427 0.00029275411618262585 0.15803131867359577 -1.3717591162721658 -0.012499756427914377 0.997009933406852 0.07625581143301433 0.11487130883552116 -0.15753647030427884 -0.07727293823255388 0.9844852226117855 0.7776923028947831 0.0 0.0 0.0 1.0 +reichstag/test/images/77792600_3686854267.jpg reichstag/test/images/05545431_1341290848.jpg 0 0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 492.313 0.0 319.5 0.0 492.313 213.0 0.0 0.0 1.0 0.9868466967884636 0.03133276002934304 0.1585933642579073 -0.7610868758184894 -0.049337811880720985 0.9926063219158027 0.11089846712919164 0.15063619783087595 -0.15394602091811352 -0.11726443553663411 0.9810961598139878 0.5900875162922281 0.0 0.0 0.0 1.0 +reichstag/test/images/05978621_9257964873.jpg reichstag/test/images/77214581_8512429399.jpg 0 0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 0.9926582085078488 0.009039189757907202 0.12061498302660847 -1.1230392098665882 -0.01643515990543656 0.9980349618321894 0.06046569671725568 -0.2492984967195022 -0.11983140907488003 -0.062004096712563746 0.9908561577696271 -2.4230254921072683 0.0 0.0 0.0 1.0 +reichstag/test/images/05466646_5360480312.jpg reichstag/test/images/62663981_6029901745.jpg 0 0 750.195 0.0 319.5 0.0 750.195 178.5 0.0 0.0 1.0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 0.9997830610064411 -0.01026700399991861 0.018122349556735383 -0.38202529540316416 0.009704153711709695 0.9994760616954679 0.03087768609298014 0.29596732835974937 -0.018429875890259347 -0.030695125453119813 0.9993588689495314 1.4887203772472297 0.0 0.0 0.0 1.0 +reichstag/test/images/92414106_7915968882.jpg reichstag/test/images/05791347_12791964625.jpg 0 0 1871.37 0.0 319.5 0.0 1871.37 212.5 0.0 0.0 1.0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 0.9961262597831704 -0.036434043876804864 -0.08003146267046768 1.60430148703546 0.037437504693008314 0.9992376167497321 0.011073324463612904 -0.462962118441219 0.0795670020344639 -0.014026607540618154 0.996730829496183 -14.14235074628363 0.0 0.0 0.0 1.0 +reichstag/test/images/62751178_369337490.jpg reichstag/test/images/77214581_8512429399.jpg 0 0 700.224 0.0 319.5 0.0 700.224 258.5 0.0 0.0 1.0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 0.9987255363923211 0.007529930603765428 0.049905942561711616 0.005189799240963966 -0.0016698894917587773 0.9931965774649895 -0.11643783741085444 0.5691894254908592 -0.05044318018281258 0.11620610421545738 0.991943358723728 3.5960880194102134 0.0 0.0 0.0 1.0 +reichstag/test/images/06796518_2036664706.jpg reichstag/test/images/48542127_4157749181.jpg 0 0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 713.145 0.0 319.5 0.0 713.145 239.5 0.0 0.0 1.0 0.9880539405979278 0.014918717201835545 0.15338462226037622 -1.5588704231541857 -0.03265368442746057 0.9929709665004935 0.11376465435444902 -0.06837069970908702 -0.15060925390632032 -0.11741418808699006 0.9815960274337168 -2.459078895693041 0.0 0.0 0.0 1.0 +reichstag/test/images/77107104_4141016705.jpg reichstag/test/images/06229406_8584869180.jpg 0 0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 0.9997116812980593 0.0048394582634572044 -0.023518799287459514 0.5252574445819672 -0.003456491728344529 0.9982819258658816 0.05849144513890993 -0.18786047175726867 0.02376145915425726 -0.05839328842617514 0.9980108300643024 -1.916802533679871 0.0 0.0 0.0 1.0 +reichstag/test/images/48551853_12793928283.jpg reichstag/test/images/91549947_3428166276.jpg 0 0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 543.843 0.0 319.5 0.0 543.843 213.0 0.0 0.0 1.0 0.9748925526398078 -0.020237051287543665 -0.22175430675101845 1.7059137061930962 0.025999734721616163 0.9993950591077835 0.023098260223569523 0.04153287942287742 0.22115271782604218 -0.028283875019796612 0.9748289582342227 -1.2710409955378572 0.0 0.0 0.0 1.0 +reichstag/test/images/34959164_3067403556.jpg reichstag/test/images/48551853_12793928283.jpg 0 0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 0.9845870965067438 -0.004750380707346824 0.17483044150134608 -0.3215115075616257 0.008131152260661533 0.9997934530494064 -0.018626207409402167 0.12724432982708503 -0.1747058492304544 0.019760696411801802 0.9844223591131941 4.843540243541362 0.0 0.0 0.0 1.0 +reichstag/test/images/49284352_2431392889.jpg reichstag/test/images/35221995_8835396469.jpg 0 0 666.383 0.0 319.5 0.0 666.383 179.5 0.0 0.0 1.0 918.648 0.0 319.5 0.0 918.648 213.0 0.0 0.0 1.0 0.9775972030099036 0.06737423961447182 0.19941018154443593 -0.8851851790587115 -0.028082073212406057 0.9806658381557908 -0.1936644289442259 0.5713290994931939 -0.20860274646156085 0.18372595274095543 0.9605881887979478 4.365996400279871 0.0 0.0 0.0 1.0 +reichstag/test/images/48815289_2513792540.jpg reichstag/test/images/05466646_5360480312.jpg 0 0 776.799 0.0 319.5 0.0 776.799 211.0 0.0 0.0 1.0 750.195 0.0 319.5 0.0 750.195 178.5 0.0 0.0 1.0 0.9995130402184635 0.0018366625867209452 -0.03114978497175973 0.368858529096906 -0.004392498458487478 0.9966077226429314 -0.08218122124769453 0.36521754981740984 0.030893177087125794 0.08227802768062004 0.9961304823016163 8.779041824719954 0.0 0.0 0.0 1.0 +reichstag/test/images/63790741_1504116525.jpg reichstag/test/images/34959164_3067403556.jpg 0 0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 0.9991570174068407 -0.02134333532423992 -0.03506731532215158 0.2451081614021244 0.019543650393664652 0.9985132367521377 -0.05088577168580223 -0.08552395414396488 0.03610125061485219 0.05015753251513108 0.9980886341583284 -1.118250571814356 0.0 0.0 0.0 1.0 +reichstag/test/images/62799820_4661707438.jpg reichstag/test/images/92342560_2757258130.jpg 0 0 625.353 0.0 319.5 0.0 625.353 239.5 0.0 0.0 1.0 1743.4 0.0 319.5 0.0 1743.4 239.5 0.0 0.0 1.0 0.9998194129502924 0.009906167826367447 -0.016217562293031097 -0.11360576322852078 -0.011131842172421271 0.9969442128548557 -0.07731958707248995 1.0985092700315262 0.015402064068844928 0.07748615550024338 0.9968744515375098 5.102380522681128 0.0 0.0 0.0 1.0 +reichstag/test/images/06229406_8584869180.jpg reichstag/test/images/34272622_11098902473.jpg 0 0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 0.9957549028705197 -0.02046900105395799 -0.08973958661134215 -0.4872196185148567 0.003142201611157857 0.9819508042928752 -0.1891104029862196 -0.24392009924932845 0.09199076028795689 0.18802563108371323 0.9778466454803713 1.5213535171536074 0.0 0.0 0.0 1.0 +reichstag/test/images/92414106_7915968882.jpg reichstag/test/images/77349640_2188160842.jpg 0 0 1871.37 0.0 319.5 0.0 1871.37 212.5 0.0 0.0 1.0 708.96 0.0 239.0 0.0 708.96 319.5 0.0 0.0 1.0 0.9972699893994066 -0.00406531559263143 -0.07372951547677149 1.4136784655309138 0.003161742713582345 0.9999185169128892 -0.012367817824548598 -0.1826774085756719 0.07377378685088823 0.012100939792446754 0.9972015822439408 -17.086523484646364 0.0 0.0 0.0 1.0 +reichstag/test/images/06030835_119872882.jpg reichstag/test/images/77487845_5932034347.jpg 0 0 710.363 0.0 319.5 0.0 710.363 239.5 0.0 0.0 1.0 774.031 0.0 319.5 0.0 774.031 212.0 0.0 0.0 1.0 0.9997238512071079 0.006262781337363259 0.022649478968588276 -0.1656808616943077 -0.009058183824468337 0.9920513033672741 0.12550761249061698 -0.7872084506871779 -0.021683418398174406 -0.12567811685895486 0.9918340790219685 -3.9970005977635132 0.0 0.0 0.0 1.0 +reichstag/test/images/76958303_5507621260.jpg reichstag/test/images/62799820_4661707438.jpg 0 0 708.355 0.0 319.5 0.0 708.355 239.5 0.0 0.0 1.0 625.353 0.0 319.5 0.0 625.353 239.5 0.0 0.0 1.0 0.997808080635508 -0.023280505201334793 -0.061943944789255946 0.8291939658717598 0.03191933005621156 0.9893010876445198 0.14235348381452742 -1.3293047982554396 0.05796715093263075 -0.14401866567546345 0.9878757175625954 -4.512298027377316 0.0 0.0 0.0 1.0 +reichstag/test/images/48900330_6782044072.jpg reichstag/test/images/48716728_829974943.jpg 0 0 769.928 0.0 319.5 0.0 769.928 170.0 0.0 0.0 1.0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 0.9972367824809835 0.018247649675712827 0.07201265825039459 -1.0984312748570364 -0.01676182597877493 0.9996350833089602 -0.02118351736010071 -0.24458539645927613 -0.07237292903311936 0.019917919047954775 0.9971787380625231 -4.644839998490221 0.0 0.0 0.0 1.0 +reichstag/test/images/06857713_2570944910.jpg reichstag/test/images/77122925_1063274053.jpg 0 0 782.61 0.0 319.5 0.0 782.61 239.5 0.0 0.0 1.0 658.554 0.0 319.5 0.0 658.554 239.5 0.0 0.0 1.0 0.8634505705776163 0.07858450950646735 0.49827461006438656 -3.763289681748624 -0.10336423892662336 0.9943938062240433 0.02228883699029606 -0.7966248668734955 -0.4937296287243743 -0.07074908486254797 0.8667327273795558 -3.4508745857053977 0.0 0.0 0.0 1.0 +reichstag/test/images/06796518_2036664706.jpg reichstag/test/images/77214581_8512429399.jpg 0 0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 0.9959166357101463 -0.009710857179290287 0.0897538521102423 -0.9193146073684224 -0.00382556006018557 0.9887652782378153 0.149427539769352 -0.3302671210499627 -0.09019656205205238 -0.1491607314414178 0.9846906399422365 -2.890060092945603 0.0 0.0 0.0 1.0 +reichstag/test/images/05978621_9257964873.jpg reichstag/test/images/05534141_6340060522.jpg 0 0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 668.983 0.0 319.5 0.0 668.983 213.5 0.0 0.0 1.0 0.9980297287575004 0.012639054235049022 0.06145660928064555 -0.7220704620219223 -0.015108568330466633 0.9990900120623132 0.03988582405229402 -0.01867196066869438 -0.06089656541410246 -0.0407357595408558 0.997312491757421 -0.7148859903196627 0.0 0.0 0.0 1.0 +reichstag/test/images/92414106_7915968882.jpg reichstag/test/images/62751178_369337490.jpg 0 0 1871.37 0.0 319.5 0.0 1871.37 212.5 0.0 0.0 1.0 700.224 0.0 319.5 0.0 700.224 258.5 0.0 0.0 1.0 0.9999681988219278 -0.0005644497800757006 -0.007955045020292137 0.2013296842375773 0.002273631036675372 0.9762734424508611 0.2165294348744629 -5.092526027345614 0.007644079194917385 -0.21654063582060296 0.9762436791558093 -20.0993068906733 0.0 0.0 0.0 1.0 +reichstag/test/images/05534141_6340060522.jpg reichstag/test/images/20613988_1265419368.jpg 0 0 668.983 0.0 319.5 0.0 668.983 213.5 0.0 0.0 1.0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 0.9962238145925132 -0.017807862222292612 -0.08497641603300092 1.1044135864032918 0.03703079049632205 0.9724023587430092 0.23035271490965722 -0.29512279194750246 0.07852917797837512 -0.2326296042082868 0.9693898263608589 -1.0676492851509265 0.0 0.0 0.0 1.0 +reichstag/test/images/77122925_1063274053.jpg reichstag/test/images/19812646_389634613.jpg 0 0 658.554 0.0 319.5 0.0 658.554 239.5 0.0 0.0 1.0 747.529 0.0 319.5 0.0 747.529 239.5 0.0 0.0 1.0 0.8079196910915876 -0.14409106012406195 -0.5714048819696921 1.9725343997192686 0.1724616274144672 0.985005764635637 -0.004542103490376071 -0.16672155696065327 0.5634915791882141 -0.09487576100821399 0.8206557318127286 -0.34444201321721124 0.0 0.0 0.0 1.0 +reichstag/test/images/20613988_1265419368.jpg reichstag/test/images/91840440_9426147613.jpg 0 0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 0.9612273505843445 0.09766872808352285 0.25788136815820684 -2.9203218512313733 -0.028707699438417406 0.9655370215989595 -0.2586776525229115 -0.18976985692761267 -0.27425872544288404 0.24124485378212218 0.930904437653021 -1.4481273792369591 0.0 0.0 0.0 1.0 +reichstag/test/images/48668943_3586566128.jpg reichstag/test/images/64127786_281241429.jpg 0 0 550.231 0.0 319.5 0.0 550.231 212.0 0.0 0.0 1.0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 0.9812979434221764 -0.026412110090475848 0.19067445207991476 -2.014785901721011 0.014715159291637721 0.9979363153834369 0.0625025961536916 0.25186947452040226 -0.1919317855969377 -0.05852786412896272 0.9796615123592805 5.071150511211817 0.0 0.0 0.0 1.0 +reichstag/test/images/77594532_1434504133.jpg reichstag/test/images/34272622_11098902473.jpg 0 0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 0.9890084790130691 0.0018444776108022458 0.14784730752570013 -0.5927642882941381 0.04095219387239317 0.9573872213771689 -0.2858891851062953 -0.11116387433816646 -0.14207443914122495 0.28880149972956665 0.9467885442360715 3.9901885665135968 0.0 0.0 0.0 1.0 +reichstag/test/images/48815289_2513792540.jpg reichstag/test/images/77902859_6141520050.jpg 0 0 776.799 0.0 319.5 0.0 776.799 211.0 0.0 0.0 1.0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 0.9997854034252893 0.02064233206553466 0.0017439107281519586 0.21199557417444648 -0.020528867577846794 0.9985291954413731 -0.050179791222919476 -0.13548070369199428 -0.00277717368970586 0.050133222299197526 0.9987386781977537 -2.2704510725822167 0.0 0.0 0.0 1.0 +reichstag/test/images/77902859_6141520050.jpg reichstag/test/images/48668943_3586566128.jpg 0 0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 550.231 0.0 319.5 0.0 550.231 212.0 0.0 0.0 1.0 0.9796289460648874 -0.01695106339717754 -0.200099448978508 2.424155393938948 0.00036856686510695674 0.9965811238284807 -0.08261917324221871 -0.005245940217592532 0.2008158165839125 0.08086238358140743 0.9762859636045526 -3.3354286486346805 0.0 0.0 0.0 1.0 +reichstag/test/images/77487845_5932034347.jpg reichstag/test/images/48815289_2513792540.jpg 0 0 774.031 0.0 319.5 0.0 774.031 212.0 0.0 0.0 1.0 776.799 0.0 319.5 0.0 776.799 211.0 0.0 0.0 1.0 0.9999049640243117 -0.0025819938587174967 0.013542386320492922 -0.04523434623515862 0.00338791585049256 0.9982028346917228 -0.05982994935313905 0.7375963543638286 -0.013363567851809255 0.05987014382079557 0.9981167170893129 5.995758719773236 0.0 0.0 0.0 1.0 +reichstag/test/images/77594532_1434504133.jpg reichstag/test/images/48403953_4568435171.jpg 0 0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 699.71 0.0 319.5 0.0 699.71 239.5 0.0 0.0 1.0 0.9824584281015674 0.008706893248265185 0.18627835908167292 0.21174784666237323 -0.0024306815239357412 0.9994224588652612 -0.03389454975426771 -0.2927106833384232 -0.1864658918932 0.03284720270705924 0.9819121816307173 -0.979789901443902 0.0 0.0 0.0 1.0 +reichstag/test/images/48900330_6782044072.jpg reichstag/test/images/92414106_7915968882.jpg 0 0 769.928 0.0 319.5 0.0 769.928 170.0 0.0 0.0 1.0 1871.37 0.0 319.5 0.0 1871.37 212.5 0.0 0.0 1.0 0.9997339671620835 0.0013697739510260933 0.023024305020682895 -0.35654014889508273 0.001298837759783135 0.993307681406011 -0.11549096536218127 0.5999563410073776 -0.023028415552011277 0.11549014580966586 0.993041649830472 10.721107932297912 0.0 0.0 0.0 1.0 +reichstag/test/images/34959164_3067403556.jpg reichstag/test/images/20982577_4977562846.jpg 0 0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 0.9993724013094496 -0.002416981021914283 0.03534065228209745 -0.3247817884963364 0.0016041387392962403 0.9997339364922232 0.02301049683662207 0.32874424293662974 -0.035386865358343095 -0.022939364169540774 0.9991103819556715 2.727421600900092 0.0 0.0 0.0 1.0 +reichstag/test/images/91840440_9426147613.jpg reichstag/test/images/34959164_3067403556.jpg 0 0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 0.9763930305447851 -0.012296173819588193 -0.21565123234743808 1.7835332348514215 0.01722836064598621 0.9996308931508893 0.021006214504450883 0.10091662300533144 0.2153133379357212 -0.024225638644907656 0.9762444801069167 0.6573996982036587 0.0 0.0 0.0 1.0 +reichstag/test/images/48668943_3586566128.jpg reichstag/test/images/77107104_4141016705.jpg 0 0 550.231 0.0 319.5 0.0 550.231 212.0 0.0 0.0 1.0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 0.9815452239267122 -0.018008408379456234 0.1903803314796438 -1.9930656012937535 -0.005473148816172531 0.9925026495693445 0.1221005128566912 0.49912438924170155 -0.1911518193183009 -0.12088915511934775 0.9740876727203942 3.947157838984084 0.0 0.0 0.0 1.0 +reichstag/test/images/91549947_3428166276.jpg reichstag/test/images/64097451_5212815345.jpg 0 0 543.843 0.0 319.5 0.0 543.843 213.0 0.0 0.0 1.0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 0.9903244903622198 0.04220294502492364 0.13219801518946064 -1.531515195862359 -0.03875609269919277 0.9988410464042246 -0.028539959649684955 0.07340302610598723 -0.1332492741725116 0.023140342463700544 0.9908123714826947 -0.34475551199197546 0.0 0.0 0.0 1.0 +reichstag/test/images/62663981_6029901745.jpg reichstag/test/images/34537245_34002183.jpg 0 0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 0.9994860657779838 0.010316947406096157 -0.030350698704765706 0.6471834787631752 -0.009606433480385161 0.9996785379567292 0.023463528815657383 -1.0868346812617524 0.030583014099897943 -0.02315990813703921 0.9992638780140357 -7.962535075445052 0.0 0.0 0.0 1.0 +reichstag/test/images/77349640_2188160842.jpg reichstag/test/images/63790741_1504116525.jpg 0 0 708.96 0.0 239.0 0.0 708.96 319.5 0.0 0.0 1.0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 0.997267302740676 0.0240194125299061 0.06986411601140481 -0.001180995080531183 -0.033624228363478406 0.9896182134695171 0.13973261192850436 0.03674597324673845 -0.06578250642304148 -0.1416998919940292 0.987721520701854 0.38417413003536804 0.0 0.0 0.0 1.0 +reichstag/test/images/48551853_12793928283.jpg reichstag/test/images/64097451_5212815345.jpg 0 0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 0.9957931860764176 0.01839709509545142 -0.08976345278466917 -0.008383361182285998 -0.018125113549463123 0.9998283362978904 0.003844241747365823 0.08504867984061729 0.08981876653904616 -0.0022010969633433916 0.9959556939691456 -1.8304693331303852 0.0 0.0 0.0 1.0 +reichstag/test/images/34120311_5589470818.jpg reichstag/test/images/05461164_9050854768.jpg 0 0 512.125 0.0 319.5 0.0 512.125 241.5 0.0 0.0 1.0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 0.9994990007244109 0.013010504425643528 0.02885263117107861 -0.2694003136844662 -0.005385135070031087 0.9682182191492842 -0.2500489560619403 0.13808092699791566 -0.03118890621970428 0.24976830640010939 0.9678032058465394 2.5685190064660626 0.0 0.0 0.0 1.0 +reichstag/test/images/78040542_6368040213.jpg reichstag/test/images/06796518_2036664706.jpg 0 0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 0.9496206476335066 0.018694359253311754 0.31284364548481314 -4.172511934070444 0.02232983750166144 0.9916464558457566 -0.1270381240639965 0.0576707515399521 -0.31260518860900044 0.12762377341490133 0.941270507619395 -0.5137311989121713 0.0 0.0 0.0 1.0 +reichstag/test/images/76958303_5507621260.jpg reichstag/test/images/63329391_7754963780.jpg 0 0 708.355 0.0 319.5 0.0 708.355 239.5 0.0 0.0 1.0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 0.9982600045867089 -0.017813508308877384 -0.05621069439415822 1.1401915422857436 0.018123269582802477 0.9998232292402006 0.005005733844926077 -0.31274126937323776 0.05611158830556264 -0.006015745458937602 0.9984063804205181 -2.1759143496953786 0.0 0.0 0.0 1.0 +reichstag/test/images/05545431_1341290848.jpg reichstag/test/images/49051226_8836027266.jpg 0 0 492.313 0.0 319.5 0.0 492.313 213.0 0.0 0.0 1.0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 0.9992286173432384 0.025155490357819804 0.030155788618071208 -0.357180222726175 -0.0224824735754459 0.9960484235036774 -0.08591901080534214 0.3777081758909005 -0.03219796056040717 0.08517475764976827 0.9958456466717389 5.5643862240563635 0.0 0.0 0.0 1.0 +reichstag/test/images/63329391_7754963780.jpg reichstag/test/images/92697655_166630020.jpg 0 0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 431.56 0.0 249.5 0.0 431.56 187.0 0.0 0.0 1.0 0.9981678681645689 -0.008190828954406874 0.05994845523313652 -1.183497483964022 0.014185273463114646 0.9948599369078298 -0.10026207634258089 -0.05670290008885566 -0.058819086873024326 0.10092876823180055 0.9931534114942338 0.6236319747993431 0.0 0.0 0.0 1.0 +reichstag/test/images/48716728_829974943.jpg reichstag/test/images/63812586_393800330.jpg 0 0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 1002.64 0.0 187.0 0.0 1002.64 249.5 0.0 0.0 1.0 0.9988807353185271 -0.0001241548991814771 -0.0472996955072618 0.5081985125826354 -0.005325921394706962 0.9933418523230185 -0.11508083673996962 0.024496014874016078 0.046999054999181354 0.11520394528415746 0.9922293786318507 0.4343593344407951 0.0 0.0 0.0 1.0 +reichstag/test/images/91629190_2705184160.jpg reichstag/test/images/76958303_5507621260.jpg 0 0 1208.55 0.0 319.5 0.0 1208.55 213.5 0.0 0.0 1.0 708.355 0.0 319.5 0.0 708.355 239.5 0.0 0.0 1.0 0.9760609707008857 0.024317785294425878 0.21613335418861013 -4.565697411847674 -0.03307946606713001 0.9987671287124436 0.037013126431237706 -1.3680611445297268 -0.21496681232031745 -0.04327664406900561 0.9756620325086788 -11.59433760888416 0.0 0.0 0.0 1.0 +reichstag/test/images/77792600_3686854267.jpg reichstag/test/images/77902859_6141520050.jpg 0 0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 0.9830475008242138 0.057583275625997604 0.17407405749119387 -0.6918045201823797 -0.06219021401366884 0.9978407634747561 0.02112316332962721 0.1374088619685136 -0.17248184949205855 -0.03159077581029673 0.9845059849891732 1.7507988132613983 0.0 0.0 0.0 1.0 +reichstag/test/images/34959164_3067403556.jpg reichstag/test/images/05466646_5360480312.jpg 0 0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 750.195 0.0 319.5 0.0 750.195 178.5 0.0 0.0 1.0 0.9999224082319201 -9.339462765963636e-05 0.012456676648329725 -0.08143955379630269 0.0008208458706194192 0.9982925639484701 -0.05840618954568445 0.4490427803844135 -0.012429952845212481 0.058411882717759205 0.9982151813259668 13.098045071165116 0.0 0.0 0.0 1.0 +reichstag/test/images/48815289_2513792540.jpg reichstag/test/images/05936329_2458217347.jpg 0 0 776.799 0.0 319.5 0.0 776.799 211.0 0.0 0.0 1.0 864.162 0.0 319.5 0.0 864.162 200.0 0.0 0.0 1.0 0.9989803884791174 0.0014070514886770258 0.04512431318280548 -0.6763514324581301 0.00012409917829522176 0.9994248457230496 -0.033911094804691816 0.031023386505364306 -0.045146074397511546 0.03388211855193034 0.9984056460221603 -0.26132404728653547 0.0 0.0 0.0 1.0 +reichstag/test/images/92753909_16247242.jpg reichstag/test/images/34481400_9199849492.jpg 0 0 520.573 0.0 249.5 0.0 520.573 187.0 0.0 0.0 1.0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 0.9925285738457198 0.023444153243947337 0.11973889000010016 -1.2251117317521216 -0.02955603835829698 0.9983354661872559 0.049525120385893746 -0.025133567703896298 -0.11837850605724269 -0.05269410433197155 0.9915693927669947 -0.35847525848328554 0.0 0.0 0.0 1.0 +reichstag/test/images/20329925_5164269072.jpg reichstag/test/images/62663981_6029901745.jpg 0 0 517.71 0.0 319.5 0.0 517.71 245.0 0.0 0.0 1.0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 0.9467594933878001 -0.037352037574393385 0.31976755146374264 -3.4138801586334186 -0.025599431780191754 0.9813674064465805 0.19042763102250532 0.8214059015753794 -0.3209223126749019 -0.18847503509312105 0.9281627176169269 10.084568028298676 0.0 0.0 0.0 1.0 +reichstag/test/images/64282931_8298463790.jpg reichstag/test/images/34481400_9199849492.jpg 0 0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 0.9997373895113609 0.010125967973954559 -0.0205576454293765 -0.5557706331031598 -0.01095122441218185 0.9991221129097334 -0.040436050483006074 0.47516817199804806 0.020130143985663627 0.04065056294051325 0.9989706247111253 2.5320909165097696 0.0 0.0 0.0 1.0 +reichstag/test/images/35221995_8835396469.jpg reichstag/test/images/77349640_2188160842.jpg 0 0 918.648 0.0 319.5 0.0 918.648 213.0 0.0 0.0 1.0 708.96 0.0 239.0 0.0 708.96 319.5 0.0 0.0 1.0 0.9542720212249287 -0.04233250782174568 -0.29592713341093146 2.027915759969201 0.008018473461560309 0.9931911994764456 -0.11621938463907533 0.09309564018192648 0.2988320825993013 0.10853202321923666 0.948114015477729 -0.12387252289665218 0.0 0.0 0.0 1.0 +reichstag/test/images/64282931_8298463790.jpg reichstag/test/images/62663981_6029901745.jpg 0 0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 0.9842363941869705 -0.03367580618612858 -0.17362217725724136 0.6446904109540244 0.008688623380084654 0.9897259605803885 -0.14271310653540684 1.262408492584091 0.17664435507988832 0.1389548956710113 0.9744169070718491 15.614019252922267 0.0 0.0 0.0 1.0 +reichstag/test/images/20613988_1265419368.jpg reichstag/test/images/77487845_5932034347.jpg 0 0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 774.031 0.0 319.5 0.0 774.031 212.0 0.0 0.0 1.0 0.995737391347177 0.039513342460403056 0.08334112574669209 -1.0450877577686242 -0.026410998690257377 0.9878999143644406 -0.15282741359754123 -0.6808757080963296 -0.0883714129190105 0.14997484777901132 0.984732470477317 -3.007121843216816 0.0 0.0 0.0 1.0 +reichstag/test/images/63329391_7754963780.jpg reichstag/test/images/34537245_34002183.jpg 0 0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 0.9913541727933857 -0.0033075167761294553 -0.1311715076452097 0.45109218622320457 -0.000969580050987706 0.9994703009038891 -0.03252964072371459 0.5092680858424238 0.13120961854858976 0.032375576347994886 0.990825846481847 7.17679463554418 0.0 0.0 0.0 1.0 +reichstag/test/images/06373813_9127207861.jpg reichstag/test/images/64271070_4602086309.jpg 0 0 1495.37 0.0 319.5 0.0 1495.37 211.5 0.0 0.0 1.0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 0.9914866560341937 0.005897912319341996 0.13007469214419046 -2.944524830159265 -0.024675514627420375 0.9893822643523303 0.14322658259878768 -4.048176641647972 -0.12784885562258477 -0.1452169054047384 0.9811048468439378 -14.875070884741485 0.0 0.0 0.0 1.0 +reichstag/test/images/05791347_12791964625.jpg reichstag/test/images/34120311_5589470818.jpg 0 0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 512.125 0.0 319.5 0.0 512.125 241.5 0.0 0.0 1.0 0.996566367773737 0.03542203335737646 0.07483818661011209 -0.3681424620312598 -0.05236968735998112 0.9697622470439918 0.2383665246086486 -2.0945994587667545 -0.06413182102575044 -0.24146731406344946 0.968287480953309 -6.966481981374056 0.0 0.0 0.0 1.0 +reichstag/test/images/77361791_2035867493.jpg reichstag/test/images/92414106_7915968882.jpg 0 0 601.346 0.0 249.5 0.0 601.346 187.0 0.0 0.0 1.0 1871.37 0.0 319.5 0.0 1871.37 212.5 0.0 0.0 1.0 0.9982369475718483 -0.004304433976525052 0.059198550240526164 -0.6939497113703974 0.0038916304446434116 0.9999673162186462 0.007086727521249306 0.3850522295496788 -0.059227119758778486 -0.006843854368690539 0.9982210726800248 14.125535241266645 0.0 0.0 0.0 1.0 +reichstag/test/images/63812586_393800330.jpg reichstag/test/images/48900330_6782044072.jpg 0 0 1002.64 0.0 187.0 0.0 1002.64 249.5 0.0 0.0 1.0 769.928 0.0 319.5 0.0 769.928 170.0 0.0 0.0 1.0 0.9995459091403365 -0.013632690751022768 -0.026872388500190005 0.2591741719775986 0.01716100462681787 0.9905900089632291 0.13578267217295595 0.2650903036097666 0.024768436386185175 -0.13618217168600696 0.990374141763539 4.266225850121669 0.0 0.0 0.0 1.0 +reichstag/test/images/78043438_3428167710.jpg reichstag/test/images/06373813_9127207861.jpg 0 0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 1495.37 0.0 319.5 0.0 1495.37 211.5 0.0 0.0 1.0 0.9989323545805106 0.018823008511219062 0.042188213079296245 -0.3952155182814939 -0.019939424642705917 0.9994578416082087 0.026200041846886544 1.190757255662875 -0.04167217677486239 -0.027013278187723328 0.9987660949814012 10.165704086850495 0.0 0.0 0.0 1.0 +reichstag/test/images/92414106_7915968882.jpg reichstag/test/images/48716728_829974943.jpg 0 0 1871.37 0.0 319.5 0.0 1871.37 212.5 0.0 0.0 1.0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 0.9986545213137656 0.011103967959387478 0.05065420964865882 -1.2921019879891738 -0.01587582845010261 0.9953699408309082 0.09479788479337217 -1.863762628971636 -0.049367044985458616 -0.09547451380254024 0.9942069764810405 -15.264161093996222 0.0 0.0 0.0 1.0 +reichstag/test/images/49284352_2431392889.jpg reichstag/test/images/49501249_12793461434.jpg 0 0 666.383 0.0 319.5 0.0 666.383 179.5 0.0 0.0 1.0 587.147 0.0 319.5 0.0 587.147 230.0 0.0 0.0 1.0 0.9309925746420573 0.15449468743044062 0.33073284916549156 1.2153676473204735 -0.04982511062830344 0.9513246984114306 -0.30413611515779815 0.005323902026971333 -0.361621742034727 0.2666696640943072 0.8933739451873436 4.00564240229619 0.0 0.0 0.0 1.0 +reichstag/test/images/62810349_4295140640.jpg reichstag/test/images/91840440_9426147613.jpg 0 0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 0.9818870695444234 0.013566048508529877 0.1889808058754358 -1.992817508467827 -0.000874611982542921 0.997747257707712 -0.06707939169834884 -0.1910200496689723 -0.18946508310331203 0.06569910246422497 0.9796869960451913 -2.7654224975172856 0.0 0.0 0.0 1.0 +reichstag/test/images/34481400_9199849492.jpg reichstag/test/images/06857713_2570944910.jpg 0 0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 782.61 0.0 319.5 0.0 782.61 239.5 0.0 0.0 1.0 0.9823603037070573 -0.03849034928998532 -0.1829937887255011 1.9175164224385997 0.03575998083159042 0.9991946994154456 -0.018198253515140338 0.14683745817611027 0.18354688085473603 0.011333387472947258 0.9829456225330501 1.2722368577096033 0.0 0.0 0.0 1.0 +reichstag/test/images/48983853_5719892543.jpg reichstag/test/images/20982577_4977562846.jpg 0 0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 0.9993464788299298 -0.009040160272480842 -0.0349984392861823 0.4358823554130074 0.006293637995309509 0.9969487357948935 -0.0778049376180402 -0.08840550012636042 0.03559501890721123 0.0775338229369028 0.9963541041867514 -1.1148159268785065 0.0 0.0 0.0 1.0 +reichstag/test/images/06373813_9127207861.jpg reichstag/test/images/91840440_9426147613.jpg 0 0 1495.37 0.0 319.5 0.0 1495.37 211.5 0.0 0.0 1.0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 0.9820057513360213 0.02311440282011117 0.18743113061934505 -4.34431503648713 -0.015566532739870615 0.9990112985196805 -0.04164262826095989 -1.0700132367550725 -0.18820836166715568 0.03797564762175354 0.9813946519042549 -13.92615200235445 0.0 0.0 0.0 1.0 +reichstag/test/images/63329391_7754963780.jpg reichstag/test/images/48716728_829974943.jpg 0 0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 0.9990736283480456 0.01325639686818058 -0.04094084856893636 -0.20833783315096632 -0.013717871183092823 0.9998452721551121 -0.011011437656998588 0.349082411073049 0.040788541891999035 0.011562858260101058 0.9991008933832365 3.0671081985821695 0.0 0.0 0.0 1.0 +reichstag/test/images/06229406_8584869180.jpg reichstag/test/images/77023786_7168337563.jpg 0 0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 0.9997407945476307 0.013251379868306743 0.01851336406107167 -0.36740096226225527 -0.012603114956241066 0.9993181486373914 -0.034704456447788815 -0.17187856152865894 -0.018960622634072912 0.034462134807967615 0.999226128588422 0.17782476547785375 0.0 0.0 0.0 1.0 +reichstag/test/images/48900330_6782044072.jpg reichstag/test/images/77792600_3686854267.jpg 0 0 769.928 0.0 319.5 0.0 769.928 170.0 0.0 0.0 1.0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 0.9883980258060217 -0.05298199468008808 -0.14234553320170698 1.747262400130543 0.03986642338032626 0.994824376143215 -0.09346191159035758 0.023094105700069104 0.14656060476683264 0.08670276161104883 0.9853946520351111 -6.660381832147597 0.0 0.0 0.0 1.0 +reichstag/test/images/63329391_7754963780.jpg reichstag/test/images/20329925_5164269072.jpg 0 0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 517.71 0.0 319.5 0.0 517.71 245.0 0.0 0.0 1.0 0.9093265576519313 -0.054780723290636164 -0.41246125139780493 1.82707772083497 -0.05009286610020677 0.9696717014983162 -0.2392226913970054 -0.6820114005495928 0.413056795507295 0.23819291271806323 0.8790041069392848 5.973981479708458 0.0 0.0 0.0 1.0 +reichstag/test/images/64271070_4602086309.jpg reichstag/test/images/06796518_2036664706.jpg 0 0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 0.9864926983647525 -0.030832209180721114 -0.16087737861509782 1.1875042664486912 -0.01655120459959485 0.9583378948671886 -0.28515703899400346 -0.1388738555337942 0.16296690982936268 0.2839680512638024 0.944883025650322 5.528595446643243 0.0 0.0 0.0 1.0 +reichstag/test/images/48668943_3586566128.jpg reichstag/test/images/05866831_3427466899.jpg 0 0 550.231 0.0 319.5 0.0 550.231 212.0 0.0 0.0 1.0 961.582 0.0 249.5 0.0 961.582 176.5 0.0 0.0 1.0 0.994812082166335 0.0009888560204098634 -0.10172484131052753 -0.0176721728977971 0.008460389936033753 0.9956844643439333 0.0924168235023531 0.8032184127834175 0.10137723106305169 -0.09279800443924283 0.9905105690471369 11.014160792741386 0.0 0.0 0.0 1.0 +reichstag/test/images/35531158_5960344226.jpg reichstag/test/images/91549947_3428166276.jpg 0 0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 543.843 0.0 319.5 0.0 543.843 213.0 0.0 0.0 1.0 0.9938546548237103 -0.01969155711240073 -0.10892735039342816 0.5312261206901192 0.03135727715154198 0.9938241589883221 0.10644370427975199 0.4984292423615995 0.10615859011349481 -0.1092052360907799 0.988334240100722 4.503938347123947 0.0 0.0 0.0 1.0 +reichstag/test/images/06373813_9127207861.jpg reichstag/test/images/78043438_3428167710.jpg 0 0 1495.37 0.0 319.5 0.0 1495.37 211.5 0.0 0.0 1.0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 0.9989323545805104 -0.019939424642705917 -0.04167217677486238 0.8421636005589095 0.018823008511219062 0.9994578416082088 -0.02701327818772333 -0.908063539087584 0.04218821307929624 0.026200041846886547 0.9987660949814012 -10.167685026990487 0.0 0.0 0.0 1.0 +reichstag/test/images/77023786_7168337563.jpg reichstag/test/images/63329391_7754963780.jpg 0 0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 0.9949879811328382 -0.012105746994040873 0.09925909676657062 -0.351667735615867 0.012949688592512778 0.9998852365728479 -0.007862521797583668 -0.11908572990561939 -0.09915252375283298 0.009108489083091887 0.9950305585559004 -1.0929581282570875 0.0 0.0 0.0 1.0 +reichstag/test/images/62751178_369337490.jpg reichstag/test/images/76958303_5507621260.jpg 0 0 700.224 0.0 319.5 0.0 700.224 258.5 0.0 0.0 1.0 708.355 0.0 319.5 0.0 708.355 239.5 0.0 0.0 1.0 0.9878850159944017 0.039572633406842916 0.15005732857474144 -0.8567560316682503 -0.021755935616460595 0.9927078018770784 -0.11856601265890407 0.7000124743378972 -0.15365505015843997 0.11386494973268378 0.9815421023996782 4.44921859443764 0.0 0.0 0.0 1.0 +reichstag/test/images/49501249_12793461434.jpg reichstag/test/images/92753909_16247242.jpg 0 0 587.147 0.0 319.5 0.0 587.147 230.0 0.0 0.0 1.0 520.573 0.0 249.5 0.0 520.573 187.0 0.0 0.0 1.0 0.9337787332724079 -0.056471743538386326 -0.3533669756356868 0.10135793631433254 0.09292172303608158 0.9918619042120669 0.08703744229248887 0.22632990547218015 0.3455760852202928 -0.11410918085126764 0.9314270042087408 0.8343253992196344 0.0 0.0 0.0 1.0 +reichstag/test/images/91549947_3428166276.jpg reichstag/test/images/34537245_34002183.jpg 0 0 543.843 0.0 319.5 0.0 543.843 213.0 0.0 0.0 1.0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 0.9984134102598011 0.02988553685309774 0.04772333706265813 -0.49819692776717117 -0.029231316643727894 0.9994696873267491 -0.01434831844659428 0.19080200931995384 -0.04812683597191965 0.012930537574783893 0.9987575325660174 3.199169238007209 0.0 0.0 0.0 1.0 +reichstag/test/images/05791347_12791964625.jpg reichstag/test/images/77122925_1063274053.jpg 0 0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 658.554 0.0 319.5 0.0 658.554 239.5 0.0 0.0 1.0 0.8415585331921324 0.04441171565178475 0.5383371013819983 -4.212074318303713 -0.14106168302385805 0.9801004611916198 0.13965918356646312 -1.053387395790424 -0.5214219373923421 -0.19347011522413338 0.8310766978571695 -4.3476558471052416 0.0 0.0 0.0 1.0 +reichstag/test/images/92102978_5376734902.jpg reichstag/test/images/49501249_12793461434.jpg 0 0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 587.147 0.0 319.5 0.0 587.147 230.0 0.0 0.0 1.0 0.9195164137226419 0.05910810466853265 0.38858177628028984 -2.031736705221544 -0.033395429966346285 0.996801806929613 -0.07260098456096496 0.011699531466600105 -0.3916303233305796 0.05378094146026454 0.9185495632700683 -2.0333534018566986 0.0 0.0 0.0 1.0 +reichstag/test/images/77792600_3686854267.jpg reichstag/test/images/48551853_12793928283.jpg 0 0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 0.953881692818284 0.02714493711685084 0.29895295364830676 -0.9602499444689039 -0.038672260060014806 0.9987164416652615 0.032709714907487024 0.15499238919353645 -0.2976813269386829 -0.042762384596754036 0.9537070860886082 4.6182210981366545 0.0 0.0 0.0 1.0 +reichstag/test/images/05866831_3427466899.jpg reichstag/test/images/91840440_9426147613.jpg 0 0 961.582 0.0 249.5 0.0 961.582 176.5 0.0 0.0 1.0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 0.8894526815732615 0.02297189721012971 0.45644958010792563 -8.221967137347395 -0.020583219470062974 0.9997360604470245 -0.010204926168820704 -0.5329903529944913 -0.456563531524783 -0.0003184029382648049 0.8896907554320138 -8.13139211686992 0.0 0.0 0.0 1.0 +reichstag/test/images/48900330_6782044072.jpg reichstag/test/images/92697655_166630020.jpg 0 0 769.928 0.0 319.5 0.0 769.928 170.0 0.0 0.0 1.0 431.56 0.0 249.5 0.0 431.56 187.0 0.0 0.0 1.0 0.9850351385679145 -0.0023815923680247848 0.17233718056264657 -2.830629283921422 0.021065252005409985 0.9940717238965572 -0.10666612820982938 0.003570105120776157 -0.17106148293651105 0.10870021052012618 0.9792457471382972 -6.98571601260461 0.0 0.0 0.0 1.0 +reichstag/test/images/05866831_3427466899.jpg reichstag/test/images/62673079_4759250457.jpg 0 0 961.582 0.0 249.5 0.0 961.582 176.5 0.0 0.0 1.0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 0.9370829977154236 0.025510231877064925 0.34817335260219767 -6.390022384876125 -0.03697735071909979 0.9989692094004081 0.026328581498451263 -0.8988128664051258 -0.3471428105642871 -0.03754659424637981 0.9370603621613846 -8.84272630591884 0.0 0.0 0.0 1.0 +reichstag/test/images/91629190_2705184160.jpg reichstag/test/images/06229406_8584869180.jpg 0 0 1208.55 0.0 319.5 0.0 1208.55 213.5 0.0 0.0 1.0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 0.9989753331522102 0.014998927846601258 0.042700303475307136 -0.4810066470602641 -0.01871406040143937 0.9959464717567564 0.08797959614910605 -2.0841126030693995 -0.04120761697456134 -0.08868854243204681 0.995206649266652 -13.19179191757233 0.0 0.0 0.0 1.0 +reichstag/test/images/35531158_5960344226.jpg reichstag/test/images/92342560_2757258130.jpg 0 0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 1743.4 0.0 319.5 0.0 1743.4 239.5 0.0 0.0 1.0 0.998593281323103 0.0004179025297325217 0.053021541413219686 -0.5383552138996289 -0.010363988399450389 0.9822192914641472 0.18745093016606904 0.7123371842665944 -0.05200044462131248 -0.1877367540817303 0.9808419163790062 3.150491793518226 0.0 0.0 0.0 1.0 +reichstag/test/images/64097451_5212815345.jpg reichstag/test/images/91840440_9426147613.jpg 0 0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 0.9913476539428091 0.0032050000361728303 0.1312233096551694 -1.5200720137783432 -0.0024342303801102986 0.9999788341985857 -0.0060337117344508385 -0.2837026484799666 -0.13123987025498338 0.005662078205573807 0.9913344729836895 -3.299128923765991 0.0 0.0 0.0 1.0 +reichstag/test/images/76958303_5507621260.jpg reichstag/test/images/05866831_3427466899.jpg 0 0 708.355 0.0 319.5 0.0 708.355 239.5 0.0 0.0 1.0 961.582 0.0 249.5 0.0 961.582 176.5 0.0 0.0 1.0 0.9020231028481239 -0.03956564369665863 -0.4298707733343966 4.209999338267183 0.02265378639165415 0.9987573663839601 -0.044390641535097676 0.515062242578768 0.4310929457673419 0.030303183539775017 0.9017985302588325 9.015923899167495 0.0 0.0 0.0 1.0 +reichstag/test/images/77023786_7168337563.jpg reichstag/test/images/63790741_1504116525.jpg 0 0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 0.9999876900612431 0.004112528194917259 0.00277611920225594 0.03880532491234477 -0.004153160401223014 0.9998819553726437 0.014792788069210729 0.13407158730873708 -0.002714955738283149 -0.014804135639235449 0.9998867268762568 0.5960049520428798 0.0 0.0 0.0 1.0 +reichstag/test/images/19799508_3094174298.jpg reichstag/test/images/05936329_2458217347.jpg 0 0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 864.162 0.0 319.5 0.0 864.162 200.0 0.0 0.0 1.0 0.9982435327909862 -0.0016093559920910628 0.05922211761041542 -0.7185195380046332 0.00015534988452288475 0.9996986364623037 0.02454815923494435 0.19023059963746064 -0.05924377695070204 -0.024495841049074527 0.9979429486017294 2.2448061635440686 0.0 0.0 0.0 1.0 +reichstag/test/images/63812586_393800330.jpg reichstag/test/images/06796518_2036664706.jpg 0 0 1002.64 0.0 187.0 0.0 1002.64 249.5 0.0 0.0 1.0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 0.9985801170746851 -0.013079616917035622 -0.05163984318732884 0.643730463333864 0.011646830006195048 0.999541473051693 -0.027949865839727892 -0.057485022927790355 0.05198173846568729 0.02730873982730781 0.9982745772557414 0.8634425864649641 0.0 0.0 0.0 1.0 +reichstag/test/images/49051226_8836027266.jpg reichstag/test/images/49284352_2431392889.jpg 0 0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 666.383 0.0 319.5 0.0 666.383 179.5 0.0 0.0 1.0 0.9999172151978033 -0.012216248690667264 -0.004040546868644491 0.11699609373155428 0.01282776939142551 0.9709739896439115 0.23884086703792057 -3.044638123128064 0.0010055264841611431 -0.2388729258474325 0.9710503149752729 -9.062191520580011 0.0 0.0 0.0 1.0 +reichstag/test/images/05545431_1341290848.jpg reichstag/test/images/62673079_4759250457.jpg 0 0 492.313 0.0 319.5 0.0 492.313 213.0 0.0 0.0 1.0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 0.9973914528137664 0.030489260194572747 0.06542701939437863 -0.9282931423980427 -0.027616348164251337 0.9986331956435659 -0.04437429292721782 -0.21419201883738742 -0.06669053282225001 0.04245168514331703 0.9968702158557939 -1.2227544862067208 0.0 0.0 0.0 1.0 +reichstag/test/images/20613988_1265419368.jpg reichstag/test/images/78043438_3428167710.jpg 0 0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 0.9989272621854486 0.0070246292300973085 0.04577094544428547 -0.6681545531542398 0.004252183263325084 0.9703360722893427 -0.24172262151397125 0.12217153225797033 -0.04611121122004053 0.24165794296540544 0.9692652860809312 2.2886883724723526 0.0 0.0 0.0 1.0 +reichstag/test/images/62663981_6029901745.jpg reichstag/test/images/77349640_2188160842.jpg 0 0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 708.96 0.0 239.0 0.0 708.96 319.5 0.0 0.0 1.0 0.9980468001302245 0.00026217693425425 -0.06247012096254509 0.8866302629996892 -0.004234979628260237 0.9979746763729485 -0.06347133420574444 -0.22287595426289888 0.06232695803075978 0.06361192169369063 0.9960265426789929 -13.838463167875947 0.0 0.0 0.0 1.0 +reichstag/test/images/77487845_5932034347.jpg reichstag/test/images/76958303_5507621260.jpg 0 0 774.031 0.0 319.5 0.0 774.031 212.0 0.0 0.0 1.0 708.355 0.0 319.5 0.0 708.355 239.5 0.0 0.0 1.0 0.9873544817324205 0.02843648286649085 0.1559567050340809 -1.0653861529920412 -0.018738807357289188 0.9978183844258173 -0.06330346594522478 0.4984417420267111 -0.1574165953822212 0.059580518158502106 0.985733319592188 3.3506993310282542 0.0 0.0 0.0 1.0 +reichstag/test/images/77902859_6141520050.jpg reichstag/test/images/77274889_6889793618.jpg 0 0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 757.774 0.0 319.5 0.0 757.774 239.5 0.0 0.0 1.0 0.9093983461439907 -0.050225685394070234 -0.4128825844683572 2.6826107565323754 0.05060998442387416 0.9986682986591204 -0.010012928138791226 0.3557763258404452 0.4128356543555673 -0.011790240879357098 0.9107292203025097 5.4837304141668195 0.0 0.0 0.0 1.0 +reichstag/test/images/78043438_3428167710.jpg reichstag/test/images/05866831_3427466899.jpg 0 0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 961.582 0.0 249.5 0.0 961.582 176.5 0.0 0.0 1.0 0.9707073823808695 0.0083090370830781 -0.24012108964860346 2.854292858350546 -0.011307818595319659 0.9998743035658293 -0.011113519125955809 0.3585146218182475 0.23999856464132438 0.013503220782453192 0.9706793250083183 6.299594018079965 0.0 0.0 0.0 1.0 +reichstag/test/images/05545431_1341290848.jpg reichstag/test/images/35531158_5960344226.jpg 0 0 492.313 0.0 319.5 0.0 492.313 213.0 0.0 0.0 1.0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 0.9995615567643942 0.01208106795215583 0.027032240674356216 -0.2059285790972121 -0.007621084378611573 0.9871870983421396 -0.15938491754153294 -0.10116683194527144 -0.028611419252372074 0.15910902131545707 0.9868463436748413 -2.037976960936466 0.0 0.0 0.0 1.0 +reichstag/test/images/05978621_9257964873.jpg reichstag/test/images/34481400_9199849492.jpg 0 0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 0.9742602838310814 0.02322905822621306 0.22422602481269663 -2.624087367153753 -0.04797087671193451 0.9932578597313612 0.10553491872060171 -0.16339115413295868 -0.22026278472967062 -0.11357479885872056 0.9688060026276325 -1.4719798187465933 0.0 0.0 0.0 1.0 +reichstag/test/images/06796518_2036664706.jpg reichstag/test/images/91629190_2705184160.jpg 0 0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 1208.55 0.0 319.5 0.0 1208.55 213.5 0.0 0.0 1.0 0.9997017332137749 -0.005871208589514101 -0.02370598066042787 -0.07320265786597152 0.008422893800021458 0.9940041013029765 0.10901789510394735 0.8252106446071384 0.022923775199729306 -0.10918505164426179 0.9937570754606136 9.951132221060245 0.0 0.0 0.0 1.0 +reichstag/test/images/20982577_4977562846.jpg reichstag/test/images/77107104_4141016705.jpg 0 0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 0.9999977722828705 0.0009589938284920914 0.0018803617028563988 -0.037979745657244796 -0.0009384015546252821 0.999939916142968 -0.010921698884179609 -0.0566897064856202 -0.0018907225652992563 0.0109199100193787 0.9999385884809877 -0.44553818162382397 0.0 0.0 0.0 1.0 +reichstag/test/images/35531158_5960344226.jpg reichstag/test/images/06639257_4979506057.jpg 0 0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 678.155 0.0 319.5 0.0 678.155 239.5 0.0 0.0 1.0 0.9973699459129476 0.012755732349420951 -0.07134761581043618 0.038671259860870145 -0.0020886686074527935 0.989041042331883 0.1476260615423662 0.5005921697943166 0.07244879883788213 -0.14708877549049143 0.9864664533939589 3.068233987243852 0.0 0.0 0.0 1.0 +reichstag/test/images/92753909_16247242.jpg reichstag/test/images/05466646_5360480312.jpg 0 0 520.573 0.0 249.5 0.0 520.573 187.0 0.0 0.0 1.0 750.195 0.0 319.5 0.0 750.195 178.5 0.0 0.0 1.0 0.9984154723974459 0.0027554462070522047 -0.05620455491848906 0.6346493876557182 -0.007236359867115569 0.9967943680080388 -0.07967824673854292 0.3990914695470821 0.055804834676388124 0.0799587107428238 0.9952348592182081 11.161562367934883 0.0 0.0 0.0 1.0 +reichstag/test/images/34537245_34002183.jpg reichstag/test/images/49284352_2431392889.jpg 0 0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 666.383 0.0 319.5 0.0 666.383 179.5 0.0 0.0 1.0 0.9982698856089889 0.0013154195018831452 0.05878354495732528 -0.7745277020944068 -0.014115505716199473 0.9758748493471551 0.21787388762778184 -2.8881414504297043 -0.05707878751858485 -0.2183267003442351 0.974205042037972 -9.176042557402681 0.0 0.0 0.0 1.0 +reichstag/test/images/05791347_12791964625.jpg reichstag/test/images/34537245_34002183.jpg 0 0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 0.9984093096887068 0.04126833907811679 0.03841581076397722 0.028619682683342917 -0.043538547078436254 0.9972323725251454 0.060265994608635375 0.05084403136360002 -0.035822412610248905 -0.06184269866041469 0.9974428481758633 2.918011369425494 0.0 0.0 0.0 1.0 +reichstag/test/images/34272622_11098902473.jpg reichstag/test/images/64271070_4602086309.jpg 0 0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 0.9722368973665986 -0.016690241770277246 0.23340276611175712 -1.3575634751788135 -0.049257497493107934 0.9605057192617382 0.27386577406862544 -0.9211175535063666 -0.228755577723662 -0.27775924664201673 0.9330169808557467 -3.4139699522432574 0.0 0.0 0.0 1.0 +reichstag/test/images/77122925_1063274053.jpg reichstag/test/images/77361791_2035867493.jpg 0 0 658.554 0.0 319.5 0.0 658.554 239.5 0.0 0.0 1.0 601.346 0.0 249.5 0.0 601.346 187.0 0.0 0.0 1.0 0.853442633654753 -0.09827935396950727 -0.511836731432764 1.497578260888 -0.0008493818323551864 0.9817964837905877 -0.1899340489931737 0.14076856491369721 0.521186098827417 0.16253255981425607 0.8378235001414579 6.1266447719159745 0.0 0.0 0.0 1.0 +reichstag/test/images/91840440_9426147613.jpg reichstag/test/images/77902859_6141520050.jpg 0 0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 0.9853767742306152 0.0045247659355781645 -0.1703295021424515 1.724878657523609 -0.004913692557238925 0.9999861943974401 -0.0018618915053826538 0.14548796801912972 0.17031872601778136 0.0026716114524969236 0.9853854038191993 2.633047282953868 0.0 0.0 0.0 1.0 +reichstag/test/images/20329925_5164269072.jpg reichstag/test/images/06857713_2570944910.jpg 0 0 517.71 0.0 319.5 0.0 517.71 245.0 0.0 0.0 1.0 782.61 0.0 319.5 0.0 782.61 239.5 0.0 0.0 1.0 0.9554414356998313 -0.030344608034907364 0.2936168723201259 -3.010845178509819 -0.05213511741997451 0.961716637172634 0.2690409621544009 -0.3577999180684201 -0.2905401736067677 -0.2723606332577601 0.9172819048536722 -1.9203746532646382 0.0 0.0 0.0 1.0 +reichstag/test/images/64097451_5212815345.jpg reichstag/test/images/06796518_2036664706.jpg 0 0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 0.9957128845011555 -0.013596081134157223 -0.09149315939556397 1.1888364860891576 0.0034790124997641893 0.9939431619707535 -0.1098402806060123 -0.07005816131489415 0.09243239751523895 0.10905107679144874 0.9897293137723115 0.8558148050645523 0.0 0.0 0.0 1.0 +reichstag/test/images/62673079_4759250457.jpg reichstag/test/images/64282931_8298463790.jpg 0 0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 0.9938995743042659 -0.010867794065291671 0.10975211729143554 0.0035636455426040214 0.0002970823527839883 0.9953933586556377 0.09587477919830785 -0.09884956228701891 -0.11028847600667206 -0.0952572968144857 0.9893242640629626 -0.6764055035151215 0.0 0.0 0.0 1.0 +reichstag/test/images/49284352_2431392889.jpg reichstag/test/images/77792600_3686854267.jpg 0 0 666.383 0.0 319.5 0.0 666.383 179.5 0.0 0.0 1.0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 0.9815954391218435 -0.08905099813789095 -0.16893878662355916 0.3577230264910344 0.04067934855248895 0.9618224419028031 -0.27063403491333826 0.24145665780976253 0.1865893472214859 0.2587808145569803 0.9477430588090242 3.478724224230218 0.0 0.0 0.0 1.0 +reichstag/test/images/77792600_3686854267.jpg reichstag/test/images/06030835_119872882.jpg 0 0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 710.363 0.0 319.5 0.0 710.363 239.5 0.0 0.0 1.0 0.9901318074377045 0.0357078653971616 0.1355136607465179 -0.7306084093525049 -0.037302696465813225 0.9992612276091483 0.00924704457855182 0.12827706793628113 -0.13508335477224265 -0.014210817915817077 0.9907323250594177 2.0277755414854752 0.0 0.0 0.0 1.0 +reichstag/test/images/62751178_369337490.jpg reichstag/test/images/19812646_389634613.jpg 0 0 700.224 0.0 319.5 0.0 700.224 258.5 0.0 0.0 1.0 747.529 0.0 319.5 0.0 747.529 239.5 0.0 0.0 1.0 0.9908259868465675 -0.05760218641333042 -0.12225322862783349 0.7040714828485126 0.06059297465368875 0.9979440273759049 0.02088563255868322 -0.06363275465340434 0.12079882123656183 -0.028101714274450015 0.992279163563709 0.04337393311055582 0.0 0.0 0.0 1.0 +reichstag/test/images/62799820_4661707438.jpg reichstag/test/images/64282931_8298463790.jpg 0 0 625.353 0.0 319.5 0.0 625.353 239.5 0.0 0.0 1.0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 0.9965758157249549 0.023470096482740444 0.07928302518970368 0.06667702595547564 -0.019281360929938204 0.9983981768827087 -0.053191254149275 0.5235514161790398 -0.08040443167406754 0.05148043286894712 0.9954320129465376 2.046142445775179 0.0 0.0 0.0 1.0 +reichstag/test/images/35531158_5960344226.jpg reichstag/test/images/92753909_16247242.jpg 0 0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 520.573 0.0 249.5 0.0 520.573 187.0 0.0 0.0 1.0 0.9999413162290067 -0.00618211236756221 0.00889638043681208 -0.25702340042356364 0.0050610154121421115 0.9926468148045753 0.12094084165958596 0.43595961808816286 -0.009578633576858364 -0.12088871967642731 0.9926198503121898 3.0557658288182687 0.0 0.0 0.0 1.0 +reichstag/test/images/35531158_5960344226.jpg reichstag/test/images/35221995_8835396469.jpg 0 0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 918.648 0.0 319.5 0.0 918.648 213.0 0.0 0.0 1.0 0.9775465650385371 0.0026627599985440484 0.21070268837997158 -1.3543413510518079 -0.028635918553862768 0.992322710544624 0.12031468034261937 0.3173618891188994 -0.2087646937341988 -0.12364686751616598 0.9701179076810744 2.4929539601358015 0.0 0.0 0.0 1.0 +reichstag/test/images/34537245_34002183.jpg reichstag/test/images/77023786_7168337563.jpg 0 0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 0.9993486416905267 0.015203504631220699 0.03272836381836856 -0.45034803252759825 -0.016502994236891368 0.9990710398801992 0.0398083967764885 -0.6622772530206538 -0.03209273332884215 -0.04032258324593875 0.9986711900059289 -6.010749608592133 0.0 0.0 0.0 1.0 +reichstag/test/images/63790741_1504116525.jpg reichstag/test/images/62751178_369337490.jpg 0 0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 700.224 0.0 319.5 0.0 700.224 258.5 0.0 0.0 1.0 0.9997643616817835 -0.02168467334002946 -0.0009980246249885615 -0.08158654442068933 0.021688067808776128 0.9958559517127846 0.08832072889727352 -1.0661047817163403 -0.0009213173925398916 -0.08832156237499407 0.9960915885569472 -3.8319634626943113 0.0 0.0 0.0 1.0 +reichstag/test/images/49284352_2431392889.jpg reichstag/test/images/63329391_7754963780.jpg 0 0 666.383 0.0 319.5 0.0 666.383 179.5 0.0 0.0 1.0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 0.997350707778724 0.013647495408308686 0.07145146298263075 0.07917048269712845 -8.392052062290047e-05 0.9824584092766261 -0.18648181412402512 0.3863895991222459 -0.07274310036439385 0.18598177306048416 0.9798567351601224 2.4367903536478073 0.0 0.0 0.0 1.0 +reichstag/test/images/06857713_2570944910.jpg reichstag/test/images/92342560_2757258130.jpg 0 0 782.61 0.0 319.5 0.0 782.61 239.5 0.0 0.0 1.0 1743.4 0.0 319.5 0.0 1743.4 239.5 0.0 0.0 1.0 0.9939310695353357 0.021516562275422767 0.107879870968552 -1.2708177743768054 -0.02490706346064669 0.9992341076934833 0.030180063150620738 -0.018319097800722745 -0.10714787539709265 -0.03268387323828056 0.9937057397580196 -0.48061974354799064 0.0 0.0 0.0 1.0 +reichstag/test/images/06229406_8584869180.jpg reichstag/test/images/34537245_34002183.jpg 0 0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 0.9999060924132165 -0.004354977278200994 -0.012993865007693074 -0.12380827185032658 0.0033726979194209474 0.997201687045885 -0.07468212812705123 0.2416649114596014 0.013282743077999027 0.0746312905271463 0.9971227302647234 6.202587642175566 0.0 0.0 0.0 1.0 +reichstag/test/images/62673079_4759250457.jpg reichstag/test/images/20099963_3586531606.jpg 0 0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 502.573 0.0 319.5 0.0 502.573 212.0 0.0 0.0 1.0 0.9907446163343739 -0.011947677404336134 -0.1352122709264805 2.7029449735697875 0.03576693430371722 0.983894212408386 0.17513681851568247 -0.38267618424390215 0.13094209260191172 -0.17835198847762657 0.9752152257789604 -0.8986019694910539 0.0 0.0 0.0 1.0 +reichstag/test/images/34481400_9199849492.jpg reichstag/test/images/91629190_2705184160.jpg 0 0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 1208.55 0.0 319.5 0.0 1208.55 213.5 0.0 0.0 1.0 0.97596173470818 -0.04438516053317076 -0.21337443593327868 1.910388963381466 0.024849168867179923 0.9953200904209346 -0.09338327693475182 0.9752800086112481 0.21652069460448933 0.08583632755952944 0.9724972563864036 12.408713846774031 0.0 0.0 0.0 1.0 +reichstag/test/images/92241023_5405455015.jpg reichstag/test/images/05461164_9050854768.jpg 0 0 523.981 0.0 319.5 0.0 523.981 213.0 0.0 0.0 1.0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 0.9992516473702153 -0.013294891067517575 -0.036323423564053534 -0.04288524243281133 0.006207785094543882 0.98202299222245 -0.18865923287951095 0.03971514705385326 0.03817864104614984 0.1882925612390687 0.9813706245603139 0.7981040919772715 0.0 0.0 0.0 1.0 +reichstag/test/images/20099963_3586531606.jpg reichstag/test/images/35221995_8835396469.jpg 0 0 502.573 0.0 319.5 0.0 502.573 212.0 0.0 0.0 1.0 918.648 0.0 319.5 0.0 918.648 213.0 0.0 0.0 1.0 0.9530064297248095 0.07562504171582322 0.29335916206699836 -3.143302059966587 -0.024222183613879483 0.9842624683576886 -0.17504479199166628 0.47185151952139603 -0.3019801826679143 0.1597130127694992 0.9398402645279372 3.33845171665778 0.0 0.0 0.0 1.0 +reichstag/test/images/91831337_388207037.jpg reichstag/test/images/92102978_5376734902.jpg 0 0 678.613 0.0 319.5 0.0 678.613 239.5 0.0 0.0 1.0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 0.9917501012318332 0.0045738980538187115 0.12810470781061098 -4.395963946604179 -0.013113824035502167 0.9977400681713263 0.06589980261459742 -0.16260133131361487 -0.12751378092510093 -0.06703607851053257 0.9895687949062031 -2.756986720211127 0.0 0.0 0.0 1.0 +reichstag/test/images/05545431_1341290848.jpg reichstag/test/images/05978621_9257964873.jpg 0 0 492.313 0.0 319.5 0.0 492.313 213.0 0.0 0.0 1.0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 0.9977111354762599 -0.01008799647790365 -0.06686346142501398 0.5230753402807674 0.003430205796380764 0.9950865895309302 -0.09894904256179853 0.06428286017357084 0.06753313138650542 0.09849320617567459 0.9928435750420955 2.401368814060608 0.0 0.0 0.0 1.0 +reichstag/test/images/48551853_12793928283.jpg reichstag/test/images/63329391_7754963780.jpg 0 0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 0.9990383890382821 0.005388266636588101 -0.043511651433227876 -0.010374596636484101 -0.0032955184366802296 0.998840671644424 0.048025537239575575 -0.4832357683571014 0.043719981541935654 -0.04783596190701501 0.9978979326376038 -5.360825101780763 0.0 0.0 0.0 1.0 +reichstag/test/images/63790741_1504116525.jpg reichstag/test/images/77902859_6141520050.jpg 0 0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 0.9999518566203135 -0.0011268291137673375 0.009747548293616277 0.1036971088368057 0.0018772611744091816 0.9970042666027098 -0.07732378849019109 0.03294333115735777 -0.009631216541593851 0.07733836455564029 0.9969583828002992 0.9261349337831799 0.0 0.0 0.0 1.0 +reichstag/test/images/77361791_2035867493.jpg reichstag/test/images/34272622_11098902473.jpg 0 0 601.346 0.0 249.5 0.0 601.346 187.0 0.0 0.0 1.0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 0.998172578061847 -0.00367778954027646 -0.06031565526016482 -0.30215379433264605 0.0016339376744463098 0.9994238839327672 -0.033900301951728655 0.012916607074026226 0.06040558461799402 0.03373979977474357 0.9976035240806433 -1.8704049050511147 0.0 0.0 0.0 1.0 +reichstag/test/images/63329391_7754963780.jpg reichstag/test/images/06229406_8584869180.jpg 0 0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 0.9930006306672937 0.0004937416918033687 -0.11810801714320113 0.5886891564260495 0.004508151402119934 0.9991041054184349 0.042079247937249924 0.3370569836769177 0.11802298108966952 -0.042317168562780325 0.9921087809204878 0.9439485835691666 0.0 0.0 0.0 1.0 +reichstag/test/images/05534141_6340060522.jpg reichstag/test/images/64271070_4602086309.jpg 0 0 668.983 0.0 319.5 0.0 668.983 213.5 0.0 0.0 1.0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 0.9910863101418632 0.0015342094139483898 0.13321250711123325 -1.432127024729313 -0.022866873493632707 0.9870525055953804 0.15875911720121105 -1.1365712276718536 -0.13124416918862497 -0.16039014121621015 0.9782893082593879 -4.0062002350468475 0.0 0.0 0.0 1.0 +reichstag/test/images/06373813_9127207861.jpg reichstag/test/images/48542127_4157749181.jpg 0 0 1495.37 0.0 319.5 0.0 1495.37 211.5 0.0 0.0 1.0 713.145 0.0 319.5 0.0 713.145 239.5 0.0 0.0 1.0 0.9926100852364582 0.03564796247716047 0.11599328195244017 -2.32152437141963 -0.03236845557552506 0.9990245951257491 -0.03003566908674238 -0.9797509573247628 -0.11695085194442402 0.026059184658388492 0.9927957580108879 -12.580714432965324 0.0 0.0 0.0 1.0 +reichstag/test/images/05936329_2458217347.jpg reichstag/test/images/77122925_1063274053.jpg 0 0 864.162 0.0 319.5 0.0 864.162 200.0 0.0 0.0 1.0 658.554 0.0 319.5 0.0 658.554 239.5 0.0 0.0 1.0 0.9036553908243686 0.04019101730879906 0.42637028128346516 -3.426296757274889 -0.09016462330506854 0.9911261300575276 0.09766951940827855 -1.1822479556942673 -0.41866128951494014 -0.12670310353291597 0.8992602783492745 -5.192857613932344 0.0 0.0 0.0 1.0 +reichstag/test/images/92414106_7915968882.jpg reichstag/test/images/48668943_3586566128.jpg 0 0 1871.37 0.0 319.5 0.0 1871.37 212.5 0.0 0.0 1.0 550.231 0.0 319.5 0.0 550.231 212.0 0.0 0.0 1.0 0.9806430357860698 0.011654603795004702 -0.1954569174387598 5.756490198264532 -0.017890171661389218 0.9993847437437128 -0.030167461448381973 0.045633251709740516 0.19498507153678898 0.033080268782085955 0.9802481918856562 -18.81618959625496 0.0 0.0 0.0 1.0 +reichstag/test/images/77023786_7168337563.jpg reichstag/test/images/64271070_4602086309.jpg 0 0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 0.9920407986978864 -0.009882637709610965 0.1255284318023628 -1.1316410943079067 -0.005960856831458931 0.9921116724412817 0.12521540476953383 -0.5686920235214931 -0.1257756808953731 -0.12496704716709896 0.9841563469376404 -2.058012652617762 0.0 0.0 0.0 1.0 +reichstag/test/images/77349640_2188160842.jpg reichstag/test/images/64097451_5212815345.jpg 0 0 708.96 0.0 239.0 0.0 708.96 319.5 0.0 0.0 1.0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 0.9929263080167045 0.011892892003775125 0.11813511742112469 -0.5955603896374333 -0.02055181933182138 0.9971674393917225 0.07235136860562857 0.17914235181100807 -0.11694002552791131 -0.07426746889952494 0.9903582046374885 2.2132878766447757 0.0 0.0 0.0 1.0 +reichstag/test/images/20099963_3586531606.jpg reichstag/test/images/49051226_8836027266.jpg 0 0 502.573 0.0 319.5 0.0 502.573 212.0 0.0 0.0 1.0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 0.9949594833653123 0.025774362777609347 0.09690876474725627 -2.066090640427294 -0.0039742415818959246 0.9757795640089649 -0.21872002164027726 0.7302834236172826 -0.10019896139820812 0.2172324208903515 0.970963564429087 8.053795289415275 0.0 0.0 0.0 1.0 +reichstag/test/images/20982577_4977562846.jpg reichstag/test/images/63790741_1504116525.jpg 0 0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 0.99975855288389 0.021971944732819316 0.00026378053048038935 0.11390093473109773 -0.021970727902353333 0.9993674808900589 0.027962926436599297 -0.26522177244345535 0.000350786189978822 -0.02796197031891431 0.9996089261130742 -1.5966921931550275 0.0 0.0 0.0 1.0 +reichstag/test/images/06229406_8584869180.jpg reichstag/test/images/92414106_7915968882.jpg 0 0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 1871.37 0.0 319.5 0.0 1871.37 212.5 0.0 0.0 1.0 0.9995947699768509 -0.002501490720276705 0.02835557051273074 -0.47215902839319507 0.006695523451842235 0.9888450977476714 -0.14879698460017388 0.26768247076520935 -0.02766705261916972 0.14892654298201824 0.9884611368156023 17.52278013680469 0.0 0.0 0.0 1.0 +reichstag/test/images/48542127_4157749181.jpg reichstag/test/images/20982577_4977562846.jpg 0 0 713.145 0.0 319.5 0.0 713.145 239.5 0.0 0.0 1.0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 0.993437108652843 -0.0322778895587323 -0.10973080240804456 0.6410166918456579 0.03590457378989376 0.9988669255649 0.0312366226325809 0.13024993052814732 0.10859821698557078 -0.034971457764275016 0.9934703943295927 1.6196600301057555 0.0 0.0 0.0 1.0 +reichstag/test/images/91629190_2705184160.jpg reichstag/test/images/05466646_5360480312.jpg 0 0 1208.55 0.0 319.5 0.0 1208.55 213.5 0.0 0.0 1.0 750.195 0.0 319.5 0.0 750.195 178.5 0.0 0.0 1.0 0.9990826100755607 0.011310105644655684 0.04130399199728941 -0.6548221139475272 -0.009634501338109919 0.9991313137954375 -0.040543731665563604 -0.0676241611465968 -0.04172666567761409 0.04010859388846728 0.9983236880229371 -0.6165216732616248 0.0 0.0 0.0 1.0 +reichstag/test/images/77361791_2035867493.jpg reichstag/test/images/91831337_388207037.jpg 0 0 601.346 0.0 249.5 0.0 601.346 187.0 0.0 0.0 1.0 678.613 0.0 319.5 0.0 678.613 239.5 0.0 0.0 1.0 0.9964529528937995 0.00786450685262791 -0.08378342438210445 4.031385319622826 -0.008239828483415831 0.9999575033713377 -0.004134812925020066 -0.06926849792573461 0.08374734560444726 0.004810507595461462 0.9964754091902536 3.2967962598601623 0.0 0.0 0.0 1.0 +reichstag/test/images/05978621_9257964873.jpg reichstag/test/images/64282931_8298463790.jpg 0 0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 0.9700958511267129 0.01005929125663124 0.2425136084555937 -2.141383086330944 -0.047017241460297114 0.9880042286691982 0.14709528591102666 -0.8217101815930232 -0.2381247963404964 -0.15409884746874913 0.9589317632535699 -3.9316085045844966 0.0 0.0 0.0 1.0 +reichstag/test/images/06639257_4979506057.jpg reichstag/test/images/05461164_9050854768.jpg 0 0 678.155 0.0 319.5 0.0 678.155 239.5 0.0 0.0 1.0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 0.9967050784787428 0.0016692529848359016 0.08109377367687348 -0.5976306530379004 0.008432507402676986 0.9922380765333162 -0.12406648337229913 -0.048677793578962514 -0.08067142835965631 0.12434151789301029 0.988954653952584 -3.0173016140013837 0.0 0.0 0.0 1.0 +reichstag/test/images/48551853_12793928283.jpg reichstag/test/images/48900330_6782044072.jpg 0 0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 769.928 0.0 319.5 0.0 769.928 170.0 0.0 0.0 1.0 0.9877116792733572 0.006385622602136521 -0.15615653188703751 0.9168639554905298 0.0023859370314742714 0.9984324171143714 0.05591972603327343 0.23636437768029203 0.15626882584663557 -0.05560514615696646 0.9861481236555575 2.4184034904069396 0.0 0.0 0.0 1.0 +reichstag/test/images/06796518_2036664706.jpg reichstag/test/images/77458003_1504115665.jpg 0 0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 612.932 0.0 249.5 0.0 612.932 187.0 0.0 0.0 1.0 0.9996368499848195 -0.009312745003259182 0.025287169334101602 -0.3442182662151409 0.0038651544309811115 0.9782340436561587 0.20746859138998533 0.13549772145461178 -0.02666887199811654 -0.20729551035327387 0.9779147931459691 0.8629664211206776 0.0 0.0 0.0 1.0 +reichstag/test/images/49051226_8836027266.jpg reichstag/test/images/49501249_12793461434.jpg 0 0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 587.147 0.0 319.5 0.0 587.147 230.0 0.0 0.0 1.0 0.9332298854674951 0.059633962858113454 0.35429616332125774 -2.143254694609582 -0.037923428937367436 0.996970097489428 -0.06791493392143239 -0.14080516165788787 -0.3572727171335066 0.04994412063253519 0.9326638142472797 -4.944504345297412 0.0 0.0 0.0 1.0 +reichstag/test/images/62810349_4295140640.jpg reichstag/test/images/64271070_4602086309.jpg 0 0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 0.991222226205449 -0.00524211264534159 0.13210230327790595 -1.265939595891807 -0.01046867044940233 0.992963865939888 0.11795409224242202 -1.0844189265512947 -0.13179114240090684 -0.11830165338119979 0.9841929757887619 -3.954331690672631 0.0 0.0 0.0 1.0 +reichstag/test/images/76958303_5507621260.jpg reichstag/test/images/05461164_9050854768.jpg 0 0 708.355 0.0 319.5 0.0 708.355 239.5 0.0 0.0 1.0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 0.9926492883575898 -0.014447603734072785 -0.12016096316821806 1.1215396664033783 0.002589458288026223 0.9951572460170851 -0.09826164259498947 -0.091123245046843 0.12099869845971574 0.09722819779279097 0.9878795435299896 -2.5627319749346085 0.0 0.0 0.0 1.0 +reichstag/test/images/06030835_119872882.jpg reichstag/test/images/76958303_5507621260.jpg 0 0 710.363 0.0 319.5 0.0 710.363 239.5 0.0 0.0 1.0 708.355 0.0 319.5 0.0 708.355 239.5 0.0 0.0 1.0 0.9834425676077527 0.014793690112228414 0.18061523454552186 -1.8747163771899773 -0.026399419469675414 0.9977255321310989 0.06202284406071307 -0.030920669470674456 -0.1792868842630008 -0.06576404235278396 0.9815963039175964 -0.6100987068399162 0.0 0.0 0.0 1.0 +reichstag/test/images/48551853_12793928283.jpg reichstag/test/images/77349640_2188160842.jpg 0 0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 708.96 0.0 239.0 0.0 708.96 319.5 0.0 0.0 1.0 0.9786183470061245 -0.0020239352839882025 -0.20567458420759355 1.0578343865025748 -0.012901524697232677 0.9973785265028766 -0.0712013028773888 0.21347569985904186 0.20527952056522092 0.07233241705429998 0.9760268130945974 -3.942209709003479 0.0 0.0 0.0 1.0 +reichstag/test/images/34959164_3067403556.jpg reichstag/test/images/77274889_6889793618.jpg 0 0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 757.774 0.0 319.5 0.0 757.774 239.5 0.0 0.0 1.0 0.9282267739635641 -0.044762942193781775 -0.36931197530455323 1.748545560086937 0.03434179506109567 0.9988059273404825 -0.03474709515197174 0.42279899190309783 0.3704263721836993 0.019570347868002328 0.9286556435380927 7.318958925195741 0.0 0.0 0.0 1.0 +reichstag/test/images/78043438_3428167710.jpg reichstag/test/images/77902859_6141520050.jpg 0 0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 0.9974274495337537 0.03916466868366277 0.06003841806285696 -0.38269686165643707 -0.038085693058883666 0.9990935999582229 -0.01901206213809583 -0.13122868886118305 -0.06072860035284829 0.01667654788669526 0.9980149948020655 -1.6185675924009788 0.0 0.0 0.0 1.0 +reichstag/test/images/91549947_3428166276.jpg reichstag/test/images/05534141_6340060522.jpg 0 0 543.843 0.0 319.5 0.0 543.843 213.0 0.0 0.0 1.0 668.983 0.0 319.5 0.0 668.983 213.5 0.0 0.0 1.0 0.9969525655796388 0.02963673777932874 0.072161248312201 -0.7845558895275965 -0.029130658948007503 0.9995431504339821 -0.008055751347031887 -0.004982875488011164 -0.07236702766751368 0.005929097259249864 0.9973604459332944 -0.7880157291346879 0.0 0.0 0.0 1.0 +reichstag/test/images/92102978_5376734902.jpg reichstag/test/images/05466646_5360480312.jpg 0 0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 750.195 0.0 319.5 0.0 750.195 178.5 0.0 0.0 1.0 0.9997955665843776 -0.014888053777359453 -0.013681041369203005 -0.34287870483910743 0.014388261211938964 0.9992506778680985 -0.03593133339360987 0.41994244668473235 0.014205737485973896 0.03572714143152491 0.999260610845645 9.336536190098924 0.0 0.0 0.0 1.0 +reichstag/test/images/06796518_2036664706.jpg reichstag/test/images/06229406_8584869180.jpg 0 0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 0.999782558524267 0.0043815683977760445 0.020387190317603564 -0.11684065591066078 -0.008302902772387906 0.980478695007437 0.19644996931042064 -0.38538046012071486 -0.019128446780197584 -0.19657652579819523 0.9803018780094672 -3.358529185624303 0.0 0.0 0.0 1.0 +reichstag/test/images/76958303_5507621260.jpg reichstag/test/images/06796518_2036664706.jpg 0 0 708.355 0.0 319.5 0.0 708.355 239.5 0.0 0.0 1.0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 0.980929262679565 -0.023808609515250007 -0.1929013523329363 2.0476038023841903 -0.00515721067693491 0.9889315585111665 -0.14828275610707078 -0.12404542729955537 0.1942966412395206 0.14644972753004926 0.9699491185157165 2.352663275602795 0.0 0.0 0.0 1.0 +reichstag/test/images/48815289_2513792540.jpg reichstag/test/images/48716728_829974943.jpg 0 0 776.799 0.0 319.5 0.0 776.799 211.0 0.0 0.0 1.0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 0.9987066516113244 0.018001734176381536 0.04754956986072065 -0.6248699563022657 -0.017649920388292394 0.9998137368975234 -0.007808445510937061 -0.16984101084737435 -0.047681278690735594 0.006959100347978162 0.9988383585869953 -1.8261049941653118 0.0 0.0 0.0 1.0 +reichstag/test/images/62810349_4295140640.jpg reichstag/test/images/34959164_3067403556.jpg 0 0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 0.9995768245242187 -0.013190770903561156 -0.025926346388357568 0.43647569372050116 0.012062071213700239 0.99899279257657 -0.043219287570501266 -0.18245695677079232 0.026470328900770414 0.04288827279147325 0.9987291513442718 -2.466781357108818 0.0 0.0 0.0 1.0 +reichstag/test/images/62810349_4295140640.jpg reichstag/test/images/49284352_2431392889.jpg 0 0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 666.383 0.0 319.5 0.0 666.383 179.5 0.0 0.0 1.0 0.9994072371028981 -0.008868279826214272 0.033264516218875356 -0.11291563022409412 0.0030311931989702697 0.9851665203219472 0.171574296165063 -1.7750830603825811 -0.03429265656291996 -0.17137176211287025 0.9846094316307292 -5.265150720553551 0.0 0.0 0.0 1.0 +reichstag/test/images/78043438_3428167710.jpg reichstag/test/images/77023786_7168337563.jpg 0 0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 0.9981923979959229 0.03689865099795104 0.04743865657542007 -0.49043335955504386 -0.03897437761834645 0.9982884581020842 0.0436022053275453 -0.44974566718312836 -0.0457486007699883 -0.04537228200889052 0.9979220518421736 -3.133358739476595 0.0 0.0 0.0 1.0 +reichstag/test/images/05461164_9050854768.jpg reichstag/test/images/35531158_5960344226.jpg 0 0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 0.9999553501933172 -0.002650594765819154 -0.009070389580818702 0.3102929945830585 0.002436679054386788 0.9997205313819998 -0.023514287751878176 -0.06512597616299805 0.009130181539614932 0.02349113621516906 0.9996823527022842 -0.0749080985206767 0.0 0.0 0.0 1.0 +reichstag/test/images/63790741_1504116525.jpg reichstag/test/images/78043438_3428167710.jpg 0 0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 0.9978928235127271 -0.04379217939827592 -0.04787648488920508 0.3243538695648666 0.04087772734508729 0.9973461869448963 -0.060246118493864284 0.22550952673214103 0.050387738477706716 0.058162087393982445 0.9970347272793848 2.565732354340283 0.0 0.0 0.0 1.0 +reichstag/test/images/64282931_8298463790.jpg reichstag/test/images/05866831_3427466899.jpg 0 0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 961.582 0.0 249.5 0.0 961.582 176.5 0.0 0.0 1.0 0.89366859628789 -0.0698108588178881 -0.44326389882319706 2.5751451187887167 0.010377198742064464 0.9907751237453254 -0.1351183478055555 0.7353889872168471 0.4486075721107483 0.11615118664285902 0.8861490552307527 11.143947212945566 0.0 0.0 0.0 1.0 +reichstag/test/images/35531158_5960344226.jpg reichstag/test/images/20613988_1265419368.jpg 0 0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 0.9927132131429011 -0.007147680691002645 -0.12028876552794314 0.8693248388280514 0.046367588062174926 0.94403689584317 0.3265645205224967 0.9823560202896203 0.11122285389610118 -0.32976241439486575 0.9374893209118038 2.3925670346605195 0.0 0.0 0.0 1.0 +reichstag/test/images/91831337_388207037.jpg reichstag/test/images/19799508_3094174298.jpg 0 0 678.613 0.0 319.5 0.0 678.613 239.5 0.0 0.0 1.0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 0.9914074253935417 -0.01356481447771698 0.13010500637075642 -4.913167660395306 0.006278062306097343 0.9983967419938017 0.056254168821899014 -0.24055701378445582 -0.13065949184131329 -0.054953993343041754 0.9899031042518368 -4.679879494395108 0.0 0.0 0.0 1.0 +reichstag/test/images/92102978_5376734902.jpg reichstag/test/images/05545431_1341290848.jpg 0 0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 492.313 0.0 319.5 0.0 492.313 213.0 0.0 0.0 1.0 0.9996882162622844 -0.024445617912938342 0.005087438568333673 -0.491698313786219 0.02394135042530442 0.9962841722458258 0.08273245960481619 -0.32823757974453444 -0.007090980619400745 -0.08258486481979851 0.9965588081475928 -2.819696172459519 0.0 0.0 0.0 1.0 +reichstag/test/images/34272622_11098902473.jpg reichstag/test/images/05791347_12791964625.jpg 0 0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 0.9985678616082276 -0.0377995503216603 0.03786053035354799 0.1415475322861288 0.03562863168224863 0.9977689380929208 0.05646013444347949 0.15571429243936247 -0.039910228859558375 -0.055030356826077244 0.9976867411467248 1.73111918997764 0.0 0.0 0.0 1.0 +reichstag/test/images/77214581_8512429399.jpg reichstag/test/images/48900330_6782044072.jpg 0 0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 769.928 0.0 319.5 0.0 769.928 170.0 0.0 0.0 1.0 0.9978448286087792 -0.001344542571821008 -0.06560404121689839 0.321481585985875 0.0022737685694402816 0.9998981239111024 0.01409154979234124 0.5555075286878817 0.06557841104516463 -0.014210348494318067 0.9977462292589542 6.360264549181293 0.0 0.0 0.0 1.0 +reichstag/test/images/05545431_1341290848.jpg reichstag/test/images/06030835_119872882.jpg 0 0 492.313 0.0 319.5 0.0 492.313 213.0 0.0 0.0 1.0 710.363 0.0 319.5 0.0 710.363 239.5 0.0 0.0 1.0 0.9997186968934347 0.001621173334715563 -0.023662182458766414 0.04398292145343118 -0.004035910628130928 0.9947389282602971 -0.10236296219315677 0.03576480545861786 0.023371745914562855 0.1024296656275647 0.9944656480202474 1.44331209091258 0.0 0.0 0.0 1.0 +reichstag/test/images/34959164_3067403556.jpg reichstag/test/images/48983853_5719892543.jpg 0 0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 0.9974697900154323 0.0030600349129247884 0.0710257290909521 -0.6207771268680351 -0.01017892154453626 0.9949267574131818 0.10008564801949098 0.7206567989185918 -0.07035913276014576 -0.10055537563762039 0.9924405316529638 3.822394878183954 0.0 0.0 0.0 1.0 +reichstag/test/images/78040542_6368040213.jpg reichstag/test/images/34481400_9199849492.jpg 0 0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 0.8704475474678632 0.0385582230843671 0.4907487448173029 -6.664651064927421 -0.07133254978162777 0.9962851351600831 0.04824517385922218 -0.1738974194158027 -0.4870654313835398 -0.07700125253287221 0.8699644088464398 -1.657681340262611 0.0 0.0 0.0 1.0 +reichstag/test/images/63812586_393800330.jpg reichstag/test/images/48815289_2513792540.jpg 0 0 1002.64 0.0 187.0 0.0 1002.64 249.5 0.0 0.0 1.0 776.799 0.0 319.5 0.0 776.799 211.0 0.0 0.0 1.0 0.9998463358165789 -0.01736423628615155 -0.00240583714323436 0.027343012023152924 0.017528290369944036 0.9922600944755905 0.12293357534863877 0.10715455138611628 0.00025256854118343064 -0.12295685507319719 0.9924119850141073 1.424190007033915 0.0 0.0 0.0 1.0 +reichstag/test/images/48815289_2513792540.jpg reichstag/test/images/91840440_9426147613.jpg 0 0 776.799 0.0 319.5 0.0 776.799 211.0 0.0 0.0 1.0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 0.9847931836091309 0.023972635660673244 0.1720688764898328 -2.324536851732853 -0.01601220875718798 0.9987427483559626 -0.04750296598208314 -0.30091047697331147 -0.17299131390826808 0.0440253943294019 0.98393890560666 -4.573623951626968 0.0 0.0 0.0 1.0 +reichstag/test/images/62663981_6029901745.jpg reichstag/test/images/19799508_3094174298.jpg 0 0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 0.9999774167160189 0.006544871980401928 -0.0015266658827614071 0.057960396027266534 -0.006555169125912065 0.9999551190386091 -0.006840297231242507 -0.9624404676712316 0.001481828494842489 0.006850150307927885 0.9999754395109266 -12.752879509208466 0.0 0.0 0.0 1.0 +reichstag/test/images/64271070_4602086309.jpg reichstag/test/images/34272622_11098902473.jpg 0 0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 0.9722368973665985 -0.04925749749310794 -0.22875557772366206 0.49353668674674017 -0.01669024177027725 0.9605057192617381 -0.2777592466420167 -0.08618110635755599 0.23340276611175714 0.27386577406862556 0.9330169808557469 3.7544135796524865 0.0 0.0 0.0 1.0 +reichstag/test/images/06796518_2036664706.jpg reichstag/test/images/77792600_3686854267.jpg 0 0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 0.9917500142249328 -0.030213176765729245 -0.12457557238306603 0.8495137867043479 0.03933893793540842 0.9966675612588337 0.07145782180057386 -0.13131481596150812 0.12200146411809909 -0.0757689664974472 0.9896336223415959 -3.3328803646072944 0.0 0.0 0.0 1.0 +reichstag/test/images/78043438_3428167710.jpg reichstag/test/images/91840440_9426147613.jpg 0 0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 0.9726857662922206 0.03652304449565512 0.22923452461024335 -2.7995258950483572 -0.03373428474027791 0.9993015710841222 -0.01607383158636845 -0.2976077855485749 -0.22966148585598267 0.007901724468334691 0.9732384932095776 -3.8299817355328516 0.0 0.0 0.0 1.0 +reichstag/test/images/64127786_281241429.jpg reichstag/test/images/92241023_5405455015.jpg 0 0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 523.981 0.0 319.5 0.0 523.981 213.0 0.0 0.0 1.0 0.9974748152831795 0.020012054158161173 0.0681433090197277 -0.5433603943642167 -0.030884142989262873 0.9862340351333929 0.16244567601609003 -1.1048840321721711 -0.06395437895567471 -0.16414001837722741 0.984361667162795 -5.105570948418934 0.0 0.0 0.0 1.0 +reichstag/test/images/77274889_6889793618.jpg reichstag/test/images/91831337_388207037.jpg 0 0 757.774 0.0 319.5 0.0 757.774 239.5 0.0 0.0 1.0 678.613 0.0 319.5 0.0 678.613 239.5 0.0 0.0 1.0 0.9609780688968842 0.0366916741131599 0.27418036426773723 0.13531553535475638 -0.01901877000103487 0.9975823958696474 -0.06684048053853414 0.007198979402997546 -0.27596999381610876 0.059017662625252265 0.9593526348592517 0.5040630743575134 0.0 0.0 0.0 1.0 +reichstag/test/images/64097451_5212815345.jpg reichstag/test/images/34959164_3067403556.jpg 0 0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 0.9962769116301581 -0.010387608005679602 -0.08558278420683901 1.014295189834071 0.011889110152561885 0.9997838908877381 0.017053462438927247 -0.27817186759568074 0.08538714430436402 -0.018007474039853377 0.9961851065270199 -2.8837756041285734 0.0 0.0 0.0 1.0 +reichstag/test/images/77792600_3686854267.jpg reichstag/test/images/05466646_5360480312.jpg 0 0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 750.195 0.0 319.5 0.0 750.195 178.5 0.0 0.0 1.0 0.9892355114823782 0.04152467517076553 0.14031679932980182 -0.6748602061535464 -0.040847549575706896 0.9991356929359663 -0.007703557296919668 0.49434571222724744 -0.1405154102433524 0.0018890350259235665 0.9900766894694638 12.773506881440683 0.0 0.0 0.0 1.0 +reichstag/test/images/48983853_5719892543.jpg reichstag/test/images/77107104_4141016705.jpg 0 0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 0.9994172196390224 -0.007938280817284055 -0.03319946967456494 0.39572060122951036 0.0049667134816394395 0.9960505175025814 -0.0886492997154006 -0.13332324368384885 0.03377207198555808 0.08843274439089609 0.9955094659887954 -1.5620751586746349 0.0 0.0 0.0 1.0 +reichstag/test/images/77458003_1504115665.jpg reichstag/test/images/64282931_8298463790.jpg 0 0 612.932 0.0 249.5 0.0 612.932 187.0 0.0 0.0 1.0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 0.9822816050423583 0.028777683438435096 0.18518826456156995 -1.8231680702607178 -0.03492852114831459 0.9989383228192767 0.030037070652814354 -1.1217963754863423 -0.18412725709628266 -0.03597321418677566 0.9822439010018192 -5.316741422072897 0.0 0.0 0.0 1.0 +reichstag/test/images/63329391_7754963780.jpg reichstag/test/images/78040542_6368040213.jpg 0 0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 0.8974940200107563 -0.03297140131876433 -0.4397924177836734 3.0160656144164983 0.0216701464708078 0.9992938710377891 -0.03069469104331252 0.5229262496701893 0.44049391459686016 0.018017935547327807 0.8975747685857408 6.123494481939001 0.0 0.0 0.0 1.0 +reichstag/test/images/06030835_119872882.jpg reichstag/test/images/62799820_4661707438.jpg 0 0 710.363 0.0 319.5 0.0 710.363 239.5 0.0 0.0 1.0 625.353 0.0 319.5 0.0 625.353 239.5 0.0 0.0 1.0 0.9930072694824487 -0.004392606695264305 0.11797147011643296 -1.0029014147691955 -0.020248259064823918 0.9781614182468003 0.20685803793484195 -1.5065840173881868 -0.11630378652415187 -0.2078002523093499 0.9712324564079986 -5.219218538814298 0.0 0.0 0.0 1.0 +reichstag/test/images/34481400_9199849492.jpg reichstag/test/images/48983853_5719892543.jpg 0 0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 0.992945526680292 -0.022283813418549372 -0.11645863087433664 1.1546219595145966 0.025582020788870098 0.999310653473475 0.02690312373635894 0.4247221770824506 0.11577884633194234 -0.029692583483814622 0.992831108108575 2.3770553244314216 0.0 0.0 0.0 1.0 +reichstag/test/images/06796518_2036664706.jpg reichstag/test/images/92414106_7915968882.jpg 0 0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 1871.37 0.0 319.5 0.0 1871.37 212.5 0.0 0.0 1.0 0.9988557882276939 -0.0036469050406956883 0.04768453006643038 -0.6832213224594226 0.0013300380647690369 0.998820882180051 0.04852912857048237 0.3855575981678939 -0.04780528551089743 -0.048410178730183225 0.9976828700907583 14.148843816870656 0.0 0.0 0.0 1.0 +reichstag/test/images/05791347_12791964625.jpg reichstag/test/images/64271070_4602086309.jpg 0 0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 0.9803121557246349 0.03116441707067288 0.19497911797719414 -1.8387090796204109 -0.0751249347574189 0.9720702927275725 0.22234115717568992 -1.446748086120367 -0.18260427573365579 -0.2326115326143062 0.9552735489788307 -5.005594199729289 0.0 0.0 0.0 1.0 +reichstag/test/images/78040542_6368040213.jpg reichstag/test/images/64282931_8298463790.jpg 0 0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 0.8611954403084495 0.026087508896339696 0.5076040341363719 -6.18450883159519 -0.08225528784299664 0.9926708043712004 0.08853666907502049 -0.8806707135501239 -0.5015740037260717 -0.11800049164565929 0.8570294060051741 -4.033629561836153 0.0 0.0 0.0 1.0 +reichstag/test/images/48815289_2513792540.jpg reichstag/test/images/77107104_4141016705.jpg 0 0 776.799 0.0 319.5 0.0 776.799 211.0 0.0 0.0 1.0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 0.9999794102020074 0.0010215774930871458 -0.00633526254160714 -0.01345042299360355 -0.0010965830097142886 0.9999292179397873 -0.011847219759432231 -0.1447832950517674 0.006322711265610561 0.011853922968835817 0.999909749843705 -2.026308295998961 0.0 0.0 0.0 1.0 +reichstag/test/images/05866831_3427466899.jpg reichstag/test/images/06030835_119872882.jpg 0 0 961.582 0.0 249.5 0.0 961.582 176.5 0.0 0.0 1.0 710.363 0.0 319.5 0.0 710.363 239.5 0.0 0.0 1.0 0.9652026179178574 0.0038707430027108834 0.2614745182864319 -4.689453511187142 0.0021386370900349405 0.9997401659710198 -0.022694201365882058 -0.3008611228098206 -0.26149442173000886 0.022463701672810768 0.9649435473183098 -6.6711456900386334 0.0 0.0 0.0 1.0 +reichstag/test/images/48716728_829974943.jpg reichstag/test/images/63329391_7754963780.jpg 0 0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 0.9990736283480454 -0.013717871183092822 0.04078854189199901 0.0878306311905267 0.013256396868180573 0.9998452721551119 0.01156285826010106 -0.38173112667358894 -0.04094084856893638 -0.011011437656998585 0.9991008933832365 -3.069036169778024 0.0 0.0 0.0 1.0 +reichstag/test/images/48551853_12793928283.jpg reichstag/test/images/34481400_9199849492.jpg 0 0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 0.9996768965013832 0.021328511567788803 0.013827407409391226 -1.3362441394997542 -0.022522582839420206 0.9954214795053904 0.09289139573470481 -0.2914488051831443 -0.011782863132704277 -0.09317281112858397 0.995580228511391 -3.1643653332979733 0.0 0.0 0.0 1.0 +reichstag/test/images/78040542_6368040213.jpg reichstag/test/images/64097451_5212815345.jpg 0 0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 0.9167323529619669 0.0338607361479311 0.3980643711516216 -5.4645097504234075 -0.02480646250760702 0.9993035537703459 -0.027875559901389988 0.05049814117792081 -0.3987310276999702 0.01567985871994662 0.9169338632528783 -0.8789829007441534 0.0 0.0 0.0 1.0 +reichstag/test/images/48900330_6782044072.jpg reichstag/test/images/77274889_6889793618.jpg 0 0 769.928 0.0 319.5 0.0 769.928 170.0 0.0 0.0 1.0 757.774 0.0 319.5 0.0 757.774 239.5 0.0 0.0 1.0 0.9211659906926177 -0.057700606792719114 -0.38486862377575054 4.676029301996348 0.0322892605826932 0.9968695027561204 -0.07217061816132841 0.3114554946213638 0.38782808207027913 0.054053995694280994 0.9201453930261084 0.7777393702697681 0.0 0.0 0.0 1.0 +reichstag/test/images/48542127_4157749181.jpg reichstag/test/images/77107104_4141016705.jpg 0 0 713.145 0.0 319.5 0.0 713.145 239.5 0.0 0.0 1.0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 0.9936735317488762 -0.03138566942549622 -0.10783251854810981 0.6062059737563444 0.033784096552157895 0.9992191471403344 0.020487332874167482 0.05526142792059774 0.10710530856063785 -0.024000744631280553 0.9939579554162615 1.174232715496591 0.0 0.0 0.0 1.0 +reichstag/test/images/48668943_3586566128.jpg reichstag/test/images/76958303_5507621260.jpg 0 0 550.231 0.0 319.5 0.0 550.231 212.0 0.0 0.0 1.0 708.355 0.0 319.5 0.0 708.355 239.5 0.0 0.0 1.0 0.9412381501455886 -0.016556570950507866 0.33733755300717877 -2.9455037172046477 -0.027838450777372025 0.9915959936719526 0.1263424156490953 0.5156215816800713 -0.33659436324577124 -0.12830925645522903 0.9328670694901177 3.606568078384515 0.0 0.0 0.0 1.0 +reichstag/test/images/77792600_3686854267.jpg reichstag/test/images/34481400_9199849492.jpg 0 0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 0.9486325075742762 0.047846008758080656 0.3127413068644152 -2.2290200422556383 -0.08763111171375657 0.9895601662837716 0.11441794249262598 0.3134542607181855 -0.30400189774597086 -0.13594644809761092 0.9429217408759285 1.4303176999652107 0.0 0.0 0.0 1.0 +reichstag/test/images/63329391_7754963780.jpg reichstag/test/images/06796518_2036664706.jpg 0 0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 0.9904896840893687 -0.006992368208159794 -0.13740921548202006 0.6170783560071574 -0.014429501001003342 0.9879210147979214 -0.15428498961826184 -0.134340282943387 0.13682826905798656 0.15480043703906857 0.9784246774683826 4.374033621455937 0.0 0.0 0.0 1.0 +reichstag/test/images/64271070_4602086309.jpg reichstag/test/images/48983853_5719892543.jpg 0 0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 0.9961699667322739 -0.0121613211166314 -0.08658810339370204 0.5443358796886588 0.006762008930841142 0.9980296486075599 -0.062378648073597075 1.1319698982239983 0.08717610117365589 0.061554226247826666 0.9942893968132176 5.470758370969833 0.0 0.0 0.0 1.0 +reichstag/test/images/35221995_8835396469.jpg reichstag/test/images/78043438_3428167710.jpg 0 0 918.648 0.0 319.5 0.0 918.648 213.0 0.0 0.0 1.0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 0.958842286417629 -0.05305242828933169 -0.2789388994565281 2.32746688060858 0.04338955940096945 0.9982285829123307 -0.040706785574767576 0.34419067529772646 0.2806043761462096 0.026928351406012224 0.9594456982957142 2.7846631819775074 0.0 0.0 0.0 1.0 +reichstag/test/images/06796518_2036664706.jpg reichstag/test/images/92697655_166630020.jpg 0 0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 431.56 0.0 249.5 0.0 431.56 187.0 0.0 0.0 1.0 0.9804947794955176 -0.031744103098799145 0.1939646857046134 -2.641212159007906 0.020870873289628004 0.9981072854417641 0.05784680973226437 -0.18851973979563935 -0.19543386101227428 -0.052670282574952154 0.9793015099055599 -3.546343490072382 0.0 0.0 0.0 1.0 +reichstag/test/images/34537245_34002183.jpg reichstag/test/images/77487845_5932034347.jpg 0 0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 774.031 0.0 319.5 0.0 774.031 212.0 0.0 0.0 1.0 0.9995568592981388 0.000713587381317472 0.02975862602826202 -0.4320949331570059 -0.0033266490392959685 0.996127996287538 0.08785185495106969 -1.3791622306818025 -0.029580710542684418 -0.08791192072309455 0.9956889452828961 -8.16459357305423 0.0 0.0 0.0 1.0 +reichstag/test/images/62673079_4759250457.jpg reichstag/test/images/48542127_4157749181.jpg 0 0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 713.145 0.0 319.5 0.0 713.145 239.5 0.0 0.0 1.0 0.9988316099119267 0.014525029441107432 0.04609163221761045 0.20759064980133246 -0.01328034023620236 0.9995418744632265 -0.027196943904602658 0.27008248081957276 -0.04646555287478249 0.026553054707026864 0.9985669169774083 1.4697481058334159 0.0 0.0 0.0 1.0 +reichstag/test/images/20982577_4977562846.jpg reichstag/test/images/63812586_393800330.jpg 0 0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 1002.64 0.0 187.0 0.0 1002.64 249.5 0.0 0.0 1.0 0.999811589508187 0.01745955780033734 0.008482294885787412 -0.04193414565751821 -0.01629324198530423 0.9923756488687095 -0.12216833385954094 -0.018748187206808986 -0.010550627977570583 0.12200711198050965 0.9924731476848402 0.15442634068327799 0.0 0.0 0.0 1.0 +reichstag/test/images/20982577_4977562846.jpg reichstag/test/images/05461164_9050854768.jpg 0 0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 0.9994429940869547 0.007704169630851449 0.03247071512613728 -0.4272618305995682 -0.0044491051872242796 0.9950624555110079 -0.0991509712279051 -0.11310580755191899 -0.03307426542701603 0.09895127792354638 0.9945424765005065 -3.7894182800608407 0.0 0.0 0.0 1.0 +reichstag/test/images/05466646_5360480312.jpg reichstag/test/images/77107104_4141016705.jpg 0 0 750.195 0.0 319.5 0.0 750.195 178.5 0.0 0.0 1.0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 0.9996916788059461 -0.0028536563863486315 0.024665846253025855 -0.5976955156923642 0.0011095219140871966 0.9975156164224983 0.07043695020630424 -1.1278716928742882 -0.0248055696824608 -0.07038786570476387 0.9972112274108514 -10.746010739723094 0.0 0.0 0.0 1.0 +reichstag/test/images/62799820_4661707438.jpg reichstag/test/images/19812646_389634613.jpg 0 0 625.353 0.0 319.5 0.0 625.353 239.5 0.0 0.0 1.0 747.529 0.0 319.5 0.0 747.529 239.5 0.0 0.0 1.0 0.9748630420841015 -0.07265933617436161 -0.21062447636785328 0.9550934435151195 0.07155280798064181 0.9973536476591893 -0.012880107569211562 -0.013668667027569414 0.2110029498576185 -0.002514431866280157 0.9774821905199975 0.37178553945353165 0.0 0.0 0.0 1.0 +reichstag/test/images/34272622_11098902473.jpg reichstag/test/images/48716728_829974943.jpg 0 0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 0.9854765079409423 0.004357648418473403 0.1697558929663028 -0.6501031387501961 -0.027291597084222477 0.9907398978881126 0.1330023438186145 0.09731965366471987 -0.16760435861014572 -0.1357035947678376 0.9764698220334144 0.5545446434909924 0.0 0.0 0.0 1.0 +reichstag/test/images/05978621_9257964873.jpg reichstag/test/images/77902859_6141520050.jpg 0 0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 0.9961097507704183 0.029995737636217313 0.08285903779162972 -0.6647231835984534 -0.030944276619398133 0.9994691981505338 0.010186937362684452 -0.05432690473677573 -0.08250949136067726 -0.012711320623298824 0.996509210275256 -1.2105006692229665 0.0 0.0 0.0 1.0 +reichstag/test/images/48551853_12793928283.jpg reichstag/test/images/05978621_9257964873.jpg 0 0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 0.9776212512151343 -0.006449216495762545 -0.21027386137878826 1.6336070925659127 0.002189056719802536 0.9997877327842661 -0.020486517634158166 0.0949334613236613 0.21036134911915866 0.019567753593296554 0.9774278519748042 -1.364339831533755 0.0 0.0 0.0 1.0 +reichstag/test/images/48542127_4157749181.jpg reichstag/test/images/06229406_8584869180.jpg 0 0 713.145 0.0 319.5 0.0 713.145 239.5 0.0 0.0 1.0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 0.9910315455566233 -0.025976472295662304 -0.13107897847756964 1.1039395296403174 0.03655617290632276 0.9962070606381812 0.07896289354550075 -0.0661067645417755 0.128530626444025 -0.08304646423363089 0.9882222234114142 -0.73372812461339 0.0 0.0 0.0 1.0 +reichstag/test/images/77023786_7168337563.jpg reichstag/test/images/78040542_6368040213.jpg 0 0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 0.9361753218203722 -0.04783829737887503 -0.3482632109747067 3.1850470458250926 0.037545535812945854 0.9986372730796402 -0.03624816625126276 0.42985193037771763 0.3495226738783073 0.0208589098456919 0.9366956850146197 4.985429666389848 0.0 0.0 0.0 1.0 +reichstag/test/images/05936329_2458217347.jpg reichstag/test/images/05545431_1341290848.jpg 0 0 864.162 0.0 319.5 0.0 864.162 200.0 0.0 0.0 1.0 492.313 0.0 319.5 0.0 492.313 213.0 0.0 0.0 1.0 0.9983361324055596 -0.006306837109206808 -0.05731658171233345 0.8706198471047883 0.010307417919785409 0.9975096577765259 0.06977277247168091 -0.4487640181626 0.05673379829815337 -0.07024746577803358 0.9959149409876469 -3.079745789941904 0.0 0.0 0.0 1.0 +reichstag/test/images/62673079_4759250457.jpg reichstag/test/images/62799820_4661707438.jpg 0 0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 625.353 0.0 319.5 0.0 625.353 239.5 0.0 0.0 1.0 0.9993582330924051 -0.022364010538074967 0.027981654402105052 0.1680083899089182 0.01794582689719939 0.9886399595137427 0.1492279389043517 -0.763043226254098 -0.031001116873456795 -0.1486300154252769 0.9884068237660443 -2.682008916606248 0.0 0.0 0.0 1.0 +reichstag/test/images/76958303_5507621260.jpg reichstag/test/images/34959164_3067403556.jpg 0 0 708.355 0.0 319.5 0.0 708.355 239.5 0.0 0.0 1.0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 0.9821084988948975 -0.020378837442143707 -0.18721004081757375 1.8822635624865252 0.01630912572278726 0.9995965626700676 -0.023253479660987883 -0.14446182219242298 0.18760839218054526 0.01978420791167389 0.9820446406863276 -1.3972683555720593 0.0 0.0 0.0 1.0 +reichstag/test/images/49051226_8836027266.jpg reichstag/test/images/06639257_4979506057.jpg 0 0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 678.155 0.0 319.5 0.0 678.155 239.5 0.0 0.0 1.0 0.9970690712243978 -0.005312508970149738 -0.07632197885379215 0.7602235230058284 0.010950652498909039 0.9972243370506063 0.07364580642390035 -0.6824365143483551 0.07571889075762242 -0.07426573127910707 0.9943597189850436 -4.420106148199557 0.0 0.0 0.0 1.0 +reichstag/test/images/05978621_9257964873.jpg reichstag/test/images/35531158_5960344226.jpg 0 0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 0.9953443528253094 0.01277559621922711 0.09553221153102993 -0.956797990522102 -0.006905353434285045 0.9980814860199301 -0.0615277446213953 -0.01396353732221883 -0.09613498526922334 0.060581609466002946 0.9935229907766581 -4.377400606037566 0.0 0.0 0.0 1.0 +reichstag/test/images/48900330_6782044072.jpg reichstag/test/images/48668943_3586566128.jpg 0 0 769.928 0.0 319.5 0.0 769.928 170.0 0.0 0.0 1.0 550.231 0.0 319.5 0.0 550.231 212.0 0.0 0.0 1.0 0.9848983530930558 -0.009653481135513469 -0.1728642368350163 3.3183291297459974 -0.01589266480814318 0.9891879926281054 -0.14578936328030012 0.32817042006118496 0.1724026023002041 0.14633497716658725 0.9740962052989284 -8.356516220028972 0.0 0.0 0.0 1.0 +reichstag/test/images/05534141_6340060522.jpg reichstag/test/images/06796518_2036664706.jpg 0 0 668.983 0.0 319.5 0.0 668.983 213.5 0.0 0.0 1.0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 0.99951866252866 -0.003116377465679873 -0.03086634815474772 0.4542714072842796 -0.0008926650300414512 0.9916408050747965 -0.12902603171358004 -0.06199350918551101 0.031010424151611284 0.12899147995934082 0.9911607093160201 1.1870656148434078 0.0 0.0 0.0 1.0 +reichstag/test/images/77107104_4141016705.jpg reichstag/test/images/62673079_4759250457.jpg 0 0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 0.9979398434043302 0.019522698055132348 0.06111409990165619 -0.8132667795576092 -0.019801436309546488 0.9997960955998667 0.003958578449531335 -0.3598950145126646 -0.06102435633597831 -0.0051605701148469615 0.9981229365413206 -2.604614704922862 0.0 0.0 0.0 1.0 +reichstag/test/images/20099963_3586531606.jpg reichstag/test/images/06030835_119872882.jpg 0 0 502.573 0.0 319.5 0.0 502.573 212.0 0.0 0.0 1.0 710.363 0.0 319.5 0.0 710.363 239.5 0.0 0.0 1.0 0.9988903040738134 -0.004723740277544459 0.04685986241032522 -1.8070653696754981 0.015551754626566426 0.9722316628804817 -0.23350318332024686 0.3151147144160792 -0.04445563356155637 0.23397281887100488 0.9712262438145897 3.8386044463468787 0.0 0.0 0.0 1.0 +reichstag/test/images/62663981_6029901745.jpg reichstag/test/images/77122925_1063274053.jpg 0 0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 658.554 0.0 319.5 0.0 658.554 239.5 0.0 0.0 1.0 0.877320696136435 0.03730571968915289 0.4784523794581393 -9.208558121613153 -0.10194416904055256 0.9887075029290799 0.10984015682060462 -3.151853973982652 -0.4689517912635714 -0.14514047309492317 0.8712166553392272 -13.871038260168538 0.0 0.0 0.0 1.0 +reichstag/test/images/06030835_119872882.jpg reichstag/test/images/05936329_2458217347.jpg 0 0 710.363 0.0 319.5 0.0 710.363 239.5 0.0 0.0 1.0 864.162 0.0 319.5 0.0 864.162 200.0 0.0 0.0 1.0 0.9967295619742892 0.00041655479716753985 0.0808084572841404 -0.8503057756975034 -0.0030257185655210546 0.999477880420438 0.0321684873351428 0.15475074402693834 -0.08075286566868108 -0.03230778594038808 0.9962104103320372 1.7152420082882327 0.0 0.0 0.0 1.0 +reichstag/test/images/77107104_4141016705.jpg reichstag/test/images/62810349_4295140640.jpg 0 0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 0.9998499723912384 0.01343279288698986 -0.01093584859510288 0.01021006472789665 -0.013084248381491572 0.9994230566071683 0.03134256476863378 -0.02490673218311884 0.011350557410595047 -0.031194775159308376 0.9994488735544349 0.19403907475368132 0.0 0.0 0.0 1.0 +reichstag/test/images/06229406_8584869180.jpg reichstag/test/images/78043438_3428167710.jpg 0 0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 0.9992922816005572 -0.027296970685371773 -0.025880713378004468 -0.03950170606295017 0.025167829186695394 0.9965331060985175 -0.07929910985421233 0.13169530218025738 0.027955613167694744 0.07859162704158165 0.9965148467792012 3.3222551475274433 0.0 0.0 0.0 1.0 +reichstag/test/images/34959164_3067403556.jpg reichstag/test/images/05791347_12791964625.jpg 0 0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 0.9984360470119517 -0.04350045004087029 -0.03511653276435306 -0.1880469305554207 0.041112006806927795 0.9969664885739655 -0.06608799858373512 0.1264580928520667 0.03788486404166256 0.06454092892683215 0.997195670653361 3.6515858502160765 0.0 0.0 0.0 1.0 +reichstag/test/images/34537245_34002183.jpg reichstag/test/images/05534141_6340060522.jpg 0 0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 668.983 0.0 319.5 0.0 668.983 213.5 0.0 0.0 1.0 0.9997002962628003 -0.0005566076518320076 0.02447463666719141 -0.3647005761202479 0.00040299577833345667 0.9999801940352487 0.006280854370922223 -0.2156738506232826 -0.024477647895003184 -0.006269108800141326 0.9996807205445047 -3.9971620685540934 0.0 0.0 0.0 1.0 +reichstag/test/images/64282931_8298463790.jpg reichstag/test/images/92342560_2757258130.jpg 0 0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 1743.4 0.0 319.5 0.0 1743.4 239.5 0.0 0.0 1.0 0.9953425683534487 -0.008524946590503794 -0.09602341854563204 0.0209685948417484 0.006174521400585303 0.9996746474414866 -0.024748223132445155 0.6253548837303753 0.09620315436114495 0.02404006132206481 0.9950713685673993 3.047322010509241 0.0 0.0 0.0 1.0 +reichstag/test/images/91831337_388207037.jpg reichstag/test/images/78040542_6368040213.jpg 0 0 678.613 0.0 319.5 0.0 678.613 239.5 0.0 0.0 1.0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 0.9751662402456798 0.0002261852496503047 -0.22147404526340841 0.5976534160600182 0.020843812221633864 0.9954671818229955 0.09279345561758438 -0.23717686374079816 0.2204911321962285 -0.09510540864544022 0.9707412744234218 -2.3250602025541616 0.0 0.0 0.0 1.0 +reichstag/test/images/91629190_2705184160.jpg reichstag/test/images/05978621_9257964873.jpg 0 0 1208.55 0.0 319.5 0.0 1208.55 213.5 0.0 0.0 1.0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 0.9999683991776287 -0.0029679584081585227 -0.007375084339724382 0.40856502041719406 0.002818721049797217 0.999792712444244 -0.020164001463617336 -0.6741885601613247 0.007433401494204165 0.02014257595911637 0.9997694840191699 -10.40800374434295 0.0 0.0 0.0 1.0 +reichstag/test/images/49284352_2431392889.jpg reichstag/test/images/62673079_4759250457.jpg 0 0 666.383 0.0 319.5 0.0 666.383 179.5 0.0 0.0 1.0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 0.9991069435749746 0.023587519406678255 0.03505630083896617 -0.4979121025341987 -0.01618599185114834 0.9800445344986072 -0.19811795493393 0.3651068735385167 -0.03902984714378322 0.19737360342165247 0.9795510868271675 2.7067576471961123 0.0 0.0 0.0 1.0 +reichstag/test/images/64271070_4602086309.jpg reichstag/test/images/63329391_7754963780.jpg 0 0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 0.9996481469687909 -0.005512465822279646 -0.025946001279980216 0.7230430930806654 0.001978145838704594 0.9909361142165285 -0.13431941215061874 0.1702592354921625 0.02645126085658965 0.13422082648384034 0.9905983548023345 1.0519694667818529 0.0 0.0 0.0 1.0 +reichstag/test/images/48668943_3586566128.jpg reichstag/test/images/06796518_2036664706.jpg 0 0 550.231 0.0 319.5 0.0 550.231 212.0 0.0 0.0 1.0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 0.9888803472900106 -0.015098317658158202 0.14794492065455087 -1.5497150796503112 0.017526653920915274 0.9997320073411426 -0.015123818961695273 -0.1337322444580083 -0.14767692827901205 0.017548626770862018 0.988879957604831 5.354061965233051 0.0 0.0 0.0 1.0 +reichstag/test/images/06857713_2570944910.jpg reichstag/test/images/20613988_1265419368.jpg 0 0 782.61 0.0 319.5 0.0 782.61 239.5 0.0 0.0 1.0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 0.9979802035437448 -0.013134822577014814 -0.062152954641398875 0.7880032039688782 0.023943401487629568 0.98400861526053 0.17650427365436938 -0.2971842363046338 0.05884069051249842 -0.17763592409454984 0.9823356104769324 -1.1586995736215364 0.0 0.0 0.0 1.0 +reichstag/test/images/35221995_8835396469.jpg reichstag/test/images/77361791_2035867493.jpg 0 0 918.648 0.0 319.5 0.0 918.648 213.0 0.0 0.0 1.0 601.346 0.0 249.5 0.0 601.346 187.0 0.0 0.0 1.0 0.9585751432749442 -0.033011914563843545 -0.28292032127835887 2.392295003498379 0.0020056657489905725 0.9940189446164406 -0.10918935409883741 0.06368948318875757 0.28483270879645056 0.1040987571513103 0.9529080631200624 2.8882115505586654 0.0 0.0 0.0 1.0 +reichstag/test/images/78040542_6368040213.jpg reichstag/test/images/06373813_9127207861.jpg 0 0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 1495.37 0.0 319.5 0.0 1495.37 211.5 0.0 0.0 1.0 0.9384356871054053 0.019422762388814303 0.3449075491609218 -4.643877320544158 -0.024397270549038754 0.9996514463804256 0.01008756359484261 1.1896925784685428 -0.34459140203545857 -0.017881332464630487 0.9385824543387365 9.735032278845036 0.0 0.0 0.0 1.0 +reichstag/test/images/19799508_3094174298.jpg reichstag/test/images/62751178_369337490.jpg 0 0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 700.224 0.0 319.5 0.0 700.224 258.5 0.0 0.0 1.0 0.999989282547418 0.000563206023732454 0.004595387826373057 -0.10966920165793331 -0.0013499617577620551 0.9849118422808909 0.17305155456716922 -1.2271971320596582 -0.004428588212119771 -0.17305590349316663 0.9849020468415178 -4.507281183807896 0.0 0.0 0.0 1.0 +reichstag/test/images/62799820_4661707438.jpg reichstag/test/images/62663981_6029901745.jpg 0 0 625.353 0.0 319.5 0.0 625.353 239.5 0.0 0.0 1.0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 0.9954754952651326 -0.01945988520874531 -0.09300457620085954 0.3374296441218911 0.0010503746882745554 0.9809975849854653 -0.19401709967345335 1.489148907591214 0.09501281513381897 0.19304157873460048 0.9765794969381649 17.692343199025064 0.0 0.0 0.0 1.0 +reichstag/test/images/48716728_829974943.jpg reichstag/test/images/48542127_4157749181.jpg 0 0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 713.145 0.0 319.5 0.0 713.145 239.5 0.0 0.0 1.0 0.998430498870684 0.017726554211095244 0.053125400710373666 -0.24137694542168509 -0.016304146822408702 0.9995000451049161 -0.02708938226803859 0.00647525108789436 -0.053579041809554716 0.026180701118795204 0.9982203449978857 -1.3246606924387585 0.0 0.0 0.0 1.0 +reichstag/test/images/63812586_393800330.jpg reichstag/test/images/20982577_4977562846.jpg 0 0 1002.64 0.0 187.0 0.0 1002.64 249.5 0.0 0.0 1.0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 0.9998115895081868 -0.016293241985304227 -0.010550627977570576 0.043250070944051644 0.01745955780033734 0.9923756488687095 0.12200711198050963 0.0004962842438992823 0.008482294885787408 -0.12216833385954094 0.99247314768484 -0.15519873342807633 0.0 0.0 0.0 1.0 +reichstag/test/images/48668943_3586566128.jpg reichstag/test/images/77361791_2035867493.jpg 0 0 550.231 0.0 319.5 0.0 550.231 212.0 0.0 0.0 1.0 601.346 0.0 249.5 0.0 601.346 187.0 0.0 0.0 1.0 0.9905358163684537 -0.012182662404114726 0.13671276175993433 -1.6011980098936156 0.008770788354706315 0.999635548846831 0.025531211356538165 0.09294093646184223 -0.13697397476498277 -0.02409050058514031 0.990281666001466 5.360861368111795 0.0 0.0 0.0 1.0 +reichstag/test/images/62799820_4661707438.jpg reichstag/test/images/63790741_1504116525.jpg 0 0 625.353 0.0 319.5 0.0 625.353 239.5 0.0 0.0 1.0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 0.9956272057141019 0.00979235022556608 -0.09290089945199154 0.39280295711981417 -0.020407143198326764 0.9932702030025096 -0.11400812398174114 0.715054252211627 0.09115928777920639 0.11540543186701799 0.9891266706277687 4.2081585631852185 0.0 0.0 0.0 1.0 +reichstag/test/images/64271070_4602086309.jpg reichstag/test/images/48900330_6782044072.jpg 0 0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 769.928 0.0 319.5 0.0 769.928 170.0 0.0 0.0 1.0 0.9902449694397686 -0.024974150917252618 -0.13708096981417162 0.9183896205126869 0.00752193896634062 0.991953076685568 -0.12638241210003182 0.9459732838214776 0.13913418319528162 0.12411843311933131 0.9824643981471207 8.867073452414882 0.0 0.0 0.0 1.0 +reichstag/test/images/05978621_9257964873.jpg reichstag/test/images/48668943_3586566128.jpg 0 0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 550.231 0.0 319.5 0.0 550.231 212.0 0.0 0.0 1.0 0.9928525874637064 0.01498615535814178 -0.11840251143537994 2.0161147378714945 -0.023654482960420106 0.9971133909605104 -0.07214811850011886 0.04037846156611982 0.11697950676293192 0.07443319632270025 0.9903410999664145 -4.655103392857177 0.0 0.0 0.0 1.0 +reichstag/test/images/20982577_4977562846.jpg reichstag/test/images/92241023_5405455015.jpg 0 0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 523.981 0.0 319.5 0.0 523.981 213.0 0.0 0.0 1.0 0.9974047086975415 0.01765336339561025 0.06980118787524527 -0.5601829885135352 -0.023884247471603715 0.9957035734712342 0.08946472209385088 -1.0087597834202549 -0.06792193894970867 -0.0908996839237481 0.9935410699472242 -4.45926673774753 0.0 0.0 0.0 1.0 +reichstag/test/images/77023786_7168337563.jpg reichstag/test/images/91629190_2705184160.jpg 0 0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 1208.55 0.0 319.5 0.0 1208.55 213.5 0.0 0.0 1.0 0.9977055145606776 -0.029861413207410408 -0.060761848362850646 0.270139648602552 0.026550781794382063 0.9981562387442836 -0.05458185634413817 1.1039408276074423 0.06227970938693332 0.052843344492199976 0.9966588276544576 13.18719118796725 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/61702125_8353062682.jpg sacre_coeur/test/images/41728687_4706427664.jpg 0 0 1508.27 0.0 239.5 0.0 1508.27 319.5 0.0 0.0 1.0 1542.39 0.0 213.5 0.0 1542.39 319.5 0.0 0.0 1.0 0.987456232319748 -0.08020146501257183 -0.1360070375485236 5.758511400490448 0.0748794557773005 0.9962296316122257 -0.043813105348338634 4.59363216966344 0.13900811614932268 0.0330793909799823 0.9897386006097821 22.723112291964465 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/86255041_34613076.jpg sacre_coeur/test/images/76610569_4643204754.jpg 0 0 943.253 0.0 319.5 0.0 943.253 283.5 0.0 0.0 1.0 503.401 0.0 212.5 0.0 503.401 319.5 0.0 0.0 1.0 0.8057088321360865 -0.2320781852197835 -0.5449522857672913 14.366108265282488 0.13817752802311015 0.9683034312188075 -0.20807555319956927 1.4728317841768794 0.5759689649341588 0.09234815122662726 0.8122386166624298 -4.275010696717077 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/03836329_3380486130.jpg sacre_coeur/test/images/82330476_2679804255.jpg 0 0 944.708 0.0 319.5 0.0 944.708 301.0 0.0 0.0 1.0 1431.71 0.0 239.5 0.0 1431.71 319.5 0.0 0.0 1.0 0.9946055417706543 0.03269553395383408 0.09844195415866525 -2.3001579606330784 -0.03803099660327613 0.9978796358696096 0.05281927313109186 -0.38733562341165584 -0.09650626703206724 -0.05627818739270984 0.9937400595967368 -0.7957919942442855 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/17616986_7085723791.jpg sacre_coeur/test/images/47058715_3625029597.jpg 0 0 511.96 0.0 319.5 0.0 511.96 212.0 0.0 0.0 1.0 679.749 0.0 319.5 0.0 679.749 239.5 0.0 0.0 1.0 0.7783942474685961 0.24199271639512723 0.579259804163473 -4.059597285812041 -0.11061381170828538 0.9611504316577599 -0.2528921358671826 1.1903939638784877 -0.6179538657271767 0.13277564888114493 0.7749217037204656 10.59238183288268 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/87565848_5767537300.jpg sacre_coeur/test/images/17082719_403390685.jpg 0 0 1030.07 0.0 213.0 0.0 1030.07 319.5 0.0 0.0 1.0 780.101 0.0 319.5 0.0 780.101 212.5 0.0 0.0 1.0 0.9634465663259486 -0.046184047063340214 -0.2638896504821494 6.551400692958897 0.11880667207457248 0.9565256656930456 0.2663524460954709 -6.224031374367802 0.24011598969103412 -0.2879682007919049 0.927048341149138 -9.41803786526116 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/75519914_2079302390.jpg sacre_coeur/test/images/69212502_553330789.jpg 0 0 569.028 0.0 187.0 0.0 569.028 249.5 0.0 0.0 1.0 859.802 0.0 213.0 0.0 859.802 319.5 0.0 0.0 1.0 0.9852539206060845 0.06950393041461023 0.15634550069400982 -4.450054542620971 -0.07031547182192115 0.9975247456670998 -0.0003408874425349071 1.2007669176391722 -0.15598219883307268 -0.010657646959290869 0.9877023682306785 5.589878036053475 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/04073909_6377255611.jpg sacre_coeur/test/images/32086795_402359870.jpg 0 0 679.951 0.0 319.5 0.0 679.951 221.5 0.0 0.0 1.0 689.084 0.0 239.5 0.0 689.084 319.5 0.0 0.0 1.0 0.9906728505169226 -0.06525192195953766 -0.11962228023767926 0.6221820366052617 0.044158251620932204 0.9842485485323497 -0.1711865751913539 -0.2769270248009805 0.1289083087409726 0.164307581664843 0.9779497259803251 -0.02913998217412761 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/61084833_3699152935.jpg sacre_coeur/test/images/78882005_4504743257.jpg 0 0 1839.79 0.0 239.5 0.0 1839.79 319.5 0.0 0.0 1.0 1001.41 0.0 319.5 0.0 1001.41 239.5 0.0 0.0 1.0 0.9997787780538676 0.002050175960082912 0.02093302968154057 -1.5487256883625933 -0.001822007583178891 0.9999387895053745 -0.01091318152022278 0.1415740245863888 -0.02095412230284052 0.010872627146149774 0.9997213165364929 1.3828564601188091 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/74061457_6280563618.jpg sacre_coeur/test/images/85759221_9290609964.jpg 0 0 545.636 0.0 319.5 0.0 545.636 213.0 0.0 0.0 1.0 1001.31 0.0 212.5 0.0 1001.31 319.5 0.0 0.0 1.0 0.9983555410765172 0.005611879190917674 0.05705015700031855 -0.3042557323620483 -0.008845719543964126 0.9983582765572728 0.05659067834318506 0.4490983330305089 -0.05663891636996582 -0.057002266985961614 0.9967661584899926 1.4654457296737997 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/96482156_2206813531.jpg sacre_coeur/test/images/99936428_253699491.jpg 0 0 889.73 0.0 239.5 0.0 889.73 319.5 0.0 0.0 1.0 658.712 0.0 319.5 0.0 658.712 239.5 0.0 0.0 1.0 0.9927670716562088 -0.002848390957823044 0.1200226149694603 -2.4577332900725413 -0.034131411426602774 0.9517708107191672 0.30490551096529456 -7.816722949406511 -0.1151025116545416 -0.3067966925048749 0.9447895010418382 -14.288798382044252 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/39890331_3228856431.jpg sacre_coeur/test/images/12573771_2610756325.jpg 0 0 853.952 0.0 295.0 0.0 853.952 319.5 0.0 0.0 1.0 686.081 0.0 213.5 0.0 686.081 319.5 0.0 0.0 1.0 0.9885756220616561 -0.07189125116522445 -0.13247598828206147 3.618472440626209 0.07329924070622136 0.9972932663437635 0.005776003573296866 0.026438419410483416 0.1317021669423161 -0.01542040567838367 0.9911693852775177 -0.5742140982208426 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/15083954_1584414678.jpg sacre_coeur/test/images/89611407_866799904.jpg 0 0 693.186 0.0 319.5 0.0 693.186 239.5 0.0 0.0 1.0 673.378 0.0 319.5 0.0 673.378 239.5 0.0 0.0 1.0 0.9979877268168937 -0.00017911183777853554 0.06340713715188748 -2.9365539603964135 -0.014460090800278557 0.9730025106007232 0.23034109520173957 -5.202744043757331 -0.06173656045566846 -0.23079445895349981 0.9710419737681089 -13.236998014753361 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/44937588_1061437022.jpg sacre_coeur/test/images/86437085_9493229723.jpg 0 0 521.234 0.0 319.5 0.0 521.234 239.5 0.0 0.0 1.0 520.807 0.0 319.5 0.0 520.807 212.0 0.0 0.0 1.0 0.9714265350157687 0.11549004315624978 0.2073464178591584 -3.8937127092721195 -0.08861403478225537 0.9869360702650302 -0.1345538778684159 1.6478066638579063 -0.2201772919873128 0.11233540466650276 0.9689699257208896 7.689023373749247 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/54990444_8865247484.jpg sacre_coeur/test/images/86255041_34613076.jpg 0 0 600.166 0.0 319.5 0.0 600.166 239.5 0.0 0.0 1.0 943.253 0.0 319.5 0.0 943.253 283.5 0.0 0.0 1.0 0.9957805488098911 0.04109560132480749 0.08205029045423708 -2.0472093097806185 -0.0334459505329892 0.9951488079800782 -0.09252144815541247 2.697941207436853 -0.08545447328734189 0.08938680846513271 0.9923243076069438 11.833945942954738 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/95399415_4857734874.jpg sacre_coeur/test/images/88346204_4983096872.jpg 0 0 542.7 0.0 319.5 0.0 542.7 239.5 0.0 0.0 1.0 525.321 0.0 319.5 0.0 525.321 239.5 0.0 0.0 1.0 0.8670174639337976 -0.2177443135373338 -0.4481831446584765 9.263385554187519 0.31765341461092717 0.9345285786842172 0.1604763029499214 1.0762765285906981 0.3838971547430691 -0.2815026634769408 0.8794198229716932 -1.3756316400310808 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/70724808_2779990339.jpg sacre_coeur/test/images/63366740_3980778716.jpg 0 0 1030.95 0.0 249.5 0.0 1030.95 165.5 0.0 0.0 1.0 492.101 0.0 249.5 0.0 492.101 187.0 0.0 0.0 1.0 0.9619927315395314 -0.043379374402275475 -0.26960751907463254 1.8645416318734664 0.04651550387457402 0.9989037656668196 0.005251174720180516 -1.4972289966088015 0.2690841733815009 -0.017592521510988147 0.9629559755370335 -2.700040811684641 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/99119091_3503925030.jpg sacre_coeur/test/images/34297653_2634761938.jpg 0 0 504.731 0.0 319.5 0.0 504.731 214.0 0.0 0.0 1.0 648.902 0.0 239.0 0.0 648.902 319.5 0.0 0.0 1.0 0.9840245689641965 -0.05536595159776701 -0.16920478444329176 1.182221341730886 0.034614810077527876 0.9917759555240553 -0.12321635024477967 1.772373436248421 0.17463522725419348 0.11539092446124724 0.9778483890429308 8.261219097923183 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/39598026_13855927694.jpg sacre_coeur/test/images/97963132_2552614010.jpg 0 0 546.706 0.0 319.5 0.0 546.706 239.5 0.0 0.0 1.0 756.149 0.0 319.5 0.0 756.149 239.5 0.0 0.0 1.0 0.9982978604613758 0.005015416643905198 0.05810531295955423 0.37735168430279753 -0.0003034351888685733 0.9967286399965242 -0.08082033245270043 0.10724641094052823 -0.05832057720329811 0.08066513377269574 0.9950335906230037 1.2001310613307306 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/33411162_10141421203.jpg sacre_coeur/test/images/47232856_233187107.jpg 0 0 878.795 0.0 218.5 0.0 878.795 319.5 0.0 0.0 1.0 548.399 0.0 249.5 0.0 548.399 187.0 0.0 0.0 1.0 0.9982831942954152 -0.015614857799631073 0.05645210539244424 -1.5074256917922029 0.010726692468009143 0.9962479163237635 0.08587797907063426 -2.042484921699809 -0.0575812648006197 -0.08512499889255122 0.9947050479953865 -5.531243276159392 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/23236854_6565983213.jpg sacre_coeur/test/images/27614460_8959698816.jpg 0 0 668.656 0.0 239.5 0.0 668.656 319.5 0.0 0.0 1.0 807.303 0.0 319.5 0.0 807.303 319.5 0.0 0.0 1.0 0.9145709671583792 -0.145720832286675 -0.37726036774178356 8.766899156509416 0.13701482431008782 0.9893076394302953 -0.04997331772188668 -0.8316889837519854 0.38050871731178876 -0.005986117484280694 0.9247579588450167 -2.895952788022168 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/70116109_2697195876.jpg sacre_coeur/test/images/57606942_9403768875.jpg 0 0 606.734 0.0 212.5 0.0 606.734 319.5 0.0 0.0 1.0 456.61 0.0 179.5 0.0 456.61 319.5 0.0 0.0 1.0 0.9985496857823307 0.01891566875016445 -0.05040558004568895 -0.8411229206856483 -0.020728918560302376 0.9991476684289987 -0.035696619002587374 -0.290676801882719 0.04968739235790762 0.03668970085227707 0.9980906917169612 -8.562472879906766 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/90679226_9106466645.jpg sacre_coeur/test/images/60748234_6779431614.jpg 0 0 512.07 0.0 239.5 0.0 512.07 319.5 0.0 0.0 1.0 1251.64 0.0 305.5 0.0 1251.64 305.5 0.0 0.0 1.0 0.9921114226549675 0.0025372562450234155 0.12533350457193598 -2.8731998234291427 -0.005123666121357639 0.9997804357276587 0.0203181786016789 3.571572974296854 -0.12525443338666006 -0.020800064109515643 0.9919065904862346 22.115775515450075 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/66599130_8409392232.jpg sacre_coeur/test/images/77145724_5072492873.jpg 0 0 701.54 0.0 319.5 0.0 701.54 239.5 0.0 0.0 1.0 558.428 0.0 192.5 0.0 558.428 319.5 0.0 0.0 1.0 0.9381130535308851 -0.10920258158788541 -0.32866197676259956 1.1576698673205352 0.08076645411747085 0.9918037202486567 -0.09900586038318489 -1.7292859057320056 0.3367798668035973 0.06633382753516834 0.9392439218010866 -8.148104105660636 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/21037086_3590495621.jpg sacre_coeur/test/images/30442266_2401730436.jpg 0 0 661.089 0.0 239.5 0.0 661.089 319.5 0.0 0.0 1.0 523.192 0.0 319.5 0.0 523.192 239.5 0.0 0.0 1.0 0.9971302369587631 0.02215013801340527 0.07239241623642255 2.1892382297785584 -0.02409697511142787 0.999368055107641 0.026130943742048125 -0.37739516257670896 -0.07176786420842957 -0.0278003923777697 0.9970338569229242 -0.7367257339269768 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/65409197_2096349519.jpg sacre_coeur/test/images/17616986_7085723791.jpg 0 0 548.189 0.0 166.0 0.0 548.189 249.5 0.0 0.0 1.0 511.96 0.0 319.5 0.0 511.96 212.0 0.0 0.0 1.0 0.9597616508944248 -0.07189778304632602 -0.2714558569370573 6.325314461495489 0.08820701911602968 0.9949280910191304 0.048348893262344296 -0.9693179587756338 0.26660287930004267 -0.0703477255783911 0.9612357162813263 -4.820659107538116 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/00246274_6807912549.jpg sacre_coeur/test/images/96399538_6003485006.jpg 0 0 1138.93 0.0 308.5 0.0 1138.93 319.5 0.0 0.0 1.0 944.215 0.0 319.5 0.0 944.215 239.5 0.0 0.0 1.0 0.999510589187868 0.01140246854798322 0.029130152974767915 -0.5858889545936343 -0.016313807949127918 0.9845440410306653 0.1743757177510875 -3.7095027293731215 -0.026691604888430684 -0.17476560011060593 0.9842482122140024 -7.815857218544313 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/63360516_5790897098.jpg sacre_coeur/test/images/71781222_5227267590.jpg 0 0 516.78 0.0 319.5 0.0 516.78 239.5 0.0 0.0 1.0 862.013 0.0 212.0 0.0 862.013 319.5 0.0 0.0 1.0 0.9990924394790637 -0.007816874762741826 0.041871157671086456 0.23395397899208525 -0.001945256213314267 0.9736171693380311 0.22817936705246666 2.871821303033397 -0.042550127544320415 -0.22805373059685596 0.9727183470084334 6.153254115487492 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/36799566_319205128.jpg sacre_coeur/test/images/58368117_3401402227.jpg 0 0 815.415 0.0 166.0 0.0 815.415 249.5 0.0 0.0 1.0 682.756 0.0 319.5 0.0 682.756 239.0 0.0 0.0 1.0 0.9944458208746407 -0.003186747968671788 -0.10520149230094847 3.8629097780301733 0.0005710605596025389 0.9996901732540285 -0.02488436033270759 -0.3174832414975217 0.10524819824965946 0.024686071714935316 0.9941395347879923 -2.5715990143658463 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/61737552_3071958212.jpg sacre_coeur/test/images/85532633_499885666.jpg 0 0 531.42 0.0 319.5 0.0 531.42 213.0 0.0 0.0 1.0 1397.17 0.0 239.5 0.0 1397.17 319.5 0.0 0.0 1.0 0.999089444708489 0.04261160253579519 -0.0021290376732679196 -0.2465534224452543 -0.0419301224602551 0.971442611876562 -0.2335403962078326 2.287518243932591 -0.007883292621157294 0.2334170155746467 0.9723447693784723 44.53233787190097 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/68663909_1356782012.jpg sacre_coeur/test/images/08619228_3960784810.jpg 0 0 672.136 0.0 319.5 0.0 672.136 239.0 0.0 0.0 1.0 484.401 0.0 319.5 0.0 484.401 213.0 0.0 0.0 1.0 0.9990334430577464 0.031368939823547395 0.03079235727467297 -0.745846740878062 -0.023045806634276515 0.9703076359440912 -0.2407737162257625 0.18733620573101945 -0.0374308756077116 0.23983136000726663 0.9700927008839438 6.607739532687609 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/35558294_6148191791.jpg sacre_coeur/test/images/53515910_7697309520.jpg 0 0 638.785 0.0 319.5 0.0 638.785 239.5 0.0 0.0 1.0 500.109 0.0 319.5 0.0 500.109 212.5 0.0 0.0 1.0 0.20542974038237036 -0.7677889281928274 -0.6068762505741523 16.67063844429164 0.9754586397112056 0.11042681167719605 0.19048979362573096 -0.689078906787133 -0.07924054504605811 -0.6311149507081245 0.7716312947343993 -7.1035000698095825 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/83804881_3941265613.jpg sacre_coeur/test/images/60635619_2829148962.jpg 0 0 1145.06 0.0 319.5 0.0 1145.06 239.5 0.0 0.0 1.0 530.154 0.0 249.5 0.0 530.154 187.0 0.0 0.0 1.0 0.7784911350498133 -0.3189489079536186 -0.5405766798189207 11.015686391943117 0.29368443372919967 0.9462680051380215 -0.13537472377541038 1.8193253380920063 0.5547080367490749 -0.05337093373085639 0.8303315828021258 -0.38551568176998696 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/57417409_1401404166.jpg sacre_coeur/test/images/16841636_7028528545.jpg 0 0 548.254 0.0 187.0 0.0 548.254 249.5 0.0 0.0 1.0 471.619 0.0 319.5 0.0 471.619 239.5 0.0 0.0 1.0 0.9982382637409227 -0.013383888941660803 -0.05780346287468563 3.5311028748377176 0.024810884480934027 0.9791195465118924 0.20176554128398566 -1.3288955835646994 0.053896092759880325 -0.20284423865405507 0.9777266622272686 -7.109685540375038 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/08319155_4244960671.jpg sacre_coeur/test/images/64966234_8900198268.jpg 0 0 661.935 0.0 239.5 0.0 661.935 319.5 0.0 0.0 1.0 578.134 0.0 239.5 0.0 578.134 319.5 0.0 0.0 1.0 0.9677510040182051 -0.12732824246764649 -0.21736032961848417 3.4369610293914934 0.12427125044167255 0.9918606197594828 -0.027733865291334512 3.4638025832579022 0.2191224555708952 -0.00017216397710850167 0.9756973505263536 14.057904064365598 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/62818938_336020653.jpg sacre_coeur/test/images/84278429_5829272410.jpg 0 0 1475.36 0.0 187.0 0.0 1475.36 249.5 0.0 0.0 1.0 1453.22 0.0 319.5 0.0 1453.22 213.0 0.0 0.0 1.0 0.9999700080216113 0.006252885375333582 0.004569954238494002 -0.12334872902680827 -0.006681453738891961 0.9948918727194868 0.1007249709488545 -4.009900041887292 -0.003916788632800666 -0.10075248394553588 0.9949038123083107 -14.198964916461627 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/58368117_3401402227.jpg sacre_coeur/test/images/33672452_9565324953.jpg 0 0 682.756 0.0 319.5 0.0 682.756 239.0 0.0 0.0 1.0 493.101 0.0 212.5 0.0 493.101 319.5 0.0 0.0 1.0 0.972971415910313 0.0643420608469506 0.22178079950132684 -2.7100378037066544 -0.009551532781048326 0.9707906191738453 -0.23973806945413204 -0.09198318961121688 -0.23072796112091187 0.2311399423077479 0.9451660885934057 4.933823034828411 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/25134250_4289943327.jpg sacre_coeur/test/images/62721852_537101715.jpg 0 0 695.364 0.0 319.5 0.0 695.364 239.5 0.0 0.0 1.0 662.611 0.0 319.5 0.0 662.611 239.5 0.0 0.0 1.0 0.9063914398528864 0.2550575326452883 0.3367494807751144 -1.3666829543203947 -0.178223880055324 0.9536208771724706 -0.2425767325998782 2.3303260375506936 -0.3830023581382196 0.15985267486565558 0.909811143039509 9.985725581177311 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/59996089_2005549974.jpg sacre_coeur/test/images/15114643_8210538601.jpg 0 0 497.691 0.0 319.5 0.0 497.691 213.5 0.0 0.0 1.0 927.73 0.0 239.5 0.0 927.73 319.5 0.0 0.0 1.0 0.9964524756749663 0.028824432458523234 0.07906716015309234 -0.9951953458514654 -0.021846452373966256 0.9959037601867367 -0.08774071440665825 1.8483062968320791 -0.08127235840002889 0.0857021151393755 0.9930004789629934 7.057531628179406 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/75911664_13736760514.jpg sacre_coeur/test/images/81476348_2961239173.jpg 0 0 675.746 0.0 255.5 0.0 675.746 319.5 0.0 0.0 1.0 534.342 0.0 239.5 0.0 534.342 319.5 0.0 0.0 1.0 0.9864006441332283 0.07332589427790141 -0.1470954876326877 3.340813939463003 -0.08744659351777609 0.9919172773630618 -0.09194132993810418 -0.4105039520485071 0.13916487536619646 0.10355398638872632 0.9848399409890497 0.24622905387562 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/60386407_4541255112.jpg sacre_coeur/test/images/48360689_7391063350.jpg 0 0 1433.05 0.0 212.5 0.0 1433.05 319.5 0.0 0.0 1.0 1914.59 0.0 212.0 0.0 1914.59 319.5 0.0 0.0 1.0 0.9995899627049463 0.011093363489711029 -0.026397798128050935 1.2011798249753003 -0.011145433380917788 0.9999362201394464 -0.0018261894720775053 1.3661702627899066 0.02637585589655258 0.0021196555667251696 0.999649849340259 6.281772573104867 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/59996089_2005549974.jpg sacre_coeur/test/images/75026938_1499132926.jpg 0 0 497.691 0.0 319.5 0.0 497.691 213.5 0.0 0.0 1.0 580.942 0.0 187.0 0.0 580.942 249.5 0.0 0.0 1.0 0.9989334268189529 0.027817581468135122 -0.03685364222173059 0.770913842865447 -0.0273888622674703 0.9995517726581422 0.012087348743990953 -1.215720390603515 0.037173364220059506 -0.011065077371125052 0.9992475694518019 -3.4071566827177127 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/12060097_10141374576.jpg sacre_coeur/test/images/75911664_13736760514.jpg 0 0 852.046 0.0 319.5 0.0 852.046 209.0 0.0 0.0 1.0 675.746 0.0 255.5 0.0 675.746 319.5 0.0 0.0 1.0 0.9878829608495602 0.060551306002578444 0.14290134710522742 -4.511000290392337 -0.048439297996951965 0.9950502421603581 -0.08676779348453732 -0.8348495223972094 -0.14744792325654876 0.07879438379729185 0.9859262421750098 -8.963269021871426 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/51093888_43012197.jpg sacre_coeur/test/images/99818215_2123948121.jpg 0 0 1767.41 0.0 319.5 0.0 1767.41 239.5 0.0 0.0 1.0 944.024 0.0 319.5 0.0 944.024 239.5 0.0 0.0 1.0 0.9991957478103367 0.007441584131122757 -0.03940152767801448 0.9440638105622754 -0.0029793862764480863 0.9936903762047959 0.11211850648036101 -8.71025174308141 0.039987258160039355 -0.11191094255518742 0.9929133698975213 -36.36672575001306 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/71205878_8911611472.jpg sacre_coeur/test/images/85759221_9290609964.jpg 0 0 795.021 0.0 305.5 0.0 795.021 305.5 0.0 0.0 1.0 1001.31 0.0 212.5 0.0 1001.31 319.5 0.0 0.0 1.0 0.9718281961276932 -0.08606263102631613 -0.219415543551549 1.6036484168785456 0.11370850627327451 0.9866439048231794 0.11663696102166667 -3.154679142386298 0.20644692492816208 -0.13830050114188763 0.9686344194646441 -7.076781792101116 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/37166302_11262849873.jpg sacre_coeur/test/images/35166120_4486686978.jpg 0 0 749.58 0.0 319.5 0.0 749.58 239.5 0.0 0.0 1.0 602.76 0.0 319.5 0.0 602.76 213.0 0.0 0.0 1.0 0.9882538046709864 -0.04896055334224098 -0.14476630053206885 1.526496848046749 0.0672577039105483 0.9899588530219702 0.12432968506397056 -1.4455259243540381 0.13722543065336207 -0.13260593327542583 0.9816235773666772 -14.445661926952333 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/35996631_900261655.jpg sacre_coeur/test/images/94345410_6525608719.jpg 0 0 896.808 0.0 319.5 0.0 896.808 204.0 0.0 0.0 1.0 1400.71 0.0 319.5 0.0 1400.71 211.5 0.0 0.0 1.0 0.997387211405441 0.020490567745677583 0.06927400059429635 0.0672812026291354 -0.02421065312183252 0.9982852688493041 0.05329508677061013 -0.5996218322702207 -0.06806316772155903 -0.054833006774499995 0.9961730505126982 -0.34930528645009673 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/43279207_5330361477.jpg sacre_coeur/test/images/89443230_8712904049.jpg 0 0 429.857 0.0 319.5 0.0 429.857 212.5 0.0 0.0 1.0 614.242 0.0 238.5 0.0 614.242 319.5 0.0 0.0 1.0 0.9058770182497057 -0.1682032452516913 -0.3887087548458637 0.3041588310090069 0.12122284547472377 0.9823331912760347 -0.14257111577192852 0.6715399255667277 0.4058224359766641 0.08203151592065569 0.9102631382483449 2.2480095462866228 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/48445083_12204174934.jpg sacre_coeur/test/images/14702458_3061790008.jpg 0 0 1439.35 0.0 213.0 0.0 1439.35 319.5 0.0 0.0 1.0 810.323 0.0 319.5 0.0 810.323 212.5 0.0 0.0 1.0 0.9969538310477386 -0.01050253067443654 -0.07728360504446877 2.426906224991166 0.027131477738794218 0.9757054532167883 0.2173999804018655 -9.351675277987763 0.07312278492334813 -0.2188345617411809 0.9730182387358415 -34.223977761807966 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/25923245_22222637.jpg sacre_coeur/test/images/16971221_7856309770.jpg 0 0 530.117 0.0 187.0 0.0 530.117 249.5 0.0 0.0 1.0 410.251 0.0 319.5 0.0 410.251 213.5 0.0 0.0 1.0 0.9662851229736503 -0.11606298322994833 -0.2298313404293734 4.421503463814597 0.09962179306254132 0.9916464852166766 -0.08193135361029533 1.2660584089807134 0.23742063824950443 0.0562728378631803 0.9697756484115395 2.9151919193650313 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/87493438_3174891219.jpg sacre_coeur/test/images/97437832_311711460.jpg 0 0 1913.51 0.0 212.5 0.0 1913.51 319.5 0.0 0.0 1.0 489.971 0.0 249.5 0.0 489.971 187.0 0.0 0.0 1.0 0.9959765700380718 -0.06438185879650199 -0.062334967659450395 3.0847153815915638 0.07199083713861779 0.9890653580247054 0.12871300215418183 -11.24974612979007 0.05336657477558838 -0.13268268090963756 0.9897208267402242 -47.0807845646399 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/87252152_3382721265.jpg sacre_coeur/test/images/15114643_8210538601.jpg 0 0 1262.46 0.0 239.5 0.0 1262.46 319.5 0.0 0.0 1.0 927.73 0.0 239.5 0.0 927.73 319.5 0.0 0.0 1.0 0.9978854407109399 0.02299746402836213 0.06079279451874001 -2.6905829171241216 -0.026878945093501812 0.997599323204171 0.06382094212122225 -3.3946961632637893 -0.05917913084689629 -0.06532003514117306 0.9961079878614375 -24.3273519240609 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/74801770_2547405796.jpg sacre_coeur/test/images/32072823_7643459828.jpg 0 0 730.49 0.0 319.5 0.0 730.49 239.5 0.0 0.0 1.0 483.073 0.0 239.5 0.0 483.073 319.5 0.0 0.0 1.0 0.9813428546224223 0.00852588913802083 -0.19207683591709296 -2.6653616253767707 0.06937101485684471 0.916021626821174 0.39508485353607375 -0.05872227504925043 0.17931498537279908 -0.40103826302523266 0.8983398285785047 0.10932123194709309 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/42008365_12432214243.jpg sacre_coeur/test/images/76298563_8026742947.jpg 0 0 848.932 0.0 319.5 0.0 848.932 319.5 0.0 0.0 1.0 520.791 0.0 319.5 0.0 520.791 239.5 0.0 0.0 1.0 0.9968408539096151 0.035343326848926375 0.0711277809579333 -0.8164662499647992 -0.022292359340323753 0.9840399535722965 -0.17654580280616933 2.2677931719546334 -0.07623229428392969 0.17440246277126625 0.9817191137425846 7.391109771577701 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/77653698_4129853031.jpg sacre_coeur/test/images/03599123_13889501361.jpg 0 0 346.996 0.0 213.0 0.0 346.996 319.5 0.0 0.0 1.0 962.462 0.0 239.5 0.0 962.462 319.5 0.0 0.0 1.0 0.9982053269891714 -0.045299804172755025 0.03916698753225045 -1.8245960559950287 0.040076457972023014 0.9913261485171182 0.12516526987400525 0.13829631523560337 -0.0444972211138863 -0.12337096501254222 0.9913624979315164 36.29144334703379 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/40439555_5986637695.jpg sacre_coeur/test/images/67741421_496100843.jpg 0 0 2201.25 0.0 319.5 0.0 2201.25 301.0 0.0 0.0 1.0 1150.26 0.0 239.5 0.0 1150.26 319.5 0.0 0.0 1.0 0.9997822460104203 0.0048510549455028085 0.020296005229475243 -0.8134988476113052 -0.004631761474431285 0.9999305414585632 -0.010837852371606733 -2.4926880101796156 -0.020347170515900948 0.01074148613090774 0.9997352715232649 -13.46062443327903 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/99378904_311153817.jpg sacre_coeur/test/images/78882005_4504743257.jpg 0 0 728.066 0.0 319.5 0.0 728.066 239.5 0.0 0.0 1.0 1001.41 0.0 319.5 0.0 1001.41 239.5 0.0 0.0 1.0 0.995489452461483 0.005962405294567283 0.0946847387969146 -1.8913964183400793 0.01218357011708941 0.9817249269622196 -0.1899150557492123 3.3970783671912916 -0.09408671881375494 0.1902120330161259 0.9772241666264367 43.81971194227575 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/15701912_177669906.jpg sacre_coeur/test/images/97437832_311711460.jpg 0 0 743.975 0.0 319.5 0.0 743.975 239.0 0.0 0.0 1.0 489.971 0.0 249.5 0.0 489.971 187.0 0.0 0.0 1.0 0.9738511372482472 -0.10004403724461193 -0.20397341270884878 5.787724264462161 0.1021958574820752 0.9947642969313217 1.6255349789691328e-05 -2.191693929918635 0.20290384223518054 -0.020861068106205055 0.9789764280327024 -8.877058661519582 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/48325951_2932818065.jpg sacre_coeur/test/images/99119091_3503925030.jpg 0 0 714.985 0.0 239.5 0.0 714.985 319.5 0.0 0.0 1.0 504.731 0.0 319.5 0.0 504.731 214.0 0.0 0.0 1.0 0.9427711820378483 0.04897907161807333 0.32982351168828167 -6.6062175111998975 -0.11374543743774836 0.9770612721435846 0.18003679051586977 -2.091781639364561 -0.31343974505645217 -0.20724941741918484 0.9267163563887034 -6.634276921384502 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/26122587_7769817838.jpg sacre_coeur/test/images/20934731_2795411032.jpg 0 0 535.329 0.0 239.5 0.0 535.329 319.5 0.0 0.0 1.0 380.178 0.0 166.0 0.0 380.178 249.5 0.0 0.0 1.0 0.9930728819921786 -0.024611316707171385 -0.11489357746056984 1.268211255848012 0.00459543171401196 0.9852046918174358 -0.17132016001706582 -0.13234979051661133 0.11741010629034669 0.1696054194619102 0.9784931622806768 -6.109250744048042 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/16555640_3650571161.jpg sacre_coeur/test/images/56774631_6820191793.jpg 0 0 1235.34 0.0 239.5 0.0 1235.34 319.5 0.0 0.0 1.0 1196.24 0.0 319.5 0.0 1196.24 213.0 0.0 0.0 1.0 0.9995470400398649 -0.021705894469606028 -0.020846316049108325 4.249524960052439 0.024327919842655386 0.9905320984344033 0.13510852781104213 -5.056556727589586 0.01771629373413974 -0.13555447656352815 0.9906114863153533 -18.762396675370397 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/85532633_499885666.jpg sacre_coeur/test/images/59914221_4605768617.jpg 0 3 1397.17 0.0 239.5 0.0 1397.17 319.5 0.0 0.0 1.0 658.209 0.0 319.5 0.0 658.209 239.5 0.0 0.0 1.0 -0.01331973882242408 0.9928200558688437 0.11887355139932275 -7.295700830410858 -0.9979717529045419 -0.005798525395261561 -0.06339367088184537 4.738579728139859 -0.06224921656003098 -0.1194768336031115 0.9908836063180361 -42.63118044209484 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/32903762_508473415.jpg sacre_coeur/test/images/53515910_7697309520.jpg 0 0 713.267 0.0 319.5 0.0 713.267 239.5 0.0 0.0 1.0 500.109 0.0 319.5 0.0 500.109 212.5 0.0 0.0 1.0 0.8931578843383222 -0.1913311124220962 -0.4070152319798548 10.281305752895353 0.20376776430506416 0.9789325378363892 -0.013030141799763294 -0.1921264478292326 0.4009335255056722 -0.0712986099761372 0.9133284274241458 -3.873529680838791 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/84259836_1237320024.jpg sacre_coeur/test/images/67569977_7754509434.jpg 0 0 693.174 0.0 239.5 0.0 693.174 319.5 0.0 0.0 1.0 1806.88 0.0 239.5 0.0 1806.88 319.5 0.0 0.0 1.0 0.7396431827644788 0.2695679775215869 0.6166531177939124 -8.125432637286092 -0.1710640781879419 0.9614867688697801 -0.21512850680944148 5.455889232146295 -0.6508955702290048 0.053631136322769155 0.7572705314964968 53.92447948248928 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/06132465_4129851965.jpg sacre_coeur/test/images/28406439_2578759591.jpg 0 0 298.312 0.0 319.5 0.0 298.312 213.0 0.0 0.0 1.0 812.302 0.0 213.0 0.0 812.302 319.5 0.0 0.0 1.0 0.9940767155267269 -0.054517441252274354 -0.09401772304677071 -0.8618953330543649 0.07961940470923255 0.9541438165634442 0.28856598501467984 0.704158028287321 0.0739745499570082 -0.294342361737229 0.9528327975283012 2.660354713808055 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/55864846_6415556309.jpg sacre_coeur/test/images/66599130_8409392232.jpg 0 0 437.599 0.0 213.0 0.0 437.599 319.5 0.0 0.0 1.0 701.54 0.0 319.5 0.0 701.54 239.5 0.0 0.0 1.0 0.9983445945633086 -0.044864931387218976 -0.035989004401945336 0.44443798172077875 0.04644052296172501 0.9979423116074965 0.044208828649128326 -0.06070780447276958 0.03393152418127721 -0.04580699329913099 0.9983738633556213 0.22457912238164202 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/93845208_10996896025.jpg sacre_coeur/test/images/75878456_4122246314.jpg 0 0 1826.02 0.0 226.0 0.0 1826.02 301.5 0.0 0.0 1.0 887.502 0.0 319.5 0.0 887.502 213.0 0.0 0.0 1.0 0.9984854072119694 -0.02489354412378521 -0.04906325555550477 2.7467671632755346 0.03127403254783884 0.9905012237221233 0.13390018929476125 -9.322147141296934 0.04526396439712642 -0.1352317908848853 0.9897795392212966 -45.46242840869071 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/95271137_4372074334.jpg sacre_coeur/test/images/22231604_4505331212.jpg 0 0 1503.0 0.0 239.5 0.0 1503.0 319.5 0.0 0.0 1.0 711.736 0.0 319.5 0.0 711.736 179.5 0.0 0.0 1.0 0.9988746279250571 0.042939872644796144 -0.020140631192380635 0.23413223167889163 -0.03982470182581069 0.9899738440892848 0.13552040858693415 -8.950197246377865 0.025757927169399314 -0.13456580307170538 0.9905698227947403 -33.27093569921984 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/94003968_8161684801.jpg sacre_coeur/test/images/64837411_8951541213.jpg 0 0 680.107 0.0 319.5 0.0 680.107 212.0 0.0 0.0 1.0 1049.84 0.0 319.5 0.0 1049.84 212.0 0.0 0.0 1.0 0.9983820006840955 -0.019481024448730327 -0.0534216285454711 1.6713706445080945 0.015437522069754142 0.9970576382045273 -0.07508494529767992 3.0311032693110547 0.05472717444166269 0.07413876033788065 0.9957451383728639 25.98832591366289 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/15556549_5221678700.jpg sacre_coeur/test/images/72841866_5318338358.jpg 0 0 1213.47 0.0 319.5 0.0 1213.47 213.0 0.0 0.0 1.0 535.133 0.0 319.5 0.0 535.133 239.5 0.0 0.0 1.0 0.992587676737842 -0.10393800650913818 -0.06298090814746571 2.9543245098865154 0.1137927291822934 0.9768141919278763 0.18134290510944984 -9.705742073730029 0.042672224847298525 -0.1871655022999592 0.9814011187966852 -26.978548788097616 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/36981833_2290028612.jpg sacre_coeur/test/images/72213636_3271218925.jpg 0 0 1252.04 0.0 249.5 0.0 1252.04 187.5 0.0 0.0 1.0 348.891 0.0 319.5 0.0 348.891 212.5 0.0 0.0 1.0 0.9918754996956297 0.08996338758787457 0.08994210358479958 -6.06303464155581 -0.09009637074463035 0.9959296877966827 -0.0025886181349034864 -5.184996112470591 -0.08980889199957372 -0.005535870204049514 0.995943631466607 -40.57449418990473 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/96301971_7410171184.jpg sacre_coeur/test/images/59358073_3809805538.jpg 0 0 509.198 0.0 319.5 0.0 509.198 180.0 0.0 0.0 1.0 1733.74 0.0 319.5 0.0 1733.74 239.5 0.0 0.0 1.0 0.9998497261416888 0.016860399177548346 0.004031386109440755 -2.685548311154352 -0.01666838203259276 0.9989065647934418 -0.043678826140143956 3.9471294611878593 -0.004763420494266997 0.04360506567062036 0.9990374908245715 34.90990297660491 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/02947737_2285016530.jpg sacre_coeur/test/images/22593097_5934502901.jpg 0 0 890.101 0.0 249.5 0.0 890.101 166.0 0.0 0.0 1.0 1517.12 0.0 319.5 0.0 1517.12 179.5 0.0 0.0 1.0 0.9993168895662299 0.020762439721481427 0.030572460229548425 -0.3709148516819165 -0.020852629184840977 0.999779090241025 0.0026341171021827736 -1.067503744070577 -0.03051101577717443 -0.0032698338857415268 0.9995290821695008 -8.355420355918305 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/04822190_12621366523.jpg sacre_coeur/test/images/15114643_8210538601.jpg 0 0 437.366 0.0 319.5 0.0 437.366 213.0 0.0 0.0 1.0 927.73 0.0 239.5 0.0 927.73 319.5 0.0 0.0 1.0 0.749640986196629 0.31427034856093444 0.5824710635126301 -8.173907770370304 -0.2498701350511473 0.9493298517239965 -0.1906246265182338 4.654896994745255 -0.612864836178147 -0.0026420902867934012 0.7901833407097679 17.89108423041934 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/75907133_3528579515.jpg sacre_coeur/test/images/34904068_5083153.jpg 0 0 539.794 0.0 187.0 0.0 539.794 249.5 0.0 0.0 1.0 646.015 0.0 319.5 0.0 646.015 239.5 0.0 0.0 1.0 0.9994407595900998 0.033426694527686304 -0.0009078341901721696 -1.1109233707391368 -0.03334676698552122 0.9983313409773953 0.04714368201455195 0.6208888754960304 0.002482176782070533 -0.04708704402729673 0.9988877059425618 4.933537084790633 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/61672452_5135373512.jpg sacre_coeur/test/images/44509707_7002758055.jpg 0 0 1840.71 0.0 239.5 0.0 1840.71 319.5 0.0 0.0 1.0 1017.42 0.0 213.0 0.0 1017.42 319.5 0.0 0.0 1.0 0.9987815360549236 0.03012777898057306 0.03908657275158803 -1.7719140376334162 -0.02878581561816084 0.9989916672200204 -0.03445323851484916 -2.009587122119538 -0.04008516003416589 0.03328611960955459 0.9986416845828006 -14.56407458030337 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/15114643_8210538601.jpg sacre_coeur/test/images/76342746_8957142551.jpg 0 0 927.73 0.0 239.5 0.0 927.73 319.5 0.0 0.0 1.0 461.782 0.0 319.5 0.0 461.782 239.5 0.0 0.0 1.0 0.8021998821902028 -0.22469507706984082 -0.5531613429683992 17.985476402788304 0.21878607700251823 0.9726653304571298 -0.07781264316658719 0.3610310969268067 0.555524978307792 -0.058602706996356106 0.8294321679370933 -6.722957855519155 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/60635619_2829148962.jpg sacre_coeur/test/images/70970334_5790897082.jpg 0 0 530.154 0.0 249.5 0.0 530.154 187.0 0.0 0.0 1.0 633.07 0.0 319.5 0.0 633.07 239.5 0.0 0.0 1.0 0.8163941541579408 0.26442814585473584 0.5133988125585867 -7.403376670102673 -0.22042270326483004 0.9643855114649398 -0.14619992189440856 2.282664351847247 -0.5337737507054511 0.006192007455825259 0.8456046606432006 10.198735320859619 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/75911664_13736760514.jpg sacre_coeur/test/images/47058715_3625029597.jpg 0 0 675.746 0.0 255.5 0.0 675.746 319.5 0.0 0.0 1.0 679.749 0.0 319.5 0.0 679.749 239.5 0.0 0.0 1.0 0.9749767189102118 0.060143987119639086 0.2140165843957667 1.0454659162325082 -0.048566556330940945 0.9970786212877643 -0.05895347807419527 0.013437250712756477 -0.21693705812799965 0.047084220119311355 0.9750494290170757 -0.20522438435669343 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/50715122_352221583.jpg sacre_coeur/test/images/12573771_2610756325.jpg 0 0 530.151 0.0 249.5 0.0 530.151 187.0 0.0 0.0 1.0 686.081 0.0 213.5 0.0 686.081 319.5 0.0 0.0 1.0 0.8693483508973907 -0.2792909907848336 -0.4077131188205907 7.048549480642784 0.20299989553711384 0.9539928527818481 -0.22065511381581868 1.4724665488115072 0.4505823866996002 0.10906043878316725 0.8860481552875752 7.812026388116512 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/79081394_2124721534.jpg sacre_coeur/test/images/51093888_43012197.jpg 0 0 1525.68 0.0 319.5 0.0 1525.68 239.5 0.0 0.0 1.0 1767.41 0.0 319.5 0.0 1767.41 239.5 0.0 0.0 1.0 0.9991465886969936 -0.02655433107296556 0.03163798028364278 -2.7538505119329835 0.0265975317899787 0.9996457760917457 -0.0009453277806328578 0.3420658899374054 -0.03160167080775803 0.0017860132135847512 0.999498946752301 1.5137258735515644 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/70170436_3664390013.jpg sacre_coeur/test/images/87252152_3382721265.jpg 0 0 523.702 0.0 213.5 0.0 523.702 319.5 0.0 0.0 1.0 1262.46 0.0 239.5 0.0 1262.46 319.5 0.0 0.0 1.0 0.9977122733992054 -0.029721709163847344 -0.06071935039975851 -0.6632256113236316 0.010264136828191312 0.9543559423858383 -0.2984951971607088 3.936686423343288 0.06681966030863334 0.29718909003733285 0.9524777045994416 34.090218193629966 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/59996089_2005549974.jpg sacre_coeur/test/images/28406439_2578759591.jpg 0 0 497.691 0.0 319.5 0.0 497.691 213.5 0.0 0.0 1.0 812.302 0.0 213.0 0.0 812.302 319.5 0.0 0.0 1.0 0.999382559922201 0.010039406385533545 -0.03367059908546838 1.578771095196493 -0.008345819003427065 0.9987109706085607 0.05006739948578003 -1.5998620220029096 0.034129843663724437 -0.049755477141042066 0.9981781134977649 -4.202542917274002 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/11173357_5349727279.jpg sacre_coeur/test/images/44748036_142906563.jpg 0 0 530.786 0.0 319.5 0.0 530.786 213.0 0.0 0.0 1.0 516.863 0.0 187.0 0.0 516.863 249.5 0.0 0.0 1.0 0.9942914638163536 -0.0790508667673628 -0.07166202233583341 0.10019070192494883 0.06686576489757995 0.9850351594501102 -0.1588543487971227 0.3087865761837598 0.08314718556027247 0.15315578706149185 0.9846978472724414 0.6984441191302331 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/70116109_2697195876.jpg sacre_coeur/test/images/79704892_2352783119.jpg 0 0 606.734 0.0 212.5 0.0 606.734 319.5 0.0 0.0 1.0 1800.38 0.0 239.5 0.0 1800.38 319.5 0.0 0.0 1.0 0.9989294112685277 0.01288896516358806 0.044428660566397445 -0.7482647079657112 -0.017376291209361894 0.9946179158197239 0.10214336020630987 3.434253950412147 -0.04287301956382121 -0.10280601201992187 0.993777051498997 35.69986021466043 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/79410678_281876803.jpg sacre_coeur/test/images/59996089_2005549974.jpg 0 0 521.004 0.0 249.5 0.0 521.004 187.0 0.0 0.0 1.0 497.691 0.0 319.5 0.0 497.691 213.5 0.0 0.0 1.0 0.9981529062551973 -0.01639291350993496 0.058498274512667085 -1.9822640721679052 0.009227300052691116 0.9926434012653174 0.1207225532291286 -0.5023668411080018 -0.060046920554189705 -0.11995978622470937 0.9909611581797143 -0.8282466817863288 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/36478780_3343078633.jpg sacre_coeur/test/images/25923245_22222637.jpg 3 0 666.684 0.0 319.5 0.0 666.684 239.5 0.0 0.0 1.0 530.117 0.0 187.0 0.0 530.117 249.5 0.0 0.0 1.0 -0.22346316711487682 -0.8164416276758897 -0.5324352369452386 7.868167954812936 0.9746657228017996 -0.19251331518501272 -0.1138655007968655 0.8000491962103247 -0.009536337778922507 -0.5443911204955677 0.8387773042872265 1.3516567529128638 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/99117955_5783559928.jpg sacre_coeur/test/images/45575968_5097432755.jpg 0 0 537.035 0.0 319.5 0.0 537.035 239.5 0.0 0.0 1.0 588.085 0.0 319.5 0.0 588.085 179.5 0.0 0.0 1.0 0.9396347944668287 -0.15460911250299716 -0.30525804716389743 2.856252200806054 0.12566665904196778 0.9856831691882303 -0.11241254727243044 3.2601385142487476 0.31826772351671234 0.0672659818190604 0.9456114127152905 15.371996216297966 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/39598026_13855927694.jpg sacre_coeur/test/images/48325951_2932818065.jpg 0 0 546.706 0.0 319.5 0.0 546.706 239.5 0.0 0.0 1.0 714.985 0.0 239.5 0.0 714.985 319.5 0.0 0.0 1.0 0.9836969423127173 -0.064509202603503 -0.16786568578500755 2.1541606949951246 0.029277285922880383 0.9784411461764417 -0.20444012325842628 0.8923333613647483 0.1774349633347402 0.19619247245598084 0.9643782180959961 8.314789650736662 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/64044824_2624053101.jpg sacre_coeur/test/images/01012753_375984446.jpg 0 0 1359.6 0.0 212.5 0.0 1359.6 319.5 0.0 0.0 1.0 773.348 0.0 249.5 0.0 773.348 199.0 0.0 0.0 1.0 0.9951615597161443 -0.027090206730543 -0.09444358507928068 6.129505193519574 0.04347760672355116 0.9834218440109139 0.17604310391425712 -7.272083083463793 0.08810884051514416 -0.17929751091822255 0.9798414334991181 -32.16023855780941 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/17616986_7085723791.jpg sacre_coeur/test/images/95803142_180463023.jpg 0 0 511.96 0.0 319.5 0.0 511.96 212.0 0.0 0.0 1.0 586.012 0.0 187.0 0.0 586.012 249.5 0.0 0.0 1.0 0.8884274566540381 -0.24642020862445768 -0.3872644252248273 3.054208585123196 0.22634708861157807 0.9691624545367041 -0.09742244193948979 0.9910979126536836 0.39932899937307276 -0.0011034028591491725 0.9168070313658325 2.0433608177101332 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/85360130_8421021553.jpg sacre_coeur/test/images/83804881_3941265613.jpg 0 0 1605.2 0.0 319.5 0.0 1605.2 213.0 0.0 0.0 1.0 1145.06 0.0 319.5 0.0 1145.06 239.5 0.0 0.0 1.0 0.9994693942446553 0.0315450231969594 -0.008114276290873773 -0.40817771130066816 -0.03024681604913779 0.9912959591944263 0.1281306029162898 -1.5089964811426038 0.012085532140165032 -0.1278171850586047 0.9917241083671321 -2.65027474323764 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/64661937_6056840145.jpg sacre_coeur/test/images/34935406_396311145.jpg 0 0 697.765 0.0 239.5 0.0 697.765 319.5 0.0 0.0 1.0 481.009 0.0 187.0 0.0 481.009 249.5 0.0 0.0 1.0 0.9990159038604112 -0.027745049861194273 -0.034603988818711254 0.9167054083936119 0.02405252012550058 0.9944005795926404 -0.10290268986490783 0.06106833934718292 0.03726526679869658 0.10196911058757385 0.9940893321912275 0.3977610345209577 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/72198457_1660226670.jpg sacre_coeur/test/images/76212982_3312164124.jpg 0 0 1443.11 0.0 187.0 0.0 1443.11 249.5 0.0 0.0 1.0 540.23 0.0 319.5 0.0 540.23 213.0 0.0 0.0 1.0 0.7647225669798354 -0.15518726849067452 -0.625392922289799 39.4730144491768 0.2326861027329738 0.9715815340433133 0.043433861225799474 -3.654756717542898 0.6008798325345186 -0.17873509561483822 0.7791002454426794 -31.49878968034577 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/33317152_9653273357.jpg sacre_coeur/test/images/64966234_8900198268.jpg 0 0 531.534 0.0 319.5 0.0 531.534 239.5 0.0 0.0 1.0 578.134 0.0 239.5 0.0 578.134 319.5 0.0 0.0 1.0 0.931998414933137 0.16627663781171168 0.3220730263156991 -4.323327705162506 -0.05194035527537387 0.9406659643757725 -0.3353352694824476 4.2089321984206665 -0.35872155504790637 0.2958033522173652 0.8853356554217057 15.763453855412312 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/55297752_267282770.jpg sacre_coeur/test/images/38901171_7234089272.jpg 0 0 652.245 0.0 239.5 0.0 652.245 319.5 0.0 0.0 1.0 528.65 0.0 319.5 0.0 528.65 239.5 0.0 0.0 1.0 0.8291590841817579 -0.13738645041719505 -0.5418673051224182 7.07961198030038 0.21384695686172198 0.9735538646485227 0.08038875337325871 0.19578254958259367 0.516492683549195 -0.1825317393487757 0.8366107051493316 0.254447353485191 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/70970334_5790897082.jpg sacre_coeur/test/images/34297653_2634761938.jpg 0 0 633.07 0.0 319.5 0.0 633.07 239.5 0.0 0.0 1.0 648.902 0.0 239.0 0.0 648.902 319.5 0.0 0.0 1.0 0.9997818241345666 0.015344581352027287 -0.014172083590269125 -1.9218862925494704 -0.015985319387895516 0.9988013852860085 -0.046262969152632165 -0.07538981036451897 0.013445210828601027 0.046479420971882165 0.9988287589631634 -1.3132213921629425 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/25811450_7943664752.jpg sacre_coeur/test/images/41728687_4706427664.jpg 0 0 535.838 0.0 213.0 0.0 535.838 319.5 0.0 0.0 1.0 1542.39 0.0 213.5 0.0 1542.39 319.5 0.0 0.0 1.0 0.9999725690174008 -0.007105250968035891 -0.0020920376241271993 -0.30571876098874773 0.007006499793818009 0.9990099275957522 -0.043932602082840035 7.384743024740333 0.0024021185188843313 0.04391673910721465 0.9990323067112545 49.160157165534436 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/48360689_7391063350.jpg sacre_coeur/test/images/31148870_2948239995.jpg 0 0 1914.59 0.0 212.0 0.0 1914.59 319.5 0.0 0.0 1.0 722.471 0.0 319.5 0.0 722.471 239.5 0.0 0.0 1.0 0.9843920324921939 0.08456982086181858 0.15433817338976105 -10.703735713032277 -0.10497172707845429 0.9860440231757187 0.1292212090703744 -10.051389429388948 -0.14125601891620249 -0.14340547325274175 0.979531320255306 -44.98441499525061 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/06841583_3820040279.jpg sacre_coeur/test/images/47232856_233187107.jpg 0 0 566.414 0.0 249.5 0.0 566.414 187.0 0.0 0.0 1.0 548.399 0.0 249.5 0.0 548.399 187.0 0.0 0.0 1.0 0.9975646942308658 -0.04961188273585125 0.049023891272352633 -0.8335304654535357 0.02576071107439142 0.9152583257948796 0.40204301116683466 0.12796849154980094 -0.06481563537466124 -0.3998010232034904 0.9143074292908381 0.6295977450138182 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/89575205_6345371382.jpg sacre_coeur/test/images/81703421_7754459314.jpg 0 0 1030.86 0.0 212.5 0.0 1030.86 319.5 0.0 0.0 1.0 514.334 0.0 319.5 0.0 514.334 239.5 0.0 0.0 1.0 0.8235466596889331 -0.18279109659498874 -0.5369900504858559 30.940663230268562 0.22678518882919887 0.9738080255734849 0.016321993027063227 -4.951492960527011 0.5199417058122047 -0.13522331283573985 0.8434306599969096 -29.294951673850406 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/16841636_7028528545.jpg sacre_coeur/test/images/58368117_3401402227.jpg 0 0 471.619 0.0 319.5 0.0 471.619 239.5 0.0 0.0 1.0 682.756 0.0 319.5 0.0 682.756 239.0 0.0 0.0 1.0 0.970719076814235 0.10084811509957932 0.21802323635287513 -2.393514344025544 -0.08735516891238584 0.993665956237966 -0.070689757942555 1.7345761102369577 -0.22377119647802796 0.049574439931788256 0.9733801038300719 9.437369826351935 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/63516274_5829260794.jpg sacre_coeur/test/images/59269571_2206364373.jpg 0 0 522.011 0.0 319.5 0.0 522.011 213.0 0.0 0.0 1.0 873.907 0.0 319.5 0.0 873.907 239.5 0.0 0.0 1.0 0.6337218468536364 -0.4253478196613262 -0.6461237134866452 6.619353702230709 0.4001144828682102 0.8950842954157993 -0.1968057537245971 2.880050292014773 0.662046087081195 -0.13380334976882305 0.7374222956834984 4.560803042132767 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/59066216_374458283.jpg sacre_coeur/test/images/76381653_4597196691.jpg 0 0 1271.07 0.0 249.5 0.0 1271.07 239.5 0.0 0.0 1.0 1053.54 0.0 319.5 0.0 1053.54 239.5 0.0 0.0 1.0 0.9739331132437041 -0.21826055478984124 0.06177880826187154 3.7459542621260047 0.2230338313483758 0.9710638437876153 -0.08538689221704966 0.3926780744670806 -0.04135457654831746 0.09693988606993775 0.9944307203054704 -4.581353538875533 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/38432569_8875267871.jpg sacre_coeur/test/images/40439555_5986637695.jpg 0 0 569.282 0.0 239.5 0.0 569.282 319.5 0.0 0.0 1.0 2201.25 0.0 319.5 0.0 2201.25 301.0 0.0 0.0 1.0 0.998053855271806 0.008789690115425583 0.06173526807878688 -0.6919889511574588 0.00048179028298354464 0.9888994315009988 -0.14858560581403712 6.207371351092367 -0.06235599293739228 0.14832618017287436 0.986970655298381 47.49689977982349 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/77706306_5103474140.jpg sacre_coeur/test/images/21037086_3590495621.jpg 0 0 505.257 0.0 319.5 0.0 505.257 214.0 0.0 0.0 1.0 661.089 0.0 239.5 0.0 661.089 319.5 0.0 0.0 1.0 0.994542163133679 -0.06580609567256955 -0.08096569348628922 -0.9278273068670226 0.05477313314904784 0.9897813556106085 -0.1316539857758311 0.2986457197976904 0.08880196864045173 0.1265006950888361 0.9879836964786523 0.5951492779100621 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/10162786_7360656560.jpg sacre_coeur/test/images/73479674_2286585340.jpg 0 0 534.866 0.0 319.5 0.0 534.866 211.5 0.0 0.0 1.0 510.127 0.0 249.5 0.0 510.127 187.0 0.0 0.0 1.0 0.797205713442034 0.23922893932302847 0.5542856348903125 -10.547293921818817 -0.3066063699914501 0.9513515504446431 0.03037698713236097 -1.2032885719573603 -0.5200534437305881 -0.19416421415119822 0.8317720081891453 -1.6210740475924776 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/30442266_2401730436.jpg sacre_coeur/test/images/31148870_2948239995.jpg 0 0 523.192 0.0 319.5 0.0 523.192 239.5 0.0 0.0 1.0 722.471 0.0 319.5 0.0 722.471 239.5 0.0 0.0 1.0 0.995957816168747 0.033987119113746855 -0.0831438761829673 -0.5557199986086259 -0.03609444523775637 0.999060761811021 -0.023974678987660324 2.07417828192227 0.082250954008809 0.02687880101363782 0.9962491207628292 8.478364566446736 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/89611407_866799904.jpg sacre_coeur/test/images/41814686_978754656.jpg 0 0 673.378 0.0 319.5 0.0 673.378 239.5 0.0 0.0 1.0 701.026 0.0 239.5 0.0 701.026 319.5 0.0 0.0 1.0 0.9536455092472458 -0.12734255312402432 -0.2726611759242897 4.518395822563506 0.0941464306270645 0.9868221550474658 -0.131599710895042 0.22275308193252302 0.2858263323991419 0.0998293968294427 0.9530673634302692 0.6169638468798513 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/54446446_3898144328.jpg sacre_coeur/test/images/30178210_1968722368.jpg 0 0 567.536 0.0 319.5 0.0 567.536 212.5 0.0 0.0 1.0 742.141 0.0 319.5 0.0 742.141 249.0 0.0 0.0 1.0 0.9622812497363536 -0.10604532847337293 -0.2505377909913307 1.1233189645315782 0.1822951019124594 0.9349235019261984 0.3044446441716126 -4.503907676127617 0.20194873662533114 -0.338633184810686 0.9189908998028242 -7.6343585817250705 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/73608962_13972912642.jpg sacre_coeur/test/images/72204476_348932583.jpg 0 0 713.805 0.0 239.5 0.0 713.805 319.5 0.0 0.0 1.0 816.54 0.0 295.0 0.0 816.54 319.5 0.0 0.0 1.0 0.9950989037866241 -0.04549667914786489 -0.08779649121220841 1.030399854706707 0.05479883942876603 0.992787570610162 0.10662985904160752 -1.0808686743081195 0.08231196073426672 -0.11091840166757279 0.9904149884223237 -1.6473113683640142 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/27172569_5015079786.jpg sacre_coeur/test/images/16214259_2076433877.jpg 0 0 476.902 0.0 239.5 0.0 476.902 319.5 0.0 0.0 1.0 593.424 0.0 319.5 0.0 593.424 213.0 0.0 0.0 1.0 0.9909264701570919 0.11529779017229845 0.0690735139064957 -0.2948637666625362 -0.1028713864239571 0.981363435977821 -0.16230614400267773 3.3666437703976584 -0.086499760677236 0.1537277662206464 0.9843198490813803 9.921775208664956 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/45575968_5097432755.jpg sacre_coeur/test/images/57895226_4857581382.jpg 0 0 588.085 0.0 319.5 0.0 588.085 179.5 0.0 0.0 1.0 456.232 0.0 319.5 0.0 456.232 239.5 0.0 0.0 1.0 0.9490056581249411 -0.10441499518600471 -0.2974655772138246 11.083045438103259 0.09151335147321248 0.9941703811712407 -0.057013679972179036 -1.0127310400322025 0.30168454940382267 0.026884232965371808 0.9530286830252674 -11.690959903777692 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/90301699_2168560949.jpg sacre_coeur/test/images/69212502_553330789.jpg 0 0 599.141 0.0 213.5 0.0 599.141 319.5 0.0 0.0 1.0 859.802 0.0 213.0 0.0 859.802 319.5 0.0 0.0 1.0 0.5931886121407457 0.3280151303645193 0.735209728362243 -14.081402332974942 -0.2970288810179334 0.9379737265598441 -0.1788271012030134 2.947453851610491 -0.7482654036287995 -0.11230032295316761 0.6538253002116422 15.36273878124088 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/77706306_5103474140.jpg sacre_coeur/test/images/26172565_2334920022.jpg 0 0 505.257 0.0 319.5 0.0 505.257 214.0 0.0 0.0 1.0 701.449 0.0 319.5 0.0 701.449 239.5 0.0 0.0 1.0 0.9471414246766671 -0.18396553834146265 -0.26283036804028087 3.5087646905538787 0.1850966247910102 0.9825028193104176 -0.020674852794076996 0.14292987912392657 0.26203503802436345 -0.029067004486472536 0.9646205202553767 0.12522862329875797 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/72482105_8590533286.jpg sacre_coeur/test/images/69212502_553330789.jpg 0 0 877.949 0.0 319.5 0.0 877.949 206.5 0.0 0.0 1.0 859.802 0.0 213.0 0.0 859.802 319.5 0.0 0.0 1.0 0.9779233014360807 0.014589815024274795 0.20845420073942858 -3.5540193406632063 -0.05849129584885767 0.976795056764852 0.20603442768059568 1.6738208251987468 -0.20061102865564986 -0.2136786240532887 0.9560840239248929 6.355633681322672 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/51093888_43012197.jpg sacre_coeur/test/images/65606241_8601988847.jpg 0 0 1767.41 0.0 319.5 0.0 1767.41 239.5 0.0 0.0 1.0 545.165 0.0 319.5 0.0 545.165 212.5 0.0 0.0 1.0 0.9928534166118593 0.02329452310285656 0.1170446851231094 -6.3320640122032845 -0.03347999268647371 0.9957476121934067 0.08582413938305856 -7.720002750913003 -0.11454773333362385 -0.08912944521615443 0.9894113193124432 -35.77604154499123 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/55597679_2718818848.jpg sacre_coeur/test/images/74182138_8276852729.jpg 0 0 682.241 0.0 239.5 0.0 682.241 319.5 0.0 0.0 1.0 710.115 0.0 319.5 0.0 710.115 213.0 0.0 0.0 1.0 0.9976774057182822 0.04038186510118084 -0.054855255811894675 0.7921713422233072 -0.04004150310246524 0.999171422651032 0.007290143126707598 1.1654601850148893 0.055104193565768116 -0.0050767241861900455 0.998467703395059 8.099241658458126 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/19422098_2931690374.jpg sacre_coeur/test/images/41248376_5125754940.jpg 0 0 1163.74 0.0 239.5 0.0 1163.74 319.5 0.0 0.0 1.0 1042.61 0.0 319.5 0.0 1042.61 213.5 0.0 0.0 1.0 0.9960547104877147 0.0083434993172574 -0.08834817335054539 -1.1719066564413643 -0.0120172809695828 0.9990814045888792 -0.041133100573754 -0.2712403826654137 0.08792382312737088 0.04203252340575551 0.9952400053770001 -0.9854045885700415 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/74361805_4541261018.jpg sacre_coeur/test/images/91139284_7856526282.jpg 0 0 903.565 0.0 319.5 0.0 903.565 212.5 0.0 0.0 1.0 1076.35 0.0 319.5 0.0 1076.35 239.5 0.0 0.0 1.0 0.9995173841264591 0.005117257284792873 -0.030640047436021996 0.9704853839338381 -0.009373065596842964 0.9900489025196846 -0.14041123979541392 2.4156011401356654 0.029616624897474804 0.1406306662767733 0.9896190535919532 26.561471986133768 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/73608962_13972912642.jpg sacre_coeur/test/images/18698491_4586522698.jpg 0 0 713.805 0.0 239.5 0.0 713.805 319.5 0.0 0.0 1.0 1792.43 0.0 246.5 0.0 1792.43 319.5 0.0 0.0 1.0 0.9998948597433155 0.005838807107467902 -0.013273198200024722 -0.9592388436608474 -0.007297886021057404 0.9936042623327678 -0.11268234437470755 4.121693668318827 0.012530375833110974 0.11276736321169484 0.9935424054743525 41.668409804958046 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/96399538_6003485006.jpg sacre_coeur/test/images/08619228_3960784810.jpg 0 0 944.215 0.0 319.5 0.0 944.215 239.5 0.0 0.0 1.0 484.401 0.0 319.5 0.0 484.401 213.0 0.0 0.0 1.0 0.9994207126818454 0.02648725971663113 0.021369701336614113 -0.7475206475682301 -0.017913215220281564 0.9433064019500461 -0.33143950995699034 0.10448082248493806 -0.02893710045917232 0.330864711192901 0.9432344284981617 3.00804383779111 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/15701912_177669906.jpg sacre_coeur/test/images/01723814_7963028620.jpg 0 0 743.975 0.0 319.5 0.0 743.975 239.0 0.0 0.0 1.0 505.251 0.0 319.5 0.0 505.251 214.0 0.0 0.0 1.0 0.675527972273615 -0.2965216675396311 -0.6750828536967997 19.22524026028604 0.29451804029871503 0.9478741315979496 -0.12162957940417796 2.5036691061284597 0.6759593794115906 -0.11665989596664866 0.7276464705188556 1.0387174989065073 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/80871904_5968113125.jpg sacre_coeur/test/images/43279207_5330361477.jpg 0 0 526.948 0.0 319.5 0.0 526.948 239.5 0.0 0.0 1.0 429.857 0.0 319.5 0.0 429.857 212.5 0.0 0.0 1.0 0.809421407724373 0.2132868356289931 0.5471249495909186 -0.09196295693125967 -0.2363164017781485 0.9712429151005784 -0.02901306804802523 0.33253158097731284 -0.5375793364407927 -0.10581080102854117 0.836547985125525 0.8634562424664871 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/47788810_3531619701.jpg sacre_coeur/test/images/57417409_1401404166.jpg 0 0 394.04 0.0 166.5 0.0 394.04 249.5 0.0 0.0 1.0 548.254 0.0 187.0 0.0 548.254 249.5 0.0 0.0 1.0 0.9581572339318638 -0.09037942576950025 -0.271599474339725 2.712444090828245 0.057147511738037796 0.9901418382057533 -0.12788003024977265 -0.06680218986927361 0.28047972647981234 0.10700794191137097 0.9538765241904751 0.780672657239692 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/72204476_348932583.jpg sacre_coeur/test/images/63516274_5829260794.jpg 0 0 816.54 0.0 295.0 0.0 816.54 319.5 0.0 0.0 1.0 522.011 0.0 319.5 0.0 522.011 213.0 0.0 0.0 1.0 0.9946551388603263 0.062061142780421547 0.08252011449054657 -2.595249808319809 -0.06734293732578722 0.9957489045000755 0.0628414511229221 -2.0397555151722178 -0.07826930133251402 -0.06806271919110816 0.9946061445241692 -6.367565159782019 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/63858075_3812078922.jpg sacre_coeur/test/images/38901171_7234089272.jpg 0 0 537.525 0.0 249.5 0.0 537.525 187.0 0.0 0.0 1.0 528.65 0.0 319.5 0.0 528.65 239.5 0.0 0.0 1.0 0.8431699867845557 -0.16250561685819373 -0.5125000467075789 11.72632318611906 0.19175572279960945 0.9814333456896364 0.004281441585050939 -1.1667702943499827 0.502288877200493 -0.10188479993593162 0.858676523134692 -4.420604603455412 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/23236854_6565983213.jpg sacre_coeur/test/images/82675968_6187144108.jpg 0 0 668.656 0.0 239.5 0.0 668.656 319.5 0.0 0.0 1.0 712.807 0.0 319.5 0.0 712.807 239.5 0.0 0.0 1.0 0.8928259417760843 -0.17922955861346912 -0.4132052795050775 10.719749613400344 0.18312609034629682 0.9826153501717143 -0.03052717873304895 1.1177488931765351 0.4114932231837216 -0.048413210244112395 0.9101260837640746 2.5403234729448476 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/36478780_3343078633.jpg sacre_coeur/test/images/34297653_2634761938.jpg 3 0 666.684 0.0 319.5 0.0 666.684 239.5 0.0 0.0 1.0 648.902 0.0 239.0 0.0 648.902 319.5 0.0 0.0 1.0 -0.06550589586240732 -0.9683084939084635 -0.24101377187203774 2.0623165455660146 0.994446659046264 -0.043411638926844555 -0.09587112139434258 1.5709275473857736 0.08237001832576556 -0.24595546391655634 0.9657748649921495 7.604606952416833 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/75907133_3528579515.jpg sacre_coeur/test/images/33411162_10141421203.jpg 0 0 539.794 0.0 187.0 0.0 539.794 249.5 0.0 0.0 1.0 878.795 0.0 218.5 0.0 878.795 319.5 0.0 0.0 1.0 0.9999203381549528 -0.009747982899655346 -0.008018364762997162 -0.18537602198530367 0.010439085659257318 0.9957759069528113 0.09122153596001872 1.487453589308564 0.007095268471533423 -0.09129797348076421 0.9957983416353042 6.4579503429798955 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/58207157_8155269003.jpg sacre_coeur/test/images/72776302_21108497.jpg 0 0 716.507 0.0 319.5 0.0 716.507 239.5 0.0 0.0 1.0 565.519 0.0 187.0 0.0 565.519 249.5 0.0 0.0 1.0 0.9960547314329987 -0.05563590751687624 -0.06913477984857135 0.13206808492259406 0.050633425016661696 0.9961100964341917 -0.07211748784412401 1.3368403535238138 0.07287817410596216 0.06833243429469549 0.9949972111329468 3.1715106660987535 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/72776302_21108497.jpg sacre_coeur/test/images/34935406_396311145.jpg 0 0 565.519 0.0 187.0 0.0 565.519 249.5 0.0 0.0 1.0 481.009 0.0 187.0 0.0 481.009 249.5 0.0 0.0 1.0 0.9947299073790065 0.030038940242372192 0.09803098201522015 -1.0638876213800703 -0.021456023504149543 0.9959368066829596 -0.08746151238995808 -0.014179272076409344 -0.10025991432842242 0.0848972270646374 0.9913326436749638 0.4232925254538582 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/97245024_8458217426.jpg sacre_coeur/test/images/15083954_1584414678.jpg 0 0 994.383 0.0 319.5 0.0 994.383 213.0 0.0 0.0 1.0 693.186 0.0 319.5 0.0 693.186 239.5 0.0 0.0 1.0 0.9994169554914094 0.027521190528109026 0.020207254840716827 0.4502701904759904 -0.028422596082667048 0.9985477696668318 0.045765792086637946 -4.4542325416726944 -0.018918380168600875 -0.04631345123515773 0.9987477955552567 -35.45211997085864 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/08319155_4244960671.jpg sacre_coeur/test/images/38552135_2122457546.jpg 0 0 661.935 0.0 239.5 0.0 661.935 319.5 0.0 0.0 1.0 1367.85 0.0 239.5 0.0 1367.85 319.5 0.0 0.0 1.0 0.9887275610801962 -0.10652620701947232 -0.10521395904751066 3.3266839528609045 0.08238507201733809 0.9738374971076365 -0.21178580957144444 2.917751485145743 0.12502203753380736 0.20073040737561068 0.9716361426407092 55.3018286479748 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/86890299_6076455455.jpg sacre_coeur/test/images/58368117_3401402227.jpg 0 0 1814.03 0.0 212.5 0.0 1814.03 319.5 0.0 0.0 1.0 682.756 0.0 319.5 0.0 682.756 239.0 0.0 0.0 1.0 0.9977752152461025 -0.004288598450291531 -0.06652990127699066 4.59505035435453 0.008493956804699415 0.9979738049887662 0.06305661943082683 -7.140019705766568 0.06612467420255363 -0.06348143413295247 0.9957899552526275 -39.28817993889082 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/60453279_4122247122.jpg sacre_coeur/test/images/81670953_3302107502.jpg 0 0 885.173 0.0 319.5 0.0 885.173 213.0 0.0 0.0 1.0 672.741 0.0 319.5 0.0 672.741 239.5 0.0 0.0 1.0 0.9987696530986905 0.04828919085103579 0.011284241049975519 -0.5730872509750424 -0.04810352044726043 0.9987112385579024 -0.01618373562316051 0.09216047711302089 -0.012051197853396471 0.015621012294105617 0.9998053573597242 -0.09387584094856827 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/45575968_5097432755.jpg sacre_coeur/test/images/22199037_8161715444.jpg 0 0 588.085 0.0 319.5 0.0 588.085 179.5 0.0 0.0 1.0 593.177 0.0 319.5 0.0 593.177 212.0 0.0 0.0 1.0 0.9864665867430817 0.08490285891500221 0.1402682351336659 -2.537396661524325 -0.09426130299937605 0.9936480467828936 0.06146841368865969 -1.532228076964672 -0.13415841381111354 -0.07385840285708599 0.9882036512435513 -6.100570308262588 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/88346204_4983096872.jpg sacre_coeur/test/images/14122634_883725893.jpg 0 0 525.321 0.0 319.5 0.0 525.321 239.5 0.0 0.0 1.0 479.75 0.0 319.5 0.0 479.75 239.5 0.0 0.0 1.0 0.880915690872332 0.27153161831623657 0.3876314303942436 -8.048474674769803 -0.08984635856696926 0.9000963111382178 -0.4263264741106612 -0.855464356471326 -0.4646667380254125 0.34073040799133014 0.8173050909194707 5.347249404496308 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/51093888_43012197.jpg sacre_coeur/test/images/06132465_4129851965.jpg 0 0 1767.41 0.0 319.5 0.0 1767.41 239.5 0.0 0.0 1.0 298.312 0.0 319.5 0.0 298.312 213.0 0.0 0.0 1.0 0.9966996352332725 0.07965392100983516 -0.015655350319306812 1.4390705155532202 -0.08067000820399327 0.9934087804281843 -0.08143306910926978 -2.1673154656029214 0.009065699213460364 0.0824272275158299 0.9965558515516452 -50.79668509058077 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/67317975_3907395582.jpg sacre_coeur/test/images/67569977_7754509434.jpg 0 0 664.539 0.0 191.5 0.0 664.539 249.5 0.0 0.0 1.0 1806.88 0.0 239.5 0.0 1806.88 319.5 0.0 0.0 1.0 0.9946321383597921 0.06644793525632249 0.07931948841236003 -1.180632271484023 -0.05616267989124901 0.9905011298921228 -0.12551201165570267 4.377946918397678 -0.08690605691929668 0.12038348550610968 0.9889161509896276 45.3081131328004 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/94661279_5887793763.jpg sacre_coeur/test/images/47788810_3531619701.jpg 0 0 526.02 0.0 319.5 0.0 526.02 213.0 0.0 0.0 1.0 394.04 0.0 166.5 0.0 394.04 249.5 0.0 0.0 1.0 0.9983926728951649 0.04738309977436126 0.031095217719473052 -0.3159782531847588 -0.041056891685648064 0.982899023336517 -0.17951000409234577 0.8394638862611958 -0.03906919956131005 0.17794479981132896 0.9832645858901583 4.679705220366462 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/24662873_8171467618.jpg sacre_coeur/test/images/26161317_4040935017.jpg 0 0 733.364 0.0 239.5 0.0 733.364 319.5 0.0 0.0 1.0 576.672 0.0 319.5 0.0 576.672 312.5 0.0 0.0 1.0 0.9877367483440183 -0.03351924538455569 -0.1524879541460092 2.5961088518168074 0.04589592194572017 0.9958663231923041 0.0783825916909728 -0.9231893610727 0.14923029290173567 -0.08441994148476614 0.9851921605251287 -5.7575020339024965 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/99378904_311153817.jpg sacre_coeur/test/images/36478780_3343078633.jpg 0 3 728.066 0.0 319.5 0.0 728.066 239.5 0.0 0.0 1.0 666.684 0.0 319.5 0.0 666.684 239.5 0.0 0.0 1.0 -0.09232106041144829 0.9957003928467213 -0.007586137975978125 -1.4834486195879153 -0.9387231605255321 -0.08957393929053328 -0.3328292915188386 6.935894442714871 -0.33207777657871335 -0.023605869712017356 0.9429565807701209 -5.546959032890213 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/86255041_34613076.jpg sacre_coeur/test/images/11830476_115274962.jpg 0 0 943.253 0.0 319.5 0.0 943.253 283.5 0.0 0.0 1.0 708.87 0.0 319.5 0.0 708.87 239.5 0.0 0.0 1.0 0.8723444589668837 -0.2045274235631873 -0.44405368810581836 13.446401449812917 0.3048588225234918 0.9376367575942934 0.167028168695134 -1.2836943586137899 0.3821992193076341 -0.2810797819457397 0.8802942195322938 -5.926327502797047 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/04543624_3663972093.jpg sacre_coeur/test/images/19504977_367623688.jpg 0 0 433.924 0.0 319.5 0.0 433.924 212.5 0.0 0.0 1.0 495.415 0.0 319.5 0.0 495.415 212.5 0.0 0.0 1.0 0.8073571478369876 -0.3873070016849674 -0.4451603332309889 6.68455110711083 0.3486755623253172 0.9217694932799461 -0.16960646654993938 0.7100175409825038 0.47602498681649913 -0.018283536425772157 0.8792416756626812 0.04174270063122959 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/57933149_11837935973.jpg sacre_coeur/test/images/40430408_7756569670.jpg 0 0 522.366 0.0 239.5 0.0 522.366 319.5 0.0 0.0 1.0 517.998 0.0 319.5 0.0 517.998 201.0 0.0 0.0 1.0 0.9422517531460523 0.056292213940669265 0.3301406069280918 -4.595051453227986 -0.16587618330942097 0.9348097035956148 0.3140317020209555 -1.721381013220314 -0.29094110315300975 -0.35065938560537163 0.8901636196694254 -2.000612046558303 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/04808852_3532579721.jpg sacre_coeur/test/images/37465591_6089695306.jpg 0 0 536.862 0.0 319.5 0.0 536.862 223.5 0.0 0.0 1.0 445.094 0.0 266.5 0.0 445.094 199.5 0.0 0.0 1.0 0.9105260085218081 -0.1725690640632805 -0.37571572489538885 5.645081414126256 0.09082107478411533 0.9700156083933696 -0.22543569337684566 1.3442985552400146 0.40335334407985535 0.1711421561204733 0.8988973479869843 9.912489080594767 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/60953043_2624021191.jpg sacre_coeur/test/images/60643706_4839245857.jpg 0 0 1395.38 0.0 212.5 0.0 1395.38 319.5 0.0 0.0 1.0 417.17 0.0 319.5 0.0 417.17 213.0 0.0 0.0 1.0 0.7943931248005619 -0.3157816471185077 -0.5188656036130369 16.901499448225564 0.29101408378398047 0.9476787116898071 -0.13120923157048775 0.9829548049695429 0.5331513540346392 -0.04676548677250959 0.8447263597982254 -6.372976816919225 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/63360516_5790897098.jpg sacre_coeur/test/images/48445083_12204174934.jpg 0 0 516.78 0.0 319.5 0.0 516.78 239.5 0.0 0.0 1.0 1439.35 0.0 213.0 0.0 1439.35 319.5 0.0 0.0 1.0 0.9975916554188098 0.005785936613641766 0.06911882504977447 0.11885487514144771 0.0011372559008172576 0.9950162100310516 -0.09970681232723456 2.281938432515717 -0.06935124863889955 0.0995452897577039 0.9926132880428715 42.044776357742265 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/09199317_7932673946.jpg sacre_coeur/test/images/15012791_5817353527.jpg 0 0 592.689 0.0 319.5 0.0 592.689 212.5 0.0 0.0 1.0 506.581 0.0 212.0 0.0 506.581 319.5 0.0 0.0 1.0 0.998257930313067 -0.04750274348072736 -0.03499419850312059 5.7762311851189745 0.05247113946960857 0.9859803952300171 0.1583964638015003 -3.3084131990902015 0.026979327082647518 -0.15995671159367875 0.9867552717499433 -9.634365181570852 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/69077959_3760142614.jpg sacre_coeur/test/images/36478780_3343078633.jpg 0 3 2150.73 0.0 319.5 0.0 2150.73 319.5 0.0 0.0 1.0 666.684 0.0 319.5 0.0 666.684 239.5 0.0 0.0 1.0 -0.1001761366336134 0.9833357934758623 0.15170846686444367 -12.945838250035944 -0.9529973466128223 -0.0510093079661121 -0.29865382610932434 19.166275562415585 -0.28593845316445954 -0.17449575287099323 0.9422263174163101 -45.94138176556723 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/28570538_3018664920.jpg sacre_coeur/test/images/70116109_2697195876.jpg 0 0 655.109 0.0 319.5 0.0 655.109 239.5 0.0 0.0 1.0 606.734 0.0 212.5 0.0 606.734 319.5 0.0 0.0 1.0 0.9999678705485733 -0.002341643121778361 -0.007666457985422671 0.029454609026869916 0.0012550008256977348 0.9903212103362601 -0.1387887795574721 -0.08895296067143572 0.007917249742146625 0.1387746989390189 0.9902923306230869 0.31659359689172106 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/30442266_2401730436.jpg sacre_coeur/test/images/87493438_3174891219.jpg 0 0 523.192 0.0 319.5 0.0 523.192 239.5 0.0 0.0 1.0 1913.51 0.0 212.5 0.0 1913.51 319.5 0.0 0.0 1.0 0.9893151007516485 -0.0108131817525502 -0.1453915627715109 1.4200277650592272 -0.008696462670361067 0.9910932583515307 -0.13288538214254106 5.115806396017084 0.14553351147340213 0.13272990752099723 0.9804094903088652 48.089181018804645 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/50742443_4801039009.jpg sacre_coeur/test/images/37404008_4118566175.jpg 0 0 900.02 0.0 319.5 0.0 900.02 194.0 0.0 0.0 1.0 529.805 0.0 239.5 0.0 529.805 319.5 0.0 0.0 1.0 0.9535269401790498 0.05329319935727395 0.29655726134263516 -9.790388371199485 -0.012983707056808416 0.9905869396585663 -0.1362678917754977 2.228821334985535 -0.3010279018693136 0.12608469328249822 0.945243276842537 -40.376404282215375 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/79704892_2352783119.jpg sacre_coeur/test/images/73088789_3818781918.jpg 0 0 1800.38 0.0 239.5 0.0 1800.38 319.5 0.0 0.0 1.0 512.969 0.0 319.5 0.0 512.969 239.5 0.0 0.0 1.0 0.8500374347017723 -0.1673019160199841 -0.4994461217205237 32.51768516181475 0.28408810977762466 0.9440967791293496 0.1672579370928747 -11.105299243114338 0.44354290151980375 -0.28406221243528673 0.8500460893256104 -38.595683411989455 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/04739785_8198592553.jpg sacre_coeur/test/images/06841583_3820040279.jpg 0 0 720.152 0.0 319.5 0.0 720.152 239.5 0.0 0.0 1.0 566.414 0.0 249.5 0.0 566.414 187.0 0.0 0.0 1.0 0.9980597449371895 -0.00032876150420592913 0.06226264893003948 -1.447146983886504 0.01764985414156347 0.9604615299685124 -0.2778527165591971 0.6564805700516494 -0.05970953177419438 0.27841253809126 0.9586037922149532 -6.074307583874678 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/63858075_3812078922.jpg sacre_coeur/test/images/61702125_8353062682.jpg 0 0 537.525 0.0 249.5 0.0 537.525 187.0 0.0 0.0 1.0 1508.27 0.0 239.5 0.0 1508.27 319.5 0.0 0.0 1.0 0.990568654758593 0.07626247180031279 0.11383222568612938 -2.823239871004791 -0.07053219119830409 0.9960710173532724 -0.053551268832615004 2.540043497354338 -0.11746893297598851 0.04501737202151668 0.9920556869459288 18.626209080710282 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/15114643_8210538601.jpg sacre_coeur/test/images/74182138_8276852729.jpg 0 0 927.73 0.0 239.5 0.0 927.73 319.5 0.0 0.0 1.0 710.115 0.0 319.5 0.0 710.115 213.0 0.0 0.0 1.0 0.9879909931879141 -0.0189615972223597 -0.1533435854880669 3.829396618073187 0.0089945988662518 0.9978164768960311 -0.06543222161922362 -0.9241233866602308 0.15424945565801615 0.06326718158389047 0.9860042439886539 -5.902626958280209 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/21932760_3503330187.jpg sacre_coeur/test/images/83916827_2652728872.jpg 0 0 724.718 0.0 319.5 0.0 724.718 212.5 0.0 0.0 1.0 690.499 0.0 239.5 0.0 690.499 319.5 0.0 0.0 1.0 0.9807359586236041 -0.022334997039349866 -0.1940570209239878 5.910313159465671 0.04113695690451929 0.9947778795929696 0.09340621525975037 -3.7807477841240753 0.19095740425360969 -0.09958974937094349 0.9765332311708375 -12.722961486452714 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/04915709_121816865.jpg sacre_coeur/test/images/60535642_3153438485.jpg 0 0 582.627 0.0 249.5 0.0 582.627 183.5 0.0 0.0 1.0 722.898 0.0 319.5 0.0 722.898 239.5 0.0 0.0 1.0 0.9636258592734119 0.13122443484966728 0.2328204265908904 -2.2755732321657676 -0.11127641967210385 0.9890544957070981 -0.09689562914051231 1.7875163268409135 -0.24298716378553137 0.06746371039279787 0.9676806735775496 6.16527316520588 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/15083954_1584414678.jpg sacre_coeur/test/images/23735654_3093471146.jpg 0 0 693.186 0.0 319.5 0.0 693.186 239.5 0.0 0.0 1.0 662.801 0.0 239.5 0.0 662.801 319.5 0.0 0.0 1.0 0.9959774795400423 0.03061957311040492 0.08420986873045783 -4.17373011149832 -0.04535125055832714 0.9827980766646736 0.17902850213587182 -4.238468701014157 -0.07727952071448299 -0.18212737917939356 0.9802333872254019 -12.56786098235494 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/38714154_3919914519.jpg sacre_coeur/test/images/33678893_2402563668.jpg 0 0 1481.11 0.0 213.5 0.0 1481.11 319.5 0.0 0.0 1.0 653.635 0.0 239.5 0.0 653.635 319.5 0.0 0.0 1.0 0.7814443395387183 -0.18694046955644056 -0.595313367097459 38.54991507843388 0.21799011484828676 0.9757407594670305 -0.02025537319164842 0.21643875793324696 0.5846580659080375 -0.11394398253843739 0.8032382677711222 -31.67631320208487 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/98073777_2853247623.jpg sacre_coeur/test/images/85015287_3451838837.jpg 0 0 712.676 0.0 239.5 0.0 712.676 319.5 0.0 0.0 1.0 2131.2 0.0 239.5 0.0 2131.2 319.5 0.0 0.0 1.0 0.9073493147115899 -0.21625143529277238 -0.3604893033450843 2.6178352488989765 0.13728490690012088 0.9629518570809075 -0.23211328114060317 5.41331982296025 0.39732867431112173 0.1611180861301655 0.9034217657838001 49.28265984770906 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/64655298_3515609807.jpg sacre_coeur/test/images/95803142_180463023.jpg 0 0 649.481 0.0 179.5 0.0 649.481 319.5 0.0 0.0 1.0 586.012 0.0 187.0 0.0 586.012 249.5 0.0 0.0 1.0 0.6971692042930346 -0.3089214081433905 -0.6469332764482916 12.855988878173397 0.265260645473651 0.9495076681499645 -0.1675469429363566 1.791930822269331 0.6660269443110534 -0.054797369600387474 0.7439121975989904 -0.08451526317415148 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/26329012_3452802515.jpg sacre_coeur/test/images/39598026_13855927694.jpg 0 0 896.446 0.0 239.5 0.0 896.446 319.5 0.0 0.0 1.0 546.706 0.0 319.5 0.0 546.706 239.5 0.0 0.0 1.0 0.9986281209784713 -0.03635974146389022 -0.037680833213804624 0.9616766897954212 0.03823081190937499 0.9980078949432913 0.050186120109157205 -0.9056479669293549 0.03578101468317373 -0.05155783967099301 0.998028811285878 -4.424309094415389 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/21932760_3503330187.jpg sacre_coeur/test/images/01930654_7662043242.jpg 0 0 724.718 0.0 319.5 0.0 724.718 212.5 0.0 0.0 1.0 529.489 0.0 213.0 0.0 529.489 319.5 0.0 0.0 1.0 0.7037375155669642 -0.25842939688333305 -0.6617913236135344 18.581292942898866 0.20639899493671127 0.9656890335050448 -0.15762025712835245 2.7340340580948004 0.6798183316686546 -0.02566977589713646 0.7329311690279234 -0.8950869816411089 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/02580991_8300101521.jpg sacre_coeur/test/images/22663714_8829093598.jpg 0 0 610.611 0.0 238.5 0.0 610.611 319.5 0.0 0.0 1.0 595.075 0.0 239.5 0.0 595.075 319.5 0.0 0.0 1.0 0.9846010251321836 -0.011709587439622648 -0.1744239286068477 4.793179333551558 -0.035701919349344885 0.9632566826900865 -0.26619905373172004 -0.2021396333467567 0.171132095947621 0.26832713022518645 0.9480054624957023 0.9185135131848083 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/86437085_9493229723.jpg sacre_coeur/test/images/87565848_5767537300.jpg 0 0 520.807 0.0 319.5 0.0 520.807 212.0 0.0 0.0 1.0 1030.07 0.0 213.0 0.0 1030.07 319.5 0.0 0.0 1.0 0.9847846103568938 -0.07748992297697742 -0.15554608012175364 5.145144189176914 0.08272444072402198 0.9961941622139644 0.02745647606150139 1.4878947335171033 0.15282649675733156 -0.03990617756488502 0.9874469904157089 3.6660651031946987 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/51093888_43012197.jpg sacre_coeur/test/images/33672452_9565324953.jpg 0 0 1767.41 0.0 319.5 0.0 1767.41 239.5 0.0 0.0 1.0 493.101 0.0 212.5 0.0 493.101 319.5 0.0 0.0 1.0 0.993227155040597 0.05377940749351693 0.1029931736553833 -5.502666771149588 -0.03466485395465041 0.9832186334607715 -0.17910741669689575 2.252762943567785 -0.11089709820488741 0.17432410660943873 0.9784237014016763 -36.45504588082684 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/66599130_8409392232.jpg sacre_coeur/test/images/97963132_2552614010.jpg 0 0 701.54 0.0 319.5 0.0 701.54 239.5 0.0 0.0 1.0 756.149 0.0 319.5 0.0 756.149 239.5 0.0 0.0 1.0 0.9935665827393901 0.036374927765097556 0.1072488242063962 -1.4670222505606112 -0.034734631388333555 0.9992498646297854 -0.01712347568900889 -1.6502237597984237 -0.10779123826122015 0.013288064849308225 0.9940847430107121 -6.39548642620289 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/30959030_12203993343.jpg sacre_coeur/test/images/33654157_4220339151.jpg 0 0 1448.34 0.0 213.0 0.0 1448.34 319.5 0.0 0.0 1.0 1437.6 0.0 319.5 0.0 1437.6 239.5 0.0 0.0 1.0 0.9988610717646929 0.019629536590014252 -0.043488396226470404 2.3598283793762893 -0.02022886691367308 0.9997057819944488 -0.013384408476155879 4.459533048228097 0.043212871421349636 0.014248885574983914 0.9989642721355919 22.24887128914707 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/47232856_233187107.jpg sacre_coeur/test/images/37404008_4118566175.jpg 0 0 548.399 0.0 249.5 0.0 548.399 187.0 0.0 0.0 1.0 529.805 0.0 239.5 0.0 529.805 319.5 0.0 0.0 1.0 0.9893800449152624 0.10835392106358209 0.09688423253357795 -0.4333971781130933 -0.07055527154599099 0.9407671071367557 -0.33163112608229567 0.16824502329066082 -0.1270790320255268 0.3212735250836692 0.9384211430374788 -0.37931609138909117 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/32813607_2497921988.jpg sacre_coeur/test/images/26026296_6378760587.jpg 0 0 769.873 0.0 319.5 0.0 769.873 212.5 0.0 0.0 1.0 977.124 0.0 319.5 0.0 977.124 213.5 0.0 0.0 1.0 0.8572090287891543 -0.25360339207328714 -0.4481941549053017 4.0015755665256325 0.2644367990453457 0.9635947078030644 -0.039476808439614805 0.06244522154129615 0.44188896826352947 -0.08467915105177415 0.8930641528491354 -1.446857936679945 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/49028473_4605994993.jpg sacre_coeur/test/images/59996089_2005549974.jpg 0 0 619.868 0.0 319.5 0.0 619.868 239.5 0.0 0.0 1.0 497.691 0.0 319.5 0.0 497.691 213.5 0.0 0.0 1.0 0.9902927219552078 -0.07902055030713985 -0.11435067761802935 1.5784656840667626 0.08424225067795132 0.9955778776210507 0.04156841099052743 0.8963223202895001 0.1105602462156218 -0.05079805331625384 0.9925703953554227 1.309693283336168 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/59340498_8155265289.jpg sacre_coeur/test/images/69077959_3760142614.jpg 0 0 709.882 0.0 319.5 0.0 709.882 239.5 0.0 0.0 1.0 2150.73 0.0 319.5 0.0 2150.73 319.5 0.0 0.0 1.0 0.9987962978709783 0.010087622289541793 0.04800203366287549 -0.8403255257408532 -0.006840175118792935 0.9977065147894114 -0.06734183210390118 5.874842532521013 -0.04857126067514142 0.06693243028091314 0.9965745744364134 51.869434253994996 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/39890331_3228856431.jpg sacre_coeur/test/images/26122587_7769817838.jpg 0 0 853.952 0.0 295.0 0.0 853.952 319.5 0.0 0.0 1.0 535.329 0.0 239.5 0.0 535.329 319.5 0.0 0.0 1.0 0.9918513079625266 -0.05160311693032892 -0.11648219269957227 2.5670323871906158 0.06396793403775113 0.9924085206705993 0.10504014239963161 1.3751203997620571 0.11017752179082356 -0.11163532784682349 0.9876226340402314 5.325174009563252 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/25811450_7943664752.jpg sacre_coeur/test/images/22593097_5934502901.jpg 0 0 535.838 0.0 213.0 0.0 535.838 319.5 0.0 0.0 1.0 1517.12 0.0 319.5 0.0 1517.12 179.5 0.0 0.0 1.0 0.998860870310798 0.020512902305373327 0.04308343766420573 0.9937388227583634 -0.015868512425197406 0.9942924727292748 -0.10550198570318917 3.7726012571566727 -0.04500168969457309 0.10469813519311032 0.9934853538989484 42.564228618455296 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/16634907_9608639107.jpg sacre_coeur/test/images/58368117_3401402227.jpg 0 0 772.57 0.0 305.5 0.0 772.57 305.5 0.0 0.0 1.0 682.756 0.0 319.5 0.0 682.756 239.0 0.0 0.0 1.0 0.8503573111572075 0.2663011898594407 0.45384592059522866 -9.082243709869958 -0.2311699569094445 0.9638591783235444 -0.13242331888284412 1.4309450137628354 -0.4727080434940472 0.007691595472202561 0.8811855337981452 8.854459679387473 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/40133282_13969857252.jpg sacre_coeur/test/images/67317975_3907395582.jpg 0 0 1447.89 0.0 213.0 0.0 1447.89 319.5 0.0 0.0 1.0 664.539 0.0 191.5 0.0 664.539 249.5 0.0 0.0 1.0 0.9970074604300047 0.0024818096250844774 -0.07726554515369494 4.176593173363412 0.005303488954395463 0.9949338112643304 0.1003921521232836 -6.2916138191332305 0.07712325752860444 -0.10050150160081558 0.991943270214662 -32.55221773967493 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/26986576_7149171553.jpg sacre_coeur/test/images/02099432_2588386443.jpg 0 0 887.819 0.0 319.5 0.0 887.819 216.0 0.0 0.0 1.0 938.485 0.0 249.5 0.0 938.485 167.0 0.0 0.0 1.0 0.9478010227474876 -0.2592197844335665 -0.18568339892686136 3.3326799210722977 0.2156366126058413 0.9500532050457677 -0.2256097490937447 4.052691189064337 0.23489161880044804 0.17379301177112777 0.9563586756425779 36.19676324235766 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/40053940_4478762600.jpg sacre_coeur/test/images/85759221_9290609964.jpg 0 0 492.186 0.0 319.5 0.0 492.186 179.5 0.0 0.0 1.0 1001.31 0.0 212.5 0.0 1001.31 319.5 0.0 0.0 1.0 0.9915575725124679 0.006224911314532417 0.1295176855580269 -1.5400610915312 -0.007167614868735625 0.9999510981337127 0.006813709582547411 0.3847023723624855 -0.1294689371636116 -0.007684518222245588 0.9915537012635355 1.5338746441558107 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/81703421_7754459314.jpg sacre_coeur/test/images/99936428_253699491.jpg 0 0 514.334 0.0 319.5 0.0 514.334 239.5 0.0 0.0 1.0 658.712 0.0 319.5 0.0 658.712 239.5 0.0 0.0 1.0 0.7764459132091834 0.2165961169473226 0.591792080028196 -9.34803305896891 -0.3402417522962249 0.9345281553639981 0.10436798755536948 0.345452141447083 -0.5304406600696742 -0.28238847171105474 0.7993056093820082 1.3004603672311346 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/30047168_4081038356.jpg sacre_coeur/test/images/97181778_57457394.jpg 1 0 554.321 0.0 249.5 0.0 554.321 187.0 0.0 0.0 1.0 1458.98 0.0 239.5 0.0 1458.98 319.5 0.0 0.0 1.0 0.04471462785947783 0.9986258810578945 0.027330417792862112 -0.3766651871199482 -0.9975690451854128 0.0460975361259177 -0.05225913557440297 3.801724066536101 -0.053447190227855025 -0.024927230982676452 0.9982595008374745 32.04234624119868 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/71870353_3302102984.jpg sacre_coeur/test/images/18698491_4586522698.jpg 0 0 682.987 0.0 239.5 0.0 682.987 319.5 0.0 0.0 1.0 1792.43 0.0 246.5 0.0 1792.43 319.5 0.0 0.0 1.0 0.9950303379537719 0.02378515965897392 0.0966896723109541 -2.387249554506781 -0.03283583354611575 0.9951133170730443 0.09311978425240566 4.08916603930799 -0.09400231160420658 -0.09583189638048459 0.99094894573292 40.80834394752305 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/23735654_3093471146.jpg sacre_coeur/test/images/95898988_2340390005.jpg 0 0 662.801 0.0 239.5 0.0 662.801 319.5 0.0 0.0 1.0 727.689 0.0 319.5 0.0 727.689 239.5 0.0 0.0 1.0 0.8356208261736345 -0.23752216913929725 -0.4952989542006482 7.830042171223592 0.18609273185490943 0.9707696198742441 -0.15157783571483108 1.3125239544943224 0.5168242738259006 0.03449006083756029 0.8553964611148167 2.8724839154249944 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/75026938_1499132926.jpg sacre_coeur/test/images/85532633_499885666.jpg 0 0 580.942 0.0 187.0 0.0 580.942 249.5 0.0 0.0 1.0 1397.17 0.0 239.5 0.0 1397.17 319.5 0.0 0.0 1.0 0.9984371524323049 0.005524942623146178 0.05561229766770421 0.10196738876287004 0.008548032714864456 0.9682945372034596 -0.24966501628911444 2.0950315602874454 -0.05522846892297489 0.24975020366548084 0.9667340130508882 45.70671919428264 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/41728687_4706427664.jpg sacre_coeur/test/images/54990444_8865247484.jpg 0 0 1542.39 0.0 213.5 0.0 1542.39 319.5 0.0 0.0 1.0 600.166 0.0 319.5 0.0 600.166 239.5 0.0 0.0 1.0 0.9962007010654278 -0.01959651819710644 -0.08485363675942498 6.586177485858889 0.033815641823487064 0.9849437758902967 0.16953542610036015 -15.388017361052274 0.0802537573252218 -0.17176069052468176 0.9818643488922842 -46.65562681335757 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/99818215_2123948121.jpg sacre_coeur/test/images/33631460_6836524250.jpg 0 0 944.024 0.0 319.5 0.0 944.024 239.5 0.0 0.0 1.0 492.214 0.0 319.5 0.0 492.214 212.0 0.0 0.0 1.0 0.8616052286920176 0.1756491844578144 0.47621822087135735 -12.826357621986261 -0.24233399772486025 0.9667319436106239 0.08187540991966327 -4.3231843613704966 -0.4459940172662226 -0.18594814654126063 0.8755070664252836 -10.741536983153434 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/32813607_2497921988.jpg sacre_coeur/test/images/61702125_8353062682.jpg 0 0 769.873 0.0 319.5 0.0 769.873 212.5 0.0 0.0 1.0 1508.27 0.0 239.5 0.0 1508.27 319.5 0.0 0.0 1.0 0.9911426016335457 0.07532763342007272 0.10937134391794667 -1.820224516991028 -0.06352579466482368 0.9921573049909294 -0.10764922463881643 3.7570161760986376 -0.1166225391564139 0.09974783103640322 0.9881546202716674 23.974833916085142 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/79241502_2244390302.jpg sacre_coeur/test/images/12872711_4632849327.jpg 0 0 614.197 0.0 212.5 0.0 614.197 319.5 0.0 0.0 1.0 670.919 0.0 239.5 0.0 670.919 319.5 0.0 0.0 1.0 0.7140035335068466 -0.17696367206339367 -0.6774088963909293 14.068372030578093 0.3437125505975331 0.9315127462922291 0.11893563829587638 1.4086659022598333 0.609967734147861 -0.3177544055791343 0.7259280274473326 -0.054120145723006274 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/84979436_3867757669.jpg sacre_coeur/test/images/70860676_2671019430.jpg 0 0 527.25 0.0 239.5 0.0 527.25 319.5 0.0 0.0 1.0 722.064 0.0 319.5 0.0 722.064 239.5 0.0 0.0 1.0 0.9996233242998827 -0.020129896004359056 0.01865467240413552 -0.8883333290210886 0.01281868453051412 0.943477048403873 0.33118988580876524 -3.321090409075445 -0.024267073217821 -0.3308260062660877 0.9433797023126326 -8.3196382368726 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/40932424_8951501615.jpg sacre_coeur/test/images/06132465_4129851965.jpg 0 0 640.24 0.0 319.5 0.0 640.24 212.0 0.0 0.0 1.0 298.312 0.0 319.5 0.0 298.312 213.0 0.0 0.0 1.0 0.9965039421718156 0.0668309095005832 0.05013504534111605 0.024393472138010797 -0.056238784249674496 0.9803622390235832 -0.1890160824977205 -0.6367040847670398 -0.06178262200772534 0.1855357373445649 0.9806933250440011 -13.809911543874884 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/56739575_3512017389.jpg sacre_coeur/test/images/58011909_11987000544.jpg 0 0 767.042 0.0 319.5 0.0 767.042 213.0 0.0 0.0 1.0 1714.15 0.0 213.5 0.0 1714.15 319.5 0.0 0.0 1.0 0.9956928810249094 -0.05497752711544599 -0.07465358791502166 -0.5803073844891501 0.037543451435082774 0.9753309068500583 -0.21753186294744173 2.2377278907987437 0.08477131549443508 0.21379217398051176 0.973194086713452 9.34597374302751 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/26140494_3397638398.jpg sacre_coeur/test/images/89598965_8275144360.jpg 0 0 675.035 0.0 319.5 0.0 675.035 239.5 0.0 0.0 1.0 715.898 0.0 213.0 0.0 715.898 319.5 0.0 0.0 1.0 0.9993080284442553 -0.03063621833831159 -0.021092330662665217 -0.2342347505586755 0.031775460249832105 0.9979260104471558 0.05598212035046984 -2.2123489707098565 0.019333504927127047 -0.056613600830104846 0.9982089539712026 -7.98091289020011 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/92912238_291183223.jpg sacre_coeur/test/images/95748780_10564008623.jpg 0 0 1859.84 0.0 239.5 0.0 1859.84 319.5 0.0 0.0 1.0 512.767 0.0 319.5 0.0 512.767 212.5 0.0 0.0 1.0 0.8176623981209018 -0.21092730931902257 -0.5356658220221011 37.82044989419051 0.27513129738632913 0.9604993169373093 0.041759206906712296 -2.455183814653561 0.5056984990067612 -0.18152336584142448 0.8433968791475986 -35.166978597209315 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/95734826_713795234.jpg sacre_coeur/test/images/15865748_8030415.jpg 0 0 1838.16 0.0 239.5 0.0 1838.16 319.5 0.0 0.0 1.0 666.681 0.0 212.0 0.0 666.681 319.5 0.0 0.0 1.0 0.9985158258601222 -0.03369460502700277 -0.04278807192375874 3.4866035543026697 0.035135294424302715 0.9988250577258693 0.033376865410515655 -6.153705091646016 0.0416131781121802 -0.034830699834892655 0.9985264972730645 -38.58683959702496 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/97181778_57457394.jpg sacre_coeur/test/images/06632036_566711823.jpg 0 0 1458.98 0.0 239.5 0.0 1458.98 319.5 0.0 0.0 1.0 498.319 0.0 319.5 0.0 498.319 212.5 0.0 0.0 1.0 0.9918512871870219 -0.06502767401200424 -0.10955558277895286 4.624037381399709 0.06524903034344771 0.997867780918181 -0.00156711348176838 -2.641556170175838 0.10942389201946402 -0.005594052020977923 0.9939794356209284 -28.320369031735723 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/28566706_4319457080.jpg sacre_coeur/test/images/72198457_1660226670.jpg 0 0 1554.78 0.0 319.5 0.0 1554.78 239.5 0.0 0.0 1.0 1443.11 0.0 187.0 0.0 1443.11 249.5 0.0 0.0 1.0 0.9984736434987582 -0.02274177616704711 -0.05033085390774536 4.618544379280113 0.019342769292404978 0.9975641724598934 -0.06701924425498143 1.6840441618844202 0.05173239327941121 0.06594341090037728 0.9964814228295521 10.401953811118894 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/19422098_2931690374.jpg sacre_coeur/test/images/24557061_6127380941.jpg 0 0 1163.74 0.0 239.5 0.0 1163.74 319.5 0.0 0.0 1.0 1027.21 0.0 296.5 0.0 1027.21 319.5 0.0 0.0 1.0 0.9983145269330841 0.055985958557537865 0.015286522127886676 -1.039812164513963 -0.05379011823423269 0.9915017575591826 -0.1184520491059542 -0.11899373727343987 -0.021788265069068388 0.11743013753481592 0.9928420993812833 -0.9083639545239279 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/28570538_3018664920.jpg sacre_coeur/test/images/65899853_4831283587.jpg 0 0 655.109 0.0 319.5 0.0 655.109 239.5 0.0 0.0 1.0 703.681 0.0 319.5 0.0 703.681 239.5 0.0 0.0 1.0 0.9983859492336848 0.008124390783341344 0.05620934661739049 -1.0779800946895557 -0.01298800894075409 0.9961488813088775 0.08671054082882325 -1.2326131280503203 -0.05528840743328824 -0.08730063311037141 0.9946465661037688 -5.5934594035913 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/20864632_4515642500.jpg sacre_coeur/test/images/62721852_537101715.jpg 0 0 707.548 0.0 319.5 0.0 707.548 239.5 0.0 0.0 1.0 662.611 0.0 319.5 0.0 662.611 239.5 0.0 0.0 1.0 0.9889240792657592 0.07263205038512026 0.12943628048280614 0.14436763594004826 -0.07279220131888169 0.9973409893471062 -0.0034994850030624918 2.0567244950839756 -0.12934628280519564 -0.005961226802313823 0.9915815664379255 8.482427945047455 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/54990444_8865247484.jpg sacre_coeur/test/images/04543624_3663972093.jpg 0 0 600.166 0.0 319.5 0.0 600.166 239.5 0.0 0.0 1.0 433.924 0.0 319.5 0.0 433.924 212.5 0.0 0.0 1.0 0.9978554240065967 0.02203172920038271 0.06163729138318866 -1.4372906038582536 -0.02524680491791347 0.9983342383006653 0.051878198485177364 -0.042255237077447966 -0.06039165192352268 -0.053323086417345004 0.9967494654289393 -0.11281684986259455 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/78937340_9546137587.jpg sacre_coeur/test/images/77447644_11774301175.jpg 0 0 944.217 0.0 239.5 0.0 944.217 319.5 0.0 0.0 1.0 511.678 0.0 319.5 0.0 511.678 212.5 0.0 0.0 1.0 0.9991105391266504 0.021499586086608236 0.03627531397739002 -2.397788261286427 -0.02315063673392655 0.9986857392896792 0.045725727531014795 -6.831314953348954 -0.03524455454204915 -0.0465248529017702 0.9982951765072298 -42.442287781484865 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/63360516_5790897098.jpg sacre_coeur/test/images/70860676_2671019430.jpg 0 0 516.78 0.0 319.5 0.0 516.78 239.5 0.0 0.0 1.0 722.064 0.0 319.5 0.0 722.064 239.5 0.0 0.0 1.0 0.9971277724507449 0.012795051238456135 0.07464912639288362 -0.8323019762370495 -0.028169210784613156 0.9775712043201304 0.20871280757984537 -3.275632290356379 -0.07030434532223075 -0.2102161438802805 0.97512382387106 -8.486855413085566 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/09906423_9611413320.jpg sacre_coeur/test/images/62327360_2404846280.jpg 0 0 1488.12 0.0 239.5 0.0 1488.12 319.5 0.0 0.0 1.0 1508.2 0.0 319.5 0.0 1508.2 213.0 0.0 0.0 1.0 0.9993672655184591 -0.03367166656909086 -0.011458074908881483 0.9741198651096399 0.03398858147319333 0.9990103391000124 0.028690045324434275 -0.33399067455093423 0.010480693660138592 -0.029061335856047126 0.9995226829935699 -0.6262842166323921 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/15012791_5817353527.jpg sacre_coeur/test/images/92423741_5783562525.jpg 0 0 506.581 0.0 212.0 0.0 506.581 319.5 0.0 0.0 1.0 502.585 0.0 212.0 0.0 502.585 319.5 0.0 0.0 1.0 0.9792888782466618 0.1073984225914076 0.1716358696988254 -4.260559317885355 -0.09694677167925568 0.9929514107539361 -0.0681822509362806 0.8261970912517845 -0.17774874515271555 0.05013057656406011 0.9827982035443441 2.0177200167068676 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/83129529_7908624824.jpg sacre_coeur/test/images/54990444_8865247484.jpg 0 0 521.65 0.0 319.5 0.0 521.65 239.5 0.0 0.0 1.0 600.166 0.0 319.5 0.0 600.166 239.5 0.0 0.0 1.0 0.9365268078912606 0.07887207317798342 0.3416090370198259 0.3366906348607075 -0.04887791233179984 0.994223814581989 -0.09555080430913976 -0.6145344712230788 -0.34717212991121693 0.07278875318787555 0.9349723576781634 -2.7133201964015745 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/81670953_3302107502.jpg sacre_coeur/test/images/36315940_3601403924.jpg 0 0 672.741 0.0 319.5 0.0 672.741 239.5 0.0 0.0 1.0 1187.9 0.0 212.5 0.0 1187.9 319.5 0.0 0.0 1.0 0.999618998813965 -0.020689002724711615 -0.018270806671383075 0.043727373003904946 0.018606981710457077 0.9940230121760867 -0.10757337726410662 3.344656012372432 0.02038718817769865 0.10719242711421346 0.9940292481248078 40.66517957914393 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/62721852_537101715.jpg sacre_coeur/test/images/23363225_3187214147.jpg 0 0 662.611 0.0 319.5 0.0 662.611 239.5 0.0 0.0 1.0 482.157 0.0 158.5 0.0 482.157 234.0 0.0 0.0 1.0 0.8363172301759677 -0.21711212125368043 -0.5034240929033142 8.172000454921745 0.26202590184446783 0.9648703827589963 0.01917214743062107 -0.5726506922807579 0.4815764916120708 -0.14794414918892634 0.8638267253606904 -5.464924372133435 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/71205878_8911611472.jpg sacre_coeur/test/images/40439555_5986637695.jpg 0 0 795.021 0.0 305.5 0.0 795.021 305.5 0.0 0.0 1.0 2201.25 0.0 319.5 0.0 2201.25 301.0 0.0 0.0 1.0 0.9698648120452545 -0.05463186018998018 -0.23743968962371353 1.439717755774991 0.02098386700786105 0.9896452971957189 -0.14199247537737256 5.206247069341969 0.24273838526656502 0.13273110257426413 0.9609685378448144 44.47617580495045 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/18698491_4586522698.jpg sacre_coeur/test/images/34935406_396311145.jpg 0 0 1792.43 0.0 246.5 0.0 1792.43 319.5 0.0 0.0 1.0 481.009 0.0 187.0 0.0 481.009 249.5 0.0 0.0 1.0 0.9976041222651172 -0.021933769046579166 -0.06561192738410218 4.666061341477728 0.02312287389291269 0.9995808665983533 0.01741906522799928 -4.574325912077712 0.06520236148007087 -0.01889446760023053 0.9976931648315157 -40.58913004321245 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/75026938_1499132926.jpg sacre_coeur/test/images/99378904_311153817.jpg 0 0 580.942 0.0 187.0 0.0 580.942 249.5 0.0 0.0 1.0 728.066 0.0 319.5 0.0 728.066 239.5 0.0 0.0 1.0 0.9997757945371242 -0.021162026076911006 0.0007275369284884754 0.7884319478610613 0.021174054612050925 0.9993929916639013 -0.027664193904093866 1.4647397563157016 -0.00014166491471290802 0.02767339634735064 0.9996170081914644 4.168440357305281 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/76465860_1236444051.jpg sacre_coeur/test/images/16214259_2076433877.jpg 0 0 690.247 0.0 239.5 0.0 690.247 319.5 0.0 0.0 1.0 593.424 0.0 319.5 0.0 593.424 213.0 0.0 0.0 1.0 0.7512218032076008 0.27074011911807805 0.6019680973984 -9.380865880870479 -0.2821688460491213 0.9561946996978744 -0.07792585314899658 2.3319088139231203 -0.596696358883501 -0.11131704348221164 0.7947087335153374 8.215130616655095 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/28574044_3399035477.jpg sacre_coeur/test/images/86255041_34613076.jpg 0 0 838.765 0.0 213.0 0.0 838.765 319.5 0.0 0.0 1.0 943.253 0.0 319.5 0.0 943.253 283.5 0.0 0.0 1.0 0.9980577585585021 -0.04736281002169437 -0.04046572386635595 1.0193689429079438 0.04922054860806738 0.997718041295254 0.04621739573669925 0.5621377714517135 0.0381843970215605 -0.048119375523905904 0.9981114554614076 3.4974227945109586 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/57417409_1401404166.jpg sacre_coeur/test/images/13402995_4460408839.jpg 0 0 548.254 0.0 187.0 0.0 548.254 249.5 0.0 0.0 1.0 702.935 0.0 239.5 0.0 702.935 319.5 0.0 0.0 1.0 0.9291429333753062 0.056288245336977266 0.36541078637010105 -5.1911678216420025 -0.12031467529783496 0.9805798871317898 0.15487886834743658 0.7850870430819261 -0.34959660791647834 -0.1878688861666303 0.9178711746992612 1.2539945746745476 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/15701912_177669906.jpg sacre_coeur/test/images/33068710_5695493160.jpg 0 0 743.975 0.0 319.5 0.0 743.975 239.0 0.0 0.0 1.0 1466.84 0.0 213.0 0.0 1466.84 319.5 0.0 0.0 1.0 0.9783164914895182 -0.07343705942575834 -0.19365908391432946 5.4148883878521765 0.038279578104028704 0.9830321231023844 -0.17939486851355604 2.234786834633392 0.20354733203807218 0.1680917703271524 0.9645276773470352 43.17873630174138 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/70467218_7085137245.jpg sacre_coeur/test/images/73479674_2286585340.jpg 0 0 983.528 0.0 305.5 0.0 983.528 305.5 0.0 0.0 1.0 510.127 0.0 249.5 0.0 510.127 187.0 0.0 0.0 1.0 0.9999434840756304 0.005520337612892427 -0.009085952197165568 0.34216949768024907 -0.0051447633910502765 0.9991519446656207 0.04085245256479154 -4.010270325238104 0.009303766137409169 -0.04080339867643527 0.9991238775007394 -9.801619844992029 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/76850149_8327024804.jpg sacre_coeur/test/images/90741813_5700626652.jpg 0 0 799.829 0.0 319.5 0.0 799.829 239.5 0.0 0.0 1.0 756.043 0.0 266.0 0.0 756.043 319.5 0.0 0.0 1.0 0.9991759301186074 0.016462238137907786 0.03710061168103063 -0.7369414253883773 -0.013791412756327837 0.9973717873671625 -0.07112885981243061 0.10623517153662587 -0.03817404361343465 0.07055857481215601 0.9967769208376953 0.9146335050047592 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/55640818_3363877988.jpg sacre_coeur/test/images/30178210_1968722368.jpg 0 0 534.551 0.0 249.5 0.0 534.551 187.0 0.0 0.0 1.0 742.141 0.0 319.5 0.0 742.141 249.0 0.0 0.0 1.0 0.9010400336984367 0.18778771171840591 0.3909765120826119 -6.847926380882393 -0.25677875783389653 0.9574254056251739 0.13191384381008853 0.38342052047286884 -0.34955904679753463 -0.21925411738673503 0.9108985150997684 0.7962823522983904 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/93760319_30262336.jpg sacre_coeur/test/images/24557061_6127380941.jpg 0 0 1034.56 0.0 239.5 0.0 1034.56 319.5 0.0 0.0 1.0 1027.21 0.0 296.5 0.0 1027.21 319.5 0.0 0.0 1.0 0.9969992126341123 -0.03143261329065774 -0.07074292069656055 2.521762460017021 0.02858152086671145 0.9987519094142119 -0.04095998176771697 -0.1652593658612519 0.07194210639052502 0.038815129307860664 0.9966532591954477 -5.234427085636476 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/70170436_3664390013.jpg sacre_coeur/test/images/56774631_6820191793.jpg 0 0 523.702 0.0 213.5 0.0 523.702 319.5 0.0 0.0 1.0 1196.24 0.0 319.5 0.0 1196.24 213.0 0.0 0.0 1.0 0.9876721818411902 -0.06381610750591218 -0.14293762849528688 1.807214090817427 0.023451512280686114 0.9631442867702071 -0.26796102222834123 4.375167868134479 0.15476978965163588 0.26130554392263206 0.9527674033710883 30.50682051062546 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/17336870_3869891767.jpg sacre_coeur/test/images/23735654_3093471146.jpg 0 0 1339.19 0.0 319.5 0.0 1339.19 239.5 0.0 0.0 1.0 662.801 0.0 239.5 0.0 662.801 319.5 0.0 0.0 1.0 0.9954911295719769 -0.06022607654021354 -0.07328185756434938 3.094098102666502 0.06449396979796586 0.996269533872582 0.057337106109454555 -5.2921579691049905 0.06955529313580891 -0.06180481843578319 0.9956617023943981 -19.602475060543657 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/60386407_4541255112.jpg sacre_coeur/test/images/43759956_9209511641.jpg 0 0 1433.05 0.0 212.5 0.0 1433.05 319.5 0.0 0.0 1.0 634.092 0.0 319.5 0.0 634.092 213.0 0.0 0.0 1.0 0.989790141466147 -0.00701192993696212 -0.14235978608786926 8.966086732575018 0.03144356112384203 0.984923915062488 0.1701063902439648 -10.070399608317558 0.13902078377090232 -0.1728459266993006 0.9750884612706603 -39.53512591355316 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/63170630_8128095778.jpg sacre_coeur/test/images/77129992_2502002338.jpg 0 0 1392.01 0.0 212.0 0.0 1392.01 319.5 0.0 0.0 1.0 1567.64 0.0 213.5 0.0 1567.64 319.5 0.0 0.0 1.0 0.9922693848200159 0.051651440614260656 0.11284323919215651 -1.235421987452276 -0.05893386902610865 0.996323385707595 0.062181268672878064 -0.3562737591032348 -0.10921660601996477 -0.06835085789239728 0.9916652122540414 -1.0492625788234875 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/36514160_148787094.jpg sacre_coeur/test/images/58219592_4573644273.jpg 0 0 662.125 0.0 319.5 0.0 662.125 239.5 0.0 0.0 1.0 612.079 0.0 319.5 0.0 612.079 239.5 0.0 0.0 1.0 0.9921946024935884 5.876844262138432e-05 0.12469910716946074 -2.2963663866584048 -0.015895691804104807 0.9919016190284854 0.12600994068222704 -1.368484658433012 -0.12368184088482603 -0.12700856158125565 0.9841603667697663 -5.414023760642765 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/60748234_6779431614.jpg sacre_coeur/test/images/54990444_8865247484.jpg 0 0 1251.64 0.0 305.5 0.0 1251.64 305.5 0.0 0.0 1.0 600.166 0.0 319.5 0.0 600.166 239.5 0.0 0.0 1.0 0.9876340634651131 -0.05837785082181661 -0.14550251962359415 7.495430134339292 0.0780082474391905 0.9880295765955353 0.1330874490848532 -7.557994224462167 0.13599143360835161 -0.14279209468970291 0.9803656193886403 -26.36482111525872 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/71781222_5227267590.jpg sacre_coeur/test/images/67317975_3907395582.jpg 0 0 862.013 0.0 212.0 0.0 862.013 319.5 0.0 0.0 1.0 664.539 0.0 191.5 0.0 664.539 249.5 0.0 0.0 1.0 0.9993875425131595 0.0065055963478608024 -0.03438338386003521 0.0785337447534552 -0.01229860995034591 0.9851825589984977 -0.17106744178382 -1.4104461528809582 0.03276101437375045 0.17138553807521245 0.9846591863563112 -6.1568361595624275 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/95898988_2340390005.jpg sacre_coeur/test/images/12872711_4632849327.jpg 0 0 727.689 0.0 319.5 0.0 727.689 239.5 0.0 0.0 1.0 670.919 0.0 239.5 0.0 670.919 319.5 0.0 0.0 1.0 0.9460305203325268 -0.12756970220432742 -0.29791311766833595 5.017166690479376 0.17009034702200043 0.9779259861916076 0.12136737362696376 0.8611786126794763 0.27585417968431086 -0.1654893851903221 0.9468462044809733 1.793756688431014 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/43279207_5330361477.jpg sacre_coeur/test/images/12573771_2610756325.jpg 0 0 429.857 0.0 319.5 0.0 429.857 212.5 0.0 0.0 1.0 686.081 0.0 213.5 0.0 686.081 319.5 0.0 0.0 1.0 0.8838687801052512 -0.21642651027068271 -0.4146511126324264 1.0795382669438338 0.19153380642836804 0.9762467036194766 -0.10127771061376808 0.8229777452899459 0.4267209633358966 0.010096500589797247 0.9043269763340717 1.8087066539825596 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/60953043_2624021191.jpg sacre_coeur/test/images/38901171_7234089272.jpg 0 0 1395.38 0.0 212.5 0.0 1395.38 319.5 0.0 0.0 1.0 528.65 0.0 319.5 0.0 528.65 239.5 0.0 0.0 1.0 0.856564029525939 -0.18026872808013344 -0.4835299876932733 14.716074736946121 0.2162604023103843 0.9761473917258707 0.019175714310821056 -3.3597098729333226 0.46853975467919134 -0.12099361678679753 0.8751177309265381 -10.09561122695314 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/79241502_2244390302.jpg sacre_coeur/test/images/05925733_2718809034.jpg 0 0 614.197 0.0 212.5 0.0 614.197 319.5 0.0 0.0 1.0 1052.11 0.0 239.5 0.0 1052.11 319.5 0.0 0.0 1.0 0.9996087077917589 -0.00845677417071439 0.02666297578132453 -1.0451236716203027 0.011181675476438484 0.9945388854177736 -0.10376596515964391 -0.19727142197557226 -0.025639840881518258 0.10402349908841943 0.9942442910054711 44.49861973442982 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/69212502_553330789.jpg sacre_coeur/test/images/58219592_4573644273.jpg 0 0 859.802 0.0 213.0 0.0 859.802 319.5 0.0 0.0 1.0 612.079 0.0 319.5 0.0 612.079 239.5 0.0 0.0 1.0 0.9974967820222209 -0.052241674921669055 -0.047654771604660355 0.9535676116039373 0.052142004987509795 0.9986341181569758 -0.0033330719646391884 -0.9171253404530921 0.0477638060794593 0.0008399132202871564 0.9988583049535036 -4.853956890585135 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/70860676_2671019430.jpg sacre_coeur/test/images/43759956_9209511641.jpg 0 0 722.064 0.0 319.5 0.0 722.064 239.5 0.0 0.0 1.0 634.092 0.0 319.5 0.0 634.092 213.0 0.0 0.0 1.0 0.9898090339700102 -0.059321756359913436 -0.1294565776379482 1.6216869292324663 0.0450049155271473 0.9928183203415972 -0.11084376560043405 2.5665428882940247 0.13510230882464364 0.10388797820953442 0.9853703131989444 8.938387921932936 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/97181778_57457394.jpg sacre_coeur/test/images/85015287_3451838837.jpg 0 0 1458.98 0.0 239.5 0.0 1458.98 319.5 0.0 0.0 1.0 2131.2 0.0 239.5 0.0 2131.2 319.5 0.0 0.0 1.0 0.9999451521637782 -0.010472142261875116 -0.00016401404058829312 -0.46849596980623465 0.010464544636636314 0.9996194382465664 -0.02552394924706368 2.369140548927121 0.0004312420507175361 0.025520832981426815 0.9996741974834741 12.310896865338911 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/78882005_4504743257.jpg sacre_coeur/test/images/05925733_2718809034.jpg 0 0 1001.41 0.0 319.5 0.0 1001.41 239.5 0.0 0.0 1.0 1052.11 0.0 239.5 0.0 1052.11 319.5 0.0 0.0 1.0 0.9975275428520771 -0.019546827843894065 -0.0675035019294466 3.7371261135454463 0.013848770523362627 0.9963804318644736 -0.08387041524015786 0.060631700637700126 0.06889856897272159 0.08272820872475378 0.9941876234769293 0.3557776013782501 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/23735654_3093471146.jpg sacre_coeur/test/images/77145724_5072492873.jpg 0 0 662.801 0.0 239.5 0.0 662.801 319.5 0.0 0.0 1.0 558.428 0.0 192.5 0.0 558.428 319.5 0.0 0.0 1.0 0.9111472452260451 -0.16980890578753877 -0.3754672196507014 0.6985699401209251 0.11101001019535671 0.978610778628388 -0.1731985034253095 -0.486261100887589 0.3968469165225 0.11612871939179789 0.9105090034585079 -0.8847701875001088 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/41728687_4706427664.jpg sacre_coeur/test/images/04739785_8198592553.jpg 0 0 1542.39 0.0 213.5 0.0 1542.39 319.5 0.0 0.0 1.0 720.152 0.0 319.5 0.0 720.152 239.5 0.0 0.0 1.0 0.9983131845221412 0.016597996241745606 -0.05563534964409206 2.941258963623309 -0.016055045668735307 0.9998191638012053 0.010191918584523573 -5.312326938409525 0.05579445418530589 -0.00928149861917413 0.9983991349483163 -34.622254140525065 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/24557061_6127380941.jpg sacre_coeur/test/images/79410678_281876803.jpg 0 0 1027.21 0.0 296.5 0.0 1027.21 319.5 0.0 0.0 1.0 521.004 0.0 249.5 0.0 521.004 187.0 0.0 0.0 1.0 0.9974079036280127 -0.0012929995260325781 -0.07194304645063485 4.835985595970245 0.01221617240223595 0.9883664673936715 0.15159977329664204 -6.517592457390832 0.0709100762389336 -0.1520856807328688 0.9858203217644729 -40.508969553086146 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/95748780_10564008623.jpg sacre_coeur/test/images/84278429_5829272410.jpg 0 0 512.767 0.0 319.5 0.0 512.767 212.5 0.0 0.0 1.0 1453.22 0.0 319.5 0.0 1453.22 213.0 0.0 0.0 1.0 0.8386804285721217 0.24681655506336841 0.4854860727937861 -12.00776193837313 -0.23735032599331907 0.9679508616598397 -0.08207284668414315 5.9636283616829004 -0.4901835997674212 -0.04639738741163017 0.8703834332984675 39.512181631654954 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/53515910_7697309520.jpg sacre_coeur/test/images/23363225_3187214147.jpg 0 0 500.109 0.0 319.5 0.0 500.109 212.5 0.0 0.0 1.0 482.157 0.0 158.5 0.0 482.157 234.0 0.0 0.0 1.0 0.92396713115264 0.13328677403639788 0.35849599219033185 -7.089196487971156 -0.12410130300664755 0.9910774155848212 -0.04862533197587216 1.4809687473828297 -0.36177839507302323 0.0004383887336101804 0.9322640187595495 6.441199513653765 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/67317975_3907395582.jpg sacre_coeur/test/images/27770418_2219914621.jpg 0 0 664.539 0.0 191.5 0.0 664.539 249.5 0.0 0.0 1.0 1305.61 0.0 319.5 0.0 1305.61 239.5 0.0 0.0 1.0 0.9879816194096503 0.041002673535699884 0.14903389034581774 -0.8968663192902218 -0.0337719574093635 0.9981412682284764 -0.05072931649440178 3.426762741385968 -0.15083691392170728 0.04508646606437307 0.98752996712829 28.79981709885904 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/99818215_2123948121.jpg sacre_coeur/test/images/88698102_4801040627.jpg 0 0 944.024 0.0 319.5 0.0 944.024 239.5 0.0 0.0 1.0 1399.17 0.0 319.5 0.0 1399.17 239.5 0.0 0.0 1.0 0.9978800689009633 -0.025527217060566217 -0.0598642571101623 1.629912606743041 0.021749863599376317 0.9977813716141289 -0.0629227931137509 2.285189765866103 0.061337684367910414 0.06148736170116681 0.9962213573435436 19.905576426142936 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/23363225_3187214147.jpg sacre_coeur/test/images/65409197_2096349519.jpg 0 0 482.157 0.0 158.5 0.0 482.157 234.0 0.0 0.0 1.0 548.189 0.0 166.0 0.0 548.189 249.5 0.0 0.0 1.0 0.9862916931099511 0.08177926407784593 0.14332078728918574 -1.9674923775063005 -0.08091133890146061 0.9966504585356186 -0.01188354904539671 -0.7257221709700863 -0.14381255626501835 0.0001243689161600504 0.9896049379388188 -0.41658326466784956 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/60535642_3153438485.jpg sacre_coeur/test/images/27172569_5015079786.jpg 0 0 722.898 0.0 319.5 0.0 722.898 239.5 0.0 0.0 1.0 476.902 0.0 239.5 0.0 476.902 319.5 0.0 0.0 1.0 0.8062640724004031 -0.26416007737964875 -0.5292992528571105 10.049845792273608 0.3514187498263078 0.9336467036636779 0.06934475472927785 -2.8724469645448116 0.47586038690652993 -0.24191586607067928 0.8455965976258661 -7.439347587228115 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/88346204_4983096872.jpg sacre_coeur/test/images/55640818_3363877988.jpg 0 0 525.321 0.0 319.5 0.0 525.321 239.5 0.0 0.0 1.0 534.551 0.0 249.5 0.0 534.551 187.0 0.0 0.0 1.0 0.977248439214768 0.14269022716977295 0.15692350723374157 -1.6017138899887042 -0.12981699651688433 0.9874919409002518 -0.08948303790321752 -0.6071053801594545 -0.1677290537373738 0.06707582073513524 0.983548574705425 -1.0357798514827112 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/40439555_5986637695.jpg sacre_coeur/test/images/33672452_9565324953.jpg 0 0 2201.25 0.0 319.5 0.0 2201.25 301.0 0.0 0.0 1.0 493.101 0.0 212.5 0.0 493.101 319.5 0.0 0.0 1.0 0.9847139488406873 0.04324190420558336 0.16872633664978182 -8.900795017421675 -0.014174106017056723 0.9853742688337302 -0.1698135596441248 2.111592027255716 -0.17360165228821298 0.16482623590031623 0.9709247026838568 -38.99056931493265 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/06841583_3820040279.jpg sacre_coeur/test/images/74182138_8276852729.jpg 0 0 566.414 0.0 249.5 0.0 566.414 187.0 0.0 0.0 1.0 710.115 0.0 319.5 0.0 710.115 213.0 0.0 0.0 1.0 0.9966037981295526 0.023121357786943065 -0.07903336237209169 1.833639358175148 -0.0028940336073312966 0.9690129340354372 0.24699303277929405 0.18149021473774662 0.0822951646406387 -0.24592546937257614 0.9657888844828607 0.3478952300164462 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/57007030_768923483.jpg sacre_coeur/test/images/41728687_4706427664.jpg 0 0 515.756 0.0 319.5 0.0 515.756 239.5 0.0 0.0 1.0 1542.39 0.0 213.5 0.0 1542.39 319.5 0.0 0.0 1.0 0.9996977935005807 -0.017881688225930843 -0.01686911071340131 0.12775002081551046 0.017972748271198234 0.999824630709412 0.005261952714294852 4.830860102334278 0.016772059791526038 -0.005563546798395984 0.9998438602888811 35.2245862324239 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/90301699_2168560949.jpg sacre_coeur/test/images/64655298_3515609807.jpg 0 0 599.141 0.0 213.5 0.0 599.141 319.5 0.0 0.0 1.0 649.481 0.0 179.5 0.0 649.481 319.5 0.0 0.0 1.0 0.658135098884925 0.2832191348736822 0.6975995364513461 -12.727517200286083 -0.31870817242212285 0.9442404216443474 -0.08267482666601224 1.8679702199404398 -0.6821167733219 -0.16791946812179862 0.711702016140612 8.45466108184411 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/68663909_1356782012.jpg sacre_coeur/test/images/85360130_8421021553.jpg 0 0 672.136 0.0 319.5 0.0 672.136 239.0 0.0 0.0 1.0 1605.2 0.0 319.5 0.0 1605.2 213.0 0.0 0.0 1.0 0.9852775337461468 0.04799595263305896 0.1640870806186627 -1.3715156280449583 -0.033506755329222086 0.9953818189369134 -0.08995738923039777 1.9054468742959894 -0.16764688736274821 0.08313496894019264 0.9823355323395847 8.592967665363089 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/95398527_2664763907.jpg sacre_coeur/test/images/17412880_2226819267.jpg 0 0 829.676 0.0 319.5 0.0 829.676 213.0 0.0 0.0 1.0 298.489 0.0 319.5 0.0 298.489 213.0 0.0 0.0 1.0 0.9992243287882744 0.03890055219551594 -0.006122727864803895 0.2720167182594002 -0.03937944145908997 0.9869989918108211 -0.1558276283423216 -0.855362222725623 -1.865456014045896e-05 0.15594786694054694 0.9877652871247808 -1.785731583732086 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/16577293_2866312822.jpg sacre_coeur/test/images/99119091_3503925030.jpg 0 0 536.259 0.0 319.5 0.0 536.259 213.0 0.0 0.0 1.0 504.731 0.0 319.5 0.0 504.731 214.0 0.0 0.0 1.0 0.9648427485146723 0.07543486026726895 0.25176984032069943 -5.731230411811238 -0.09970533826347412 0.9913745440818605 0.0850609126934899 -2.18682384183082 -0.24318165259825644 -0.10717320188806954 0.9640417981792283 -6.92890698207926 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/70970334_5790897082.jpg sacre_coeur/test/images/44122025_7441115438.jpg 0 0 633.07 0.0 319.5 0.0 633.07 239.5 0.0 0.0 1.0 1479.22 0.0 319.5 0.0 1479.22 213.0 0.0 0.0 1.0 0.994726587700395 0.02667607216550388 -0.09903233257754242 1.1830552134321675 -0.025663818531219577 0.9996046931245525 0.011481546140038254 3.1016411089277094 0.09929946696898613 -0.008879451401411463 0.9950179753162679 18.345968438163922 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/73088789_3818781918.jpg sacre_coeur/test/images/31148870_2948239995.jpg 0 0 512.969 0.0 319.5 0.0 512.969 239.5 0.0 0.0 1.0 722.471 0.0 319.5 0.0 722.471 239.5 0.0 0.0 1.0 0.7757851882892515 0.37186848314207477 0.5097756103195045 -8.85282204923638 -0.299754308341076 0.9281004950989181 -0.220854761388806 2.982160464580065 -0.5552519214392454 0.01852841716811955 0.8314757972997592 10.089916569540998 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/08047759_7746982324.jpg sacre_coeur/test/images/55963526_10058115724.jpg 0 0 499.512 0.0 319.5 0.0 499.512 213.5 0.0 0.0 1.0 730.033 0.0 319.5 0.0 730.033 239.5 0.0 0.0 1.0 0.9936759207413286 -0.006976272979311754 0.11206915790792293 -4.032266501703416 0.003660981639249606 0.9995503345700723 0.02976114705943491 1.0049795897861735 -0.11222638616791471 -0.029162652077174993 0.9932546390385074 2.9202952155451083 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/33678893_2402563668.jpg sacre_coeur/test/images/77653698_4129853031.jpg 0 0 653.635 0.0 239.5 0.0 653.635 319.5 0.0 0.0 1.0 346.996 0.0 213.0 0.0 346.996 319.5 0.0 0.0 1.0 0.8134423906039108 0.23155065934906363 0.5335688983848371 -8.787162466562148 -0.10332745597221848 0.9602798529481475 -0.2592027022702376 -0.3417318803780332 -0.5723940198944291 0.15571414892969135 0.8050578797901414 -0.3791955451233343 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/09199317_7932673946.jpg sacre_coeur/test/images/18427217_3121596461.jpg 0 0 592.689 0.0 319.5 0.0 592.689 212.5 0.0 0.0 1.0 653.258 0.0 319.5 0.0 653.258 239.5 0.0 0.0 1.0 0.9861368351913848 0.04956411193262159 0.1583588996142937 -0.9364283089541603 -0.053463067567056356 0.9983603248895501 0.02045390165109255 -0.11299227731745809 -0.1570854629971843 -0.028636698391447907 0.9871697406323786 -0.5415722688013531 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/49997128_3263255043.jpg sacre_coeur/test/images/23363225_3187214147.jpg 0 0 1444.69 0.0 213.0 0.0 1444.69 319.5 0.0 0.0 1.0 482.157 0.0 158.5 0.0 482.157 234.0 0.0 0.0 1.0 0.9926433668590388 -0.06529151288063516 -0.10196158382699637 10.198768840417268 0.07399984813638064 0.9937058553982545 0.08409931880232663 -10.511737159351103 0.09582885111773154 -0.09102577268543575 0.9912270880078263 -45.981887820625865 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/20864632_4515642500.jpg sacre_coeur/test/images/01617203_4574281148.jpg 0 0 707.548 0.0 319.5 0.0 707.548 239.5 0.0 0.0 1.0 609.931 0.0 319.5 0.0 609.931 239.5 0.0 0.0 1.0 0.6121211163830356 -0.22684126339238236 -0.7575293922353997 11.81410565038145 0.26722078650948017 0.9609545417605196 -0.07182910222942188 2.1043364731652434 0.7442451142837561 -0.1584594897517271 0.6488372677123143 1.0910682024971616 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/40133282_13969857252.jpg sacre_coeur/test/images/90301699_2168560949.jpg 0 0 1447.89 0.0 213.0 0.0 1447.89 319.5 0.0 0.0 1.0 599.141 0.0 213.5 0.0 599.141 319.5 0.0 0.0 1.0 0.6592338692466696 -0.2146242311517701 -0.7206574394541254 39.50452294152223 0.29396748955740054 0.9556863357852085 -0.015708044969427046 1.03713888226048 0.6920937947427244 -0.20149458304369755 0.6931133473557279 -19.28735194311662 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/79704892_2352783119.jpg sacre_coeur/test/images/97437832_311711460.jpg 0 0 1800.38 0.0 239.5 0.0 1800.38 319.5 0.0 0.0 1.0 489.971 0.0 249.5 0.0 489.971 187.0 0.0 0.0 1.0 0.9994841724865858 -0.021710281634072567 -0.023665430910370593 1.369501044733614 0.02495013166865222 0.9888882460919318 0.1465521329457179 -12.114315348591878 0.02022077838564063 -0.14706699294060419 0.9889198247122397 -48.940876221564736 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/27770418_2219914621.jpg sacre_coeur/test/images/64655298_3515609807.jpg 0 0 1305.61 0.0 319.5 0.0 1305.61 239.5 0.0 0.0 1.0 649.481 0.0 179.5 0.0 649.481 319.5 0.0 0.0 1.0 0.9967093090834127 -0.04316096749653142 -0.0686125649661149 1.634068399513926 0.0500471607306886 0.9935206711149158 0.10203900122092455 -6.2856225552028295 0.0637638995769754 -0.10513708647347321 0.9924113855446272 -28.186562698747345 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/55297752_267282770.jpg sacre_coeur/test/images/94345410_6525608719.jpg 0 0 652.245 0.0 239.5 0.0 652.245 319.5 0.0 0.0 1.0 1400.71 0.0 319.5 0.0 1400.71 211.5 0.0 0.0 1.0 0.9983875353905282 0.01296332549253516 0.05526555318642052 1.7465108991366207 -0.01082991571647898 0.999191057040766 -0.03872911637683596 5.527089497097026 -0.0557229046479134 0.03806814576428869 0.9977202885456767 48.212943979012394 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/51939662_7396091320.jpg sacre_coeur/test/images/86255041_34613076.jpg 0 0 1086.81 0.0 319.5 0.0 1086.81 212.0 0.0 0.0 1.0 943.253 0.0 319.5 0.0 943.253 283.5 0.0 0.0 1.0 0.9999718042357986 -0.007421647987657979 -0.0011444975095266608 0.43641407807286015 0.007461486895008752 0.9991720523975638 0.03999419859124253 -5.940988940720818 0.000846727062064957 -0.04000161057741828 0.9991992565071768 -27.7981211423988 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/26329012_3452802515.jpg sacre_coeur/test/images/27614460_8959698816.jpg 0 0 896.446 0.0 239.5 0.0 896.446 319.5 0.0 0.0 1.0 807.303 0.0 319.5 0.0 807.303 319.5 0.0 0.0 1.0 0.954504967176181 -0.12985204180792206 -0.2684375437123332 4.4831681744414915 0.10143415184014956 0.9879135852565007 -0.1172086212960307 0.061246820008890174 0.2804128750190808 0.08464747665441971 0.9561398559936579 0.0970947060659837 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/33411162_10141421203.jpg sacre_coeur/test/images/82864141_2050910556.jpg 0 0 878.795 0.0 218.5 0.0 878.795 319.5 0.0 0.0 1.0 520.268 0.0 319.5 0.0 520.268 239.5 0.0 0.0 1.0 0.9716380495150261 -0.05965253774925252 -0.22882542576101517 6.930039262438589 0.08004060384138376 0.9935055939716027 0.0808711103166019 -4.705971323946315 0.22251517357551717 -0.096892773142311 0.9701024626509566 -14.042563138105884 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/18531924_12156446553.jpg sacre_coeur/test/images/36981833_2290028612.jpg 0 0 619.007 0.0 239.5 0.0 619.007 319.5 0.0 0.0 1.0 1252.04 0.0 249.5 0.0 1252.04 187.5 0.0 0.0 1.0 0.9994612418565392 0.028648201165403696 0.01601582331854755 1.2485495769356154 -0.03254795013618489 0.9279545000907952 0.37126954723377775 0.08667573623303415 -0.0042257506453636665 -0.37159080496054886 0.9283869972701332 -0.9942099665685049 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/21037086_3590495621.jpg sacre_coeur/test/images/58011909_11987000544.jpg 0 0 661.089 0.0 239.5 0.0 661.089 319.5 0.0 0.0 1.0 1714.15 0.0 213.5 0.0 1714.15 319.5 0.0 0.0 1.0 0.9478919863908514 -0.0903984020477208 -0.30549780857352243 3.8887367507148607 0.09774812571659412 0.9951721536035812 0.008814114300542816 2.6940508615459002 0.30322613023105194 -0.03821666651120616 0.9521519838481 12.665751704914143 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/12060097_10141374576.jpg sacre_coeur/test/images/72482105_8590533286.jpg 0 0 852.046 0.0 319.5 0.0 852.046 209.0 0.0 0.0 1.0 877.949 0.0 319.5 0.0 877.949 206.5 0.0 0.0 1.0 0.9949630879458631 -0.017362007286527623 -0.09872696859630457 2.3045706144895064 -0.006131121260242466 0.9725024081131115 -0.23281210356485324 0.03883490148661278 0.10005430014409851 0.2322447564901785 0.9674975504390141 -9.825393926171031 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/24662873_8171467618.jpg sacre_coeur/test/images/27172569_5015079786.jpg 0 0 733.364 0.0 239.5 0.0 733.364 319.5 0.0 0.0 1.0 476.902 0.0 239.5 0.0 476.902 319.5 0.0 0.0 1.0 0.9718967656113143 -0.11324346415289929 -0.2063797345208991 3.0152928699697386 0.16248173475299285 0.9570767159851029 0.24000801151384218 -2.839520890581088 0.1703418999128631 -0.26679594739392415 0.9485797592128216 -6.819791389140084 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/99543611_6046123347.jpg sacre_coeur/test/images/94573763_208832452.jpg 0 0 803.204 0.0 213.0 0.0 803.204 319.5 0.0 0.0 1.0 760.459 0.0 239.5 0.0 760.459 319.5 0.0 0.0 1.0 0.9922517857639166 0.07058272548586146 0.1022471149290098 -2.636810943246494 -0.061017260121697316 0.9937158930015586 -0.09383825426421792 0.39326624044761704 -0.10822794285931774 0.08687233655832224 0.9903231338938506 1.0597030942840409 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/85019556_13753237.jpg sacre_coeur/test/images/99027725_2234948189.jpg 0 0 1875.74 0.0 239.5 0.0 1875.74 319.5 0.0 0.0 1.0 1385.64 0.0 239.5 0.0 1385.64 319.5 0.0 0.0 1.0 0.965812250167116 -0.07037035996651556 -0.24950893744576638 12.492108792441002 0.09389445187626445 0.9920613150798352 0.0836551195619479 -7.359618651394819 0.2416413237300032 -0.10422264418182339 0.9647523573983952 -39.81400143844781 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/70139640_13923464795.jpg sacre_coeur/test/images/92912238_291183223.jpg 0 0 544.883 0.0 239.5 0.0 544.883 319.5 0.0 0.0 1.0 1859.84 0.0 239.5 0.0 1859.84 319.5 0.0 0.0 1.0 0.9687179494778614 0.11644361373069466 0.21914930796318793 -3.062624878016143 -0.08899573890604778 0.9873493285221662 -0.13122904374944624 3.945877940744281 -0.23165770614415998 0.10762057557997134 0.9668260023891897 50.12852322911606 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/57417409_1401404166.jpg sacre_coeur/test/images/43759956_9209511641.jpg 0 0 548.254 0.0 187.0 0.0 548.254 249.5 0.0 0.0 1.0 634.092 0.0 319.5 0.0 634.092 213.0 0.0 0.0 1.0 0.9938576889019203 0.019033037480104507 0.109016685396386 0.5390832236054222 -0.0421239032128953 0.9760069406408824 0.21362590807047493 0.39312909342731706 -0.10233509167750954 -0.21690595958872436 0.9708137482062408 0.12666862195918238 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/43759956_9209511641.jpg sacre_coeur/test/images/86827532_95504488.jpg 0 0 634.092 0.0 319.5 0.0 634.092 213.0 0.0 0.0 1.0 526.393 0.0 249.5 0.0 526.393 166.0 0.0 0.0 1.0 0.9998651594639949 0.015637387637746854 -0.005013481615330365 -0.10651700710096623 -0.015351063629303623 0.9984868866536833 0.05280418568715826 -0.8967698351687838 0.005831615169872356 -0.05272010326717557 0.9985923006793157 -1.3766933449033987 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/15865748_8030415.jpg sacre_coeur/test/images/89598965_8275144360.jpg 0 0 666.681 0.0 212.0 0.0 666.681 319.5 0.0 0.0 1.0 715.898 0.0 213.0 0.0 715.898 319.5 0.0 0.0 1.0 0.9949416196078332 0.03878071456080887 0.09266730680393573 -3.1561775131584136 -0.048851481244549105 0.992839935242352 0.10900640241827685 -2.8850427682193653 -0.08777645670881887 -0.11298194176997903 0.9897122685313797 -10.69890373569774 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/76465860_1236444051.jpg sacre_coeur/test/images/60386407_4541255112.jpg 0 0 690.247 0.0 239.5 0.0 690.247 319.5 0.0 0.0 1.0 1433.05 0.0 212.5 0.0 1433.05 319.5 0.0 0.0 1.0 0.6130498709328438 0.2917681939820132 0.7341942363773347 -11.649674566821812 -0.1780791136452649 0.9564245684315564 -0.231386849634606 3.901860691570703 -0.7697127289012051 0.011107019446514745 0.6382937796081634 51.162316602292684 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/73088789_3818781918.jpg sacre_coeur/test/images/58207157_8155269003.jpg 0 0 512.969 0.0 319.5 0.0 512.969 239.5 0.0 0.0 1.0 716.507 0.0 319.5 0.0 716.507 239.5 0.0 0.0 1.0 0.8848105746073204 0.2905292488543402 0.364284233289332 -6.095296691867699 -0.26007356447094004 0.9566269892640632 -0.13124993133314092 1.0800103861358763 -0.3866160732903425 0.021390628127927705 0.9219926533882193 5.141791639373879 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/14122634_883725893.jpg sacre_coeur/test/images/19422098_2931690374.jpg 0 0 479.75 0.0 319.5 0.0 479.75 239.5 0.0 0.0 1.0 1163.74 0.0 239.5 0.0 1163.74 319.5 0.0 0.0 1.0 0.9977030659695766 0.0007719688179618146 0.06773474897754596 -0.9350360331672851 -0.009661454093132476 0.991333862539486 0.1310107983616234 6.363610318022694 -0.06704661408090166 -0.1313642913682701 0.9890642923964039 44.34237896872726 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/04543624_3663972093.jpg sacre_coeur/test/images/70116109_2697195876.jpg 0 0 433.924 0.0 319.5 0.0 433.924 212.5 0.0 0.0 1.0 606.734 0.0 212.5 0.0 606.734 319.5 0.0 0.0 1.0 0.999809450723833 0.011669950198684512 0.015648466559611243 -0.7617044046078766 -0.004959839364024494 0.9271880164542041 -0.37456345542137676 -0.009012927230661799 -0.018880207540970525 0.3744144687456387 0.92706922252717 14.829108952656222 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/16214259_2076433877.jpg sacre_coeur/test/images/79770190_8442039294.jpg 0 0 593.424 0.0 319.5 0.0 593.424 213.0 0.0 0.0 1.0 704.085 0.0 239.5 0.0 704.085 319.5 0.0 0.0 1.0 0.9755983704827855 0.09014969321511375 0.20020202877232474 -4.3978203540247085 -0.056772223487340394 0.9843874060856627 -0.1666083712790089 0.8518101950520847 -0.21209604935414839 0.15117694120851055 0.9654847478314722 6.114160746334896 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/93760319_30262336.jpg sacre_coeur/test/images/85019556_13753237.jpg 0 0 1034.56 0.0 239.5 0.0 1034.56 319.5 0.0 0.0 1.0 1875.74 0.0 239.5 0.0 1875.74 319.5 0.0 0.0 1.0 0.9981968646609495 -0.03480518464526518 -0.048904176742471016 1.8444805385186926 0.03595576754100376 0.9990921710951429 0.0228476790272236 0.6273731453762279 0.04806456242999767 -0.024564868780490665 0.9985421198227994 -0.06841536466074416 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/44509707_7002758055.jpg sacre_coeur/test/images/60386407_4541255112.jpg 0 0 1017.42 0.0 213.0 0.0 1017.42 319.5 0.0 0.0 1.0 1433.05 0.0 212.5 0.0 1433.05 319.5 0.0 0.0 1.0 0.9965721537479262 -0.051387229820692853 -0.06483282336575431 2.558133605343 0.05314807069394788 0.9982550317382738 0.025732745495365916 2.5065398414701163 0.0633973576399752 -0.02909027707969535 0.9975642990923922 14.388903708824728 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/94345410_6525608719.jpg sacre_coeur/test/images/26172565_2334920022.jpg 0 0 1400.71 0.0 319.5 0.0 1400.71 211.5 0.0 0.0 1.0 701.449 0.0 319.5 0.0 701.449 239.5 0.0 0.0 1.0 0.9849331973162476 -0.0761795700520718 -0.15525227834423228 6.193119753008954 0.11033356577614233 0.9681075267903622 0.22493181374578733 -16.910707156873997 0.13316569035421688 -0.23867234795537037 0.961926405310695 -46.91627418379684 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/00204549_3820006713.jpg sacre_coeur/test/images/92410481_478846885.jpg 0 0 565.301 0.0 319.5 0.0 565.301 213.5 0.0 0.0 1.0 698.31 0.0 319.5 0.0 698.31 214.0 0.0 0.0 1.0 0.9854532978907641 0.07630587541691122 0.15185259646471627 -0.2806521899535711 -0.04903967602573529 0.9832012778860528 -0.17581341626429797 -0.18508959877293185 -0.16271726353250926 0.1658091087367977 0.9726409571925299 -0.48060427858085575 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/74182138_8276852729.jpg sacre_coeur/test/images/30442266_2401730436.jpg 0 0 710.115 0.0 319.5 0.0 710.115 213.0 0.0 0.0 1.0 523.192 0.0 319.5 0.0 523.192 239.5 0.0 0.0 1.0 0.9547879586984693 0.03649533195621055 0.29503905617700166 -4.474998653779046 -0.0705068667324707 0.9919194581749107 0.10547307825962514 -1.9940621077424472 -0.2888057057400002 -0.12150670450389717 0.9496459261707085 -7.207338128789966 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/95734826_713795234.jpg sacre_coeur/test/images/62960466_112702816.jpg 0 0 1838.16 0.0 239.5 0.0 1838.16 319.5 0.0 0.0 1.0 562.98 0.0 187.0 0.0 562.98 249.5 0.0 0.0 1.0 0.9742248839679033 -0.046892291897264245 -0.22065128238545798 14.133862034348036 0.06648227577663456 0.9943953023385838 0.08220760119670256 -10.040216840502726 0.21555969582759404 -0.0947580901431553 0.9718821543207472 -47.5230847326359 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/57417409_1401404166.jpg sacre_coeur/test/images/92912238_291183223.jpg 0 0 548.254 0.0 187.0 0.0 548.254 249.5 0.0 0.0 1.0 1859.84 0.0 239.5 0.0 1859.84 319.5 0.0 0.0 1.0 0.9659390679545196 0.06685291866931432 0.24998480806750678 -3.0905225876756997 -0.07616211784035966 0.9967094482046513 0.027741803576014884 3.781290583253317 -0.24730759957030296 -0.04583626429993029 0.9678522552899289 42.603923488296765 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/95271137_4372074334.jpg sacre_coeur/test/images/12289579_3098252990.jpg 0 0 1503.0 0.0 239.5 0.0 1503.0 319.5 0.0 0.0 1.0 989.015 0.0 239.5 0.0 989.015 319.5 0.0 0.0 1.0 0.9993203395457992 -0.021619450978333263 -0.029857299098612965 3.6115884870793797 0.02681303820029254 0.9821317208520555 0.18627491478631714 -12.18722179209379 0.025296639154999294 -0.18694887599441593 0.9820438879255277 -38.06631386193616 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/72776302_21108497.jpg sacre_coeur/test/images/86890299_6076455455.jpg 0 0 565.519 0.0 187.0 0.0 565.519 249.5 0.0 0.0 1.0 1814.03 0.0 212.5 0.0 1814.03 319.5 0.0 0.0 1.0 0.990780170316871 0.03278225504121656 0.131453329593756 -2.0784462693731385 -0.02178330289793661 0.9962062095265262 -0.08425363977685563 4.6087486150378405 -0.1337166475115524 0.0806133478724462 0.9877354637366562 40.93009810665455 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/66926938_4371324505.jpg sacre_coeur/test/images/25923245_22222637.jpg 0 0 1503.42 0.0 239.5 0.0 1503.42 319.5 0.0 0.0 1.0 530.117 0.0 187.0 0.0 530.117 249.5 0.0 0.0 1.0 0.9582108714618424 -0.06730880845360301 -0.2780313833308982 15.55531795333259 0.0933525140725583 0.9922912616173808 0.08150681096767123 -6.991183064783759 0.2704019858075556 -0.10405564099241843 0.9571077210267336 -36.88311076062388 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/99027725_2234948189.jpg sacre_coeur/test/images/57606942_9403768875.jpg 0 0 1385.64 0.0 239.5 0.0 1385.64 319.5 0.0 0.0 1.0 456.61 0.0 179.5 0.0 456.61 319.5 0.0 0.0 1.0 0.9853885671892368 0.0651196453452918 0.1573810771434933 -2.611930197445336 -0.03038405110012708 0.9764112417921438 -0.2137706629560486 -0.09455238710761293 -0.16758932272518928 0.20586529258723316 0.9641230731688177 -6.636735042780135 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/17616986_7085723791.jpg sacre_coeur/test/images/30047168_4081038356.jpg 0 1 511.96 0.0 319.5 0.0 511.96 212.0 0.0 0.0 1.0 554.321 0.0 249.5 0.0 554.321 187.0 0.0 0.0 1.0 0.12260076412668919 -0.9858766900649617 0.1140885823476961 -0.5575514770364467 0.9571930094663796 0.14783164515720373 0.24885205910100394 -4.571549003431985 -0.2622033471644611 0.07869534088286101 0.9617985485844128 4.571883084212506 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/66118802_124159749.jpg sacre_coeur/test/images/99119091_3503925030.jpg 0 0 618.946 0.0 187.0 0.0 618.946 249.5 0.0 0.0 1.0 504.731 0.0 319.5 0.0 504.731 214.0 0.0 0.0 1.0 0.9716491492637851 0.04940695449069526 0.23120744707495247 -4.455387603865338 -0.08174620271399749 0.9878127962124639 0.13245164393375852 -2.351219364534059 -0.22184564245620111 -0.14759685798440117 0.9638462939889989 -6.869307253019222 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/32903762_508473415.jpg sacre_coeur/test/images/15701912_177669906.jpg 0 0 713.267 0.0 319.5 0.0 713.267 239.5 0.0 0.0 1.0 743.975 0.0 319.5 0.0 743.975 239.0 0.0 0.0 1.0 0.9408352980405013 0.10621881799168899 0.32178642709954264 -7.521373532513148 -0.1042782775106516 0.9942748686540306 -0.02331365270440141 0.9757262909883557 -0.32242050617237783 -0.01162102695368896 0.9465252077636862 2.534172613901326 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/06132465_4129851965.jpg sacre_coeur/test/images/76812051_2399423344.jpg 0 0 298.312 0.0 319.5 0.0 298.312 213.0 0.0 0.0 1.0 731.379 0.0 319.5 0.0 731.379 239.5 0.0 0.0 1.0 0.9692375583350934 -0.06581285980885104 -0.23716497000275266 0.3636691061081283 0.11078138842528827 0.9771144007360628 0.18159001033308675 1.9355872355835015 0.21978634964708668 -0.20227732289603217 0.9543468159693431 7.9761523401466095 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/68684534_2877733555.jpg sacre_coeur/test/images/55297752_267282770.jpg 0 0 509.45 0.0 212.5 0.0 509.45 319.5 0.0 0.0 1.0 652.245 0.0 239.5 0.0 652.245 319.5 0.0 0.0 1.0 0.9911324615627765 0.040311035176106964 0.12661541801669365 -0.4952225386559791 -0.040510240070701475 0.9991786205588794 -0.0010023310176406352 0.0980884379069992 -0.12655182371631607 -0.004135778171693622 0.9919513754479041 1.497180792678954 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/74629148_8588473995.jpg sacre_coeur/test/images/21932760_3503330187.jpg 0 0 998.55 0.0 319.5 0.0 998.55 239.5 0.0 0.0 1.0 724.718 0.0 319.5 0.0 724.718 212.5 0.0 0.0 1.0 0.9973002444431507 -0.04160068702730244 -0.06051119956246314 1.9333898640967424 0.046510762326796365 0.9955351066776621 0.08213769147033906 -7.6119845664530335 0.056824039115607336 -0.08473036180232421 0.9947822849083288 -39.22129004826285 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/59914221_4605768617.jpg sacre_coeur/test/images/70467218_7085137245.jpg 3 0 658.209 0.0 319.5 0.0 658.209 239.5 0.0 0.0 1.0 983.528 0.0 305.5 0.0 983.528 305.5 0.0 0.0 1.0 -0.0560193056965477 -0.9916651412829165 -0.11602622528381566 2.54694467400348 0.982330880498515 -0.07552685531094464 0.17123590553926687 1.2618203768247087 -0.17857177438859093 -0.10438362750534036 0.9783742533920936 2.622686363723222 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/08081221_11367454663.jpg sacre_coeur/test/images/70860676_2671019430.jpg 0 0 670.286 0.0 212.5 0.0 670.286 319.5 0.0 0.0 1.0 722.064 0.0 319.5 0.0 722.064 239.5 0.0 0.0 1.0 0.9987626107145546 -0.005709672847606053 -0.04940290552812616 1.3064476283683948 0.008666671246780411 0.9981698064899144 0.05984919566198774 -3.5147083337948253 0.04897076932362686 -0.060203297649381066 0.9969841657238053 -8.778995576999549 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/40053940_4478762600.jpg sacre_coeur/test/images/21932760_3503330187.jpg 0 0 492.186 0.0 319.5 0.0 492.186 179.5 0.0 0.0 1.0 724.718 0.0 319.5 0.0 724.718 212.5 0.0 0.0 1.0 0.9954934910297095 0.01513438632378445 0.09361442019306697 -2.206755328242218 0.003428594526167592 0.9807929363086564 -0.19502169322057233 2.7613356408928618 -0.09476789570870926 0.19446379209931688 0.9763210944690773 14.162145407507394 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/95399415_4857734874.jpg sacre_coeur/test/images/78627958_7119964169.jpg 0 0 542.7 0.0 319.5 0.0 542.7 239.5 0.0 0.0 1.0 1461.04 0.0 319.5 0.0 1461.04 213.0 0.0 0.0 1.0 0.9996464016003115 -0.0037648060223761256 0.026322955821154178 -3.8828060112876366 0.005456185538828194 0.9979039923427238 -0.06448140899374775 6.164614787351377 -0.02602502270727993 0.0646022314016085 0.9975716765681645 46.48232847613683 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/83129529_7908624824.jpg sacre_coeur/test/images/79205306_10858206333.jpg 0 0 521.65 0.0 319.5 0.0 521.65 239.5 0.0 0.0 1.0 428.425 0.0 319.5 0.0 428.425 212.5 0.0 0.0 1.0 0.9328005112273565 0.09428882694916678 0.34784022678024534 -4.790581891291762 -0.1167549511184487 0.992178874650366 0.04415158079686131 3.187332328255911 -0.34095672400366456 -0.08179668581356585 0.9365136488843104 5.227171468319321 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/97437832_311711460.jpg sacre_coeur/test/images/15114643_8210538601.jpg 0 0 489.971 0.0 249.5 0.0 489.971 187.0 0.0 0.0 1.0 927.73 0.0 239.5 0.0 927.73 319.5 0.0 0.0 1.0 0.9975389247477088 0.038352531422794725 0.05869562970655404 -0.7032955780633721 -0.035555906712463205 0.998215680859806 -0.04797115782893387 3.0574416553376236 -0.060430713309044905 0.04576612086530178 0.9971226559806485 14.362155948426372 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/03257649_3859474410.jpg sacre_coeur/test/images/75911664_13736760514.jpg 0 0 1327.45 0.0 239.5 0.0 1327.45 319.5 0.0 0.0 1.0 675.746 0.0 255.5 0.0 675.746 319.5 0.0 0.0 1.0 0.9860201743927584 0.032124680796490494 0.16349991001281355 -10.514626992397801 -0.035766386185803106 0.9991722884427141 0.019377915970442437 -3.7461255509467914 -0.16274206988262913 -0.024954817007406167 0.9863530178381592 -39.08447888257183 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/68833924_5994205213.jpg sacre_coeur/test/images/04808852_3532579721.jpg 0 0 499.829 0.0 319.5 0.0 499.829 212.5 0.0 0.0 1.0 536.862 0.0 319.5 0.0 536.862 223.5 0.0 0.0 1.0 0.8490908249551598 0.17699706924065378 0.4977115715524262 -8.651658134320538 -0.17711113891894942 0.9830466948062929 -0.04744302162864102 0.6849700526642136 -0.49767099116564895 -0.04786682891776211 0.8660440815810464 1.7103182504598191 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/81670953_3302107502.jpg sacre_coeur/test/images/43274786_5333458956.jpg 0 0 672.741 0.0 319.5 0.0 672.741 239.5 0.0 0.0 1.0 502.299 0.0 319.5 0.0 502.299 239.5 0.0 0.0 1.0 0.980876927531075 0.035433372387454184 0.1913764070058012 -3.663317898668921 -0.07205799027120949 0.9795289284899887 0.18796468894270676 -4.801181776680339 -0.18079850407365755 -0.19816042584861954 0.9633505834078375 -10.649542152186369 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/66926938_4371324505.jpg sacre_coeur/test/images/25122990_2171869199.jpg 0 0 1503.42 0.0 239.5 0.0 1503.42 319.5 0.0 0.0 1.0 611.269 0.0 239.5 0.0 611.269 319.5 0.0 0.0 1.0 0.9483056844705846 -0.04886792409669483 -0.3135733642949542 17.311980380820547 0.07257068872439165 0.9952844986058565 0.0643604068737631 -6.237697150237981 0.3089495491805156 -0.08378957470573864 0.9473803266016176 -35.8191194803624 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/90319881_5214536200.jpg sacre_coeur/test/images/36940211_2500226864.jpg 0 0 519.617 0.0 319.5 0.0 519.617 213.0 0.0 0.0 1.0 647.827 0.0 319.5 0.0 647.827 239.5 0.0 0.0 1.0 0.8295818228243492 0.2535826485640322 0.4974835068489009 -6.902840552718102 -0.11688299491421714 0.9500562570752583 -0.2893639125600042 2.1707858298995624 -0.5460149858193574 0.18190367984018696 0.8177889009526149 14.028517889547954 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/68684534_2877733555.jpg sacre_coeur/test/images/47029087_8959697396.jpg 0 0 509.45 0.0 212.5 0.0 509.45 319.5 0.0 0.0 1.0 622.643 0.0 319.5 0.0 622.643 239.5 0.0 0.0 1.0 0.9424442276218061 0.059433614541261406 0.32903878690041716 -0.4795635848419211 -0.09113802271076502 0.9924753025129622 0.0817718455103939 2.479300134566812 -0.32170287322109736 -0.10705334821650563 0.9407692820223915 9.0395916644372 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/95399415_4857734874.jpg sacre_coeur/test/images/60953043_2624021191.jpg 0 0 542.7 0.0 319.5 0.0 542.7 239.5 0.0 0.0 1.0 1395.38 0.0 212.5 0.0 1395.38 319.5 0.0 0.0 1.0 0.9988035882524521 0.020605097393603573 0.044348867577720726 -0.6504972063375803 -0.022436445431713012 0.9988989596161284 0.04120041740329805 2.992674320803504 -0.043451099070286596 -0.04214615568727869 0.9981661703095172 8.935173311954344 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/92423741_5783562525.jpg sacre_coeur/test/images/13402995_4460408839.jpg 0 0 502.585 0.0 212.0 0.0 502.585 319.5 0.0 0.0 1.0 702.935 0.0 239.5 0.0 702.935 319.5 0.0 0.0 1.0 0.9986468251203273 0.015536282533460668 0.049630057446380195 -0.9138272186949896 -0.013738954097068533 0.9992445783236262 -0.03635263169506538 1.9149347479419754 -0.05015735058203493 0.03562157514595491 0.9981058779341558 8.135656395269242 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/18432192_5847633717.jpg sacre_coeur/test/images/43759956_9209511641.jpg 0 0 708.131 0.0 213.5 0.0 708.131 319.5 0.0 0.0 1.0 634.092 0.0 319.5 0.0 634.092 213.0 0.0 0.0 1.0 0.9952563493765332 -0.04200710433417452 -0.08775079607134018 3.3960733552958966 0.035087436347690903 0.9962599229741503 -0.07896225481891124 -1.8193365461438757 0.09073957701159342 0.07550873499799678 0.9930079355688753 -6.18245616910555 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/57417409_1401404166.jpg sacre_coeur/test/images/79410678_281876803.jpg 0 0 548.254 0.0 187.0 0.0 548.254 249.5 0.0 0.0 1.0 521.004 0.0 249.5 0.0 521.004 187.0 0.0 0.0 1.0 0.9832956886066414 0.06000880458633602 0.17183868056904392 -0.7377013295300249 -0.08024416001408777 0.9903103845564987 0.11334115326390784 0.5303875241040235 -0.16337216271820743 -0.12523691792629726 0.9785832876342706 0.5438504817884526 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/85019556_13753237.jpg sacre_coeur/test/images/27172569_5015079786.jpg 0 0 1875.74 0.0 239.5 0.0 1875.74 319.5 0.0 0.0 1.0 476.902 0.0 239.5 0.0 476.902 319.5 0.0 0.0 1.0 0.9429651073750464 -0.13594797208406365 -0.3038666733279548 19.76974412278436 0.23113307286370732 0.9242965277100231 0.30373249989386125 -21.788611824163038 0.23957109362723106 -0.35664278732286864 0.9030014470358435 -48.76497349926629 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/70467218_7085137245.jpg sacre_coeur/test/images/74361805_4541261018.jpg 0 0 983.528 0.0 305.5 0.0 983.528 305.5 0.0 0.0 1.0 903.565 0.0 319.5 0.0 903.565 212.5 0.0 0.0 1.0 0.9967453945216628 0.025287000064571283 0.07654532074260999 -2.2551339253685954 -0.01935830017909295 0.9968255191664203 -0.07722784829821878 1.8209235157172143 -0.07825518969391612 0.07549471482382683 0.9940707587086738 5.266830253457449 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/60386407_4541255112.jpg sacre_coeur/test/images/90319881_5214536200.jpg 0 0 1433.05 0.0 212.5 0.0 1433.05 319.5 0.0 0.0 1.0 519.617 0.0 319.5 0.0 519.617 213.0 0.0 0.0 1.0 0.8021283263838834 -0.06752168581110965 -0.5933219783202172 35.24056451321141 0.2518155697836872 0.9391700576257669 0.233556249485495 -13.106784533568225 0.5414601248726517 -0.33674979555218687 0.7703379182984912 -33.00920993231661 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/19631710_3287132673.jpg sacre_coeur/test/images/36981833_2290028612.jpg 0 0 500.5 0.0 319.5 0.0 500.5 213.0 0.0 0.0 1.0 1252.04 0.0 249.5 0.0 1252.04 187.5 0.0 0.0 1.0 0.8057009932832822 0.20738494979167174 0.5548309580604153 -8.148411384409595 -0.19629653254271248 0.9772570765678035 -0.08022641466411337 4.952868766583416 -0.558850231040518 -0.04427289123217802 0.8280859438294453 40.27972253568087 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/08319155_4244960671.jpg sacre_coeur/test/images/81703421_7754459314.jpg 0 0 661.935 0.0 239.5 0.0 661.935 319.5 0.0 0.0 1.0 514.334 0.0 319.5 0.0 514.334 239.5 0.0 0.0 1.0 0.7300454033154604 -0.29908173750876754 -0.6144784970905846 10.295824407138992 0.3071326514021141 0.9468180312481785 -0.0959434737021266 1.9710771523956188 0.6104942616771055 -0.11868331808666219 0.7830779185159455 4.159131403218112 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/56774631_6820191793.jpg sacre_coeur/test/images/79410678_281876803.jpg 0 0 1196.24 0.0 319.5 0.0 1196.24 213.0 0.0 0.0 1.0 521.004 0.0 249.5 0.0 521.004 187.0 0.0 0.0 1.0 0.9994214014316697 0.032975154084944974 0.008336760367870344 -0.7996012831120162 -0.032941478859189334 0.9994486871880077 -0.0041449546122226885 -3.020278964294147 -0.008468844722082175 0.0038679311320059424 0.9999566579496489 -27.178567664041203 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/62500479_6325981035.jpg sacre_coeur/test/images/01617203_4574281148.jpg 0 0 453.352 0.0 319.5 0.0 453.352 239.5 0.0 0.0 1.0 609.931 0.0 319.5 0.0 609.931 239.5 0.0 0.0 1.0 0.9791905093589203 -0.01072044052356219 -0.20265985921340945 0.7289726305838844 0.001283418974675626 0.998910939097882 -0.04663998913296141 0.9967373111446234 0.20293915151383082 0.04540933720687937 0.9781378700762373 2.2406851257268716 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/95399415_4857734874.jpg sacre_coeur/test/images/98400098_660544149.jpg 0 0 542.7 0.0 319.5 0.0 542.7 239.5 0.0 0.0 1.0 1210.72 0.0 239.0 0.0 1210.72 319.5 0.0 0.0 1.0 0.9996129485449652 -0.02779693539806856 0.001132909403378331 -1.3652594651696965 0.0276227961931611 0.9868630345524516 -0.15918018772572676 0.21291448994920778 0.0033066949831735064 0.15914987092800964 0.9872488968603035 33.26810216898941 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/72776302_21108497.jpg sacre_coeur/test/images/95803142_180463023.jpg 0 0 565.519 0.0 187.0 0.0 565.519 249.5 0.0 0.0 1.0 586.012 0.0 187.0 0.0 586.012 249.5 0.0 0.0 1.0 0.796136131945457 -0.25603716065911664 -0.5482811612416972 11.211127691015712 0.26714910529375574 0.9617108374147172 -0.061185134958005614 1.1537221104883548 0.5429536029456588 -0.09776112499711348 0.8340528445414155 -1.68573452511135 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/42287480_4698335211.jpg sacre_coeur/test/images/21155361_10359960085.jpg 0 0 948.172 0.0 319.5 0.0 948.172 212.5 0.0 0.0 1.0 778.711 0.0 212.5 0.0 778.711 319.5 0.0 0.0 1.0 0.9338454201022544 0.13405911805879506 0.3316035045341684 -2.0079724890569235 0.012258654497651195 0.9145630617799078 -0.40425750632198293 1.7886149640968965 -0.35746672116988926 0.3815790336130365 0.8524171422273192 9.68535533873213 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/79220560_3217246137.jpg sacre_coeur/test/images/08124432_3626165332.jpg 0 0 1106.67 0.0 214.0 0.0 1106.67 319.5 0.0 0.0 1.0 1404.56 0.0 196.5 0.0 1404.56 249.5 0.0 0.0 1.0 0.9997546817253505 -0.016464702356534362 0.014815193031264114 -2.066589420466884 0.016800662798903312 0.9995978294689293 -0.022845503945481252 2.7017003256454593 -0.014433090374567428 0.023088804588288804 0.9996292277664371 13.741793661234794 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/55185330_108661534.jpg sacre_coeur/test/images/70170436_3664390013.jpg 0 0 674.5 0.0 319.5 0.0 674.5 239.5 0.0 0.0 1.0 523.702 0.0 213.5 0.0 523.702 319.5 0.0 0.0 1.0 0.991635466985443 0.05109833469142088 0.11852451564265513 -0.7217314000073956 -0.06302272731338697 0.9930752541118926 0.09914472004389578 0.20269089766749926 -0.11263763340262857 -0.1057851589891679 0.9879889997763595 0.9418385898145187 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/60953043_2624021191.jpg sacre_coeur/test/images/55784150_6371469373.jpg 0 0 1395.38 0.0 212.5 0.0 1395.38 319.5 0.0 0.0 1.0 607.13 0.0 319.5 0.0 607.13 239.5 0.0 0.0 1.0 0.9386092446530558 -0.11719579894103206 -0.32446545357309275 9.842706946302165 0.13184571420044963 0.990992639894353 0.0234583742444892 -4.051672810400195 0.31879365347947725 -0.06479762639012593 0.9456066170006492 -12.74282205356049 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/96493224_6127375508.jpg sacre_coeur/test/images/83916827_2652728872.jpg 0 0 1666.8 0.0 319.5 0.0 1666.8 272.5 0.0 0.0 1.0 690.499 0.0 239.5 0.0 690.499 319.5 0.0 0.0 1.0 0.9587509661329918 -0.014644564123607873 -0.28386990273835716 16.32754663016606 0.07233271831735939 0.9783657392175727 0.1938258449899644 -15.074386759502522 0.2748900922184652 -0.20636379785922168 0.9390683788379002 -50.19479428999395 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/35558294_6148191791.jpg sacre_coeur/test/images/44656171_6113568114.jpg 0 0 638.785 0.0 319.5 0.0 638.785 239.5 0.0 0.0 1.0 533.981 0.0 319.5 0.0 533.981 239.5 0.0 0.0 1.0 0.3704327934018534 -0.9287841689070808 0.011811568908608348 0.6315850564947907 0.9264542705084484 0.37035827556852624 0.0672103591313603 -0.37869384089611335 -0.0667984298405179 -0.013954042621786615 0.9976689102429477 15.76786355832488 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/67770719_8270986474.jpg sacre_coeur/test/images/30442266_2401730436.jpg 0 0 499.694 0.0 212.5 0.0 499.694 319.5 0.0 0.0 1.0 523.192 0.0 319.5 0.0 523.192 239.5 0.0 0.0 1.0 0.973246400903902 0.0059489679285480825 0.22968685837066488 -3.4442919627882205 -0.06281147955790559 0.9684740793461836 0.24106570820070816 -2.0789993387495853 -0.22101167653168824 -0.249043304296958 0.9429375755698278 -7.6988747257613985 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/15556549_5221678700.jpg sacre_coeur/test/images/30178210_1968722368.jpg 0 0 1213.47 0.0 319.5 0.0 1213.47 213.0 0.0 0.0 1.0 742.141 0.0 319.5 0.0 742.141 249.0 0.0 0.0 1.0 0.993114210019645 -0.10974110210764587 -0.04100068737540134 2.183585197215576 0.11710062551618508 0.9400909242996479 0.320181975684378 -14.107481240294929 0.003407251205054873 -0.32277847598257337 0.9464684073341237 -26.05452205165446 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/63360516_5790897098.jpg sacre_coeur/test/images/30178210_1968722368.jpg 0 0 516.78 0.0 319.5 0.0 516.78 239.5 0.0 0.0 1.0 742.141 0.0 319.5 0.0 742.141 249.0 0.0 0.0 1.0 0.9893977349143581 0.01740161803419229 0.1441849709093466 -1.9869061434537305 -0.06942860005535512 0.9286751672292939 0.364337897103769 -4.178506757684021 -0.12756093305040764 -0.37048565081718765 0.9200372769066885 -7.156969166539539 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/14122634_883725893.jpg sacre_coeur/test/images/15865748_8030415.jpg 0 0 479.75 0.0 319.5 0.0 479.75 239.5 0.0 0.0 1.0 666.681 0.0 212.0 0.0 666.681 319.5 0.0 0.0 1.0 0.9989336199276587 0.006815912394411635 0.04566362136817346 0.6289660785983564 -0.013942024967644292 0.9874027909965445 0.15761138370065714 1.3775052060728696 -0.04401412180227823 -0.15807995341113276 0.9864448719576319 5.292342441919497 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/06132465_4129851965.jpg sacre_coeur/test/images/16214259_2076433877.jpg 0 0 298.312 0.0 319.5 0.0 298.312 213.0 0.0 0.0 1.0 593.424 0.0 319.5 0.0 593.424 213.0 0.0 0.0 1.0 0.9684565288579632 -0.09340564623477216 -0.2310137159647657 0.60890007392887 0.1444904133593855 0.9658160040616067 0.21522538592300058 2.4220726709767333 0.20301347777824688 -0.24181569748454138 0.9488470352435352 8.161149576360867 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/95803142_180463023.jpg sacre_coeur/test/images/64966234_8900198268.jpg 0 0 586.012 0.0 187.0 0.0 586.012 249.5 0.0 0.0 1.0 578.134 0.0 239.5 0.0 578.134 319.5 0.0 0.0 1.0 0.7484171938782825 0.27578084292747046 0.6031721400906799 -8.241815194737773 -0.28607075478180266 0.9547308961139869 -0.0815624868671477 3.0712117968024693 -0.5983604491992488 -0.11150714183225113 0.7934298520691515 13.501426218660802 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/45927449_5904684394.jpg sacre_coeur/test/images/61084833_3699152935.jpg 0 0 445.549 0.0 239.5 0.0 445.549 319.5 0.0 0.0 1.0 1839.79 0.0 239.5 0.0 1839.79 319.5 0.0 0.0 1.0 0.9902284244331168 -0.06247377282958759 -0.12467836682097003 2.4377260656309505 0.034587205886551786 0.976129472939575 -0.21441776336784438 4.772623238964322 0.1350977151311914 0.20801028764737742 0.9687519432750505 51.580890955609824 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/58207157_8155269003.jpg sacre_coeur/test/images/47058715_3625029597.jpg 0 0 716.507 0.0 319.5 0.0 716.507 239.5 0.0 0.0 1.0 679.749 0.0 319.5 0.0 679.749 239.5 0.0 0.0 1.0 0.913750274960714 0.13595513344567822 0.38285328351600617 -2.045364686366408 -0.051902121180632484 0.9736887266234089 -0.2218928422987893 1.2417387633986987 -0.40294739709566385 0.18288374814688224 0.8967647014895139 4.500355424632583 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/76610569_4643204754.jpg sacre_coeur/test/images/97519566_136306825.jpg 0 0 503.401 0.0 212.5 0.0 503.401 319.5 0.0 0.0 1.0 1521.37 0.0 187.0 0.0 1521.37 249.5 0.0 0.0 1.0 0.8057489200776881 0.15858244383348885 0.5706314802930503 -8.573597887202439 -0.17687606571346934 0.983947948615645 -0.023691597514487395 4.677545522973336 -0.5652287458820227 -0.08184157209427438 0.820864435766207 48.60723822816035 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/75026938_1499132926.jpg sacre_coeur/test/images/05925733_2718809034.jpg 0 0 580.942 0.0 187.0 0.0 580.942 249.5 0.0 0.0 1.0 1052.11 0.0 239.5 0.0 1052.11 319.5 0.0 0.0 1.0 0.9983603461747104 -0.04631894742512201 0.03363293468226222 -0.2902179095187668 0.05422333029032436 0.9535327569516847 -0.2963698902931029 0.05526146358871975 -0.01834256356507802 0.29770763599469235 0.9544808609041424 48.46071412450798 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/48360689_7391063350.jpg sacre_coeur/test/images/84259836_1237320024.jpg 0 0 1914.59 0.0 212.0 0.0 1914.59 319.5 0.0 0.0 1.0 693.174 0.0 239.5 0.0 693.174 319.5 0.0 0.0 1.0 0.7778215311258612 -0.12247570728945108 -0.6164360200709963 41.30495846370842 0.21142137701944877 0.9746557543818828 0.0731242900101123 -7.085755913155012 0.5918569650314351 -0.18720539942595565 0.784002213880514 -37.64435052448874 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/38879018_753144146.jpg sacre_coeur/test/images/69212502_553330789.jpg 0 0 1556.17 0.0 249.5 0.0 1556.17 187.0 0.0 0.0 1.0 859.802 0.0 213.0 0.0 859.802 319.5 0.0 0.0 1.0 0.9954486207404365 0.034343867414273685 0.08889624422321482 -4.033859025015858 -0.040094899878717165 0.9971609161202665 0.0637377938581696 -5.919278902172037 -0.08645485798772858 -0.06701198499687701 0.9939994725336125 -34.15238736927705 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/38432569_8875267871.jpg sacre_coeur/test/images/01012753_375984446.jpg 0 0 569.282 0.0 239.5 0.0 569.282 319.5 0.0 0.0 1.0 773.348 0.0 249.5 0.0 773.348 199.0 0.0 0.0 1.0 0.999061357902786 -0.005927259275419709 0.04291003079611268 0.10469103549856781 0.007941963594594478 0.9988663876384098 -0.04693468717756682 2.2610456312076024 -0.04258319339485384 0.04723142220678804 0.9979758836748615 9.6373710514229 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/97181778_57457394.jpg sacre_coeur/test/images/89443230_8712904049.jpg 0 0 1458.98 0.0 239.5 0.0 1458.98 319.5 0.0 0.0 1.0 614.242 0.0 238.5 0.0 614.242 319.5 0.0 0.0 1.0 0.9993357237104266 0.00534523021483025 -0.03604913078159057 2.2648103780359046 -0.007124727385018065 0.9987528339806575 -0.04941674691128754 -1.4969390018628284 0.0357400276419441 0.049640760767292104 0.9981274694619909 -28.605155148927185 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/95399415_4857734874.jpg sacre_coeur/test/images/94573763_208832452.jpg 0 0 542.7 0.0 319.5 0.0 542.7 239.5 0.0 0.0 1.0 760.459 0.0 239.5 0.0 760.459 319.5 0.0 0.0 1.0 0.9652478224923388 0.08439874756608277 0.24733275679350444 -4.701517328753271 -0.06982333451569894 0.9952976408543154 -0.06713648834235042 1.4850671841182976 -0.25183594487464844 0.04753375136795315 0.9666018825504027 4.364796278062256 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/47029087_8959697396.jpg sacre_coeur/test/images/61084833_3699152935.jpg 0 0 622.643 0.0 319.5 0.0 622.643 239.5 0.0 0.0 1.0 1839.79 0.0 239.5 0.0 1839.79 319.5 0.0 0.0 1.0 0.9766708950764328 -0.05626674275822052 -0.20723903196545823 1.1418400145189211 0.020935611612900022 0.9854139980497004 -0.1688814750471426 3.5444039138557306 0.2137186535541382 0.16060294551185872 0.9636031501691561 41.48142863493091 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/52133956_2077236824.jpg sacre_coeur/test/images/35996631_900261655.jpg 0 0 765.696 0.0 166.0 0.0 765.696 249.5 0.0 0.0 1.0 896.808 0.0 319.5 0.0 896.808 204.0 0.0 0.0 1.0 0.9996894315293333 -0.004608353016331684 0.02449088751015158 -1.5774393635042672 0.005120089515328403 0.999769013919867 -0.020873511660754848 -0.014775730905913331 -0.024389037945623342 0.020992424542522682 0.999482112366156 -0.5775444713297446 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/75519914_2079302390.jpg sacre_coeur/test/images/11173357_5349727279.jpg 0 0 569.028 0.0 187.0 0.0 569.028 249.5 0.0 0.0 1.0 530.786 0.0 319.5 0.0 530.786 213.0 0.0 0.0 1.0 0.8793293877304892 -0.12043779640117341 -0.4607326394684365 10.451944867875671 0.17260593890209375 0.9823083718089932 0.07264607718033751 -0.803858006665257 0.44383219546271035 -0.14340502038629738 0.8845608980724595 -4.467454025245896 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/12060097_10141374576.jpg sacre_coeur/test/images/44859504_43728211.jpg 0 0 852.046 0.0 319.5 0.0 852.046 209.0 0.0 0.0 1.0 528.651 0.0 249.5 0.0 528.651 187.0 0.0 0.0 1.0 0.997456051917356 -0.003270024093644599 0.071209068494596 -0.9826520278667445 0.0015942296355630804 0.9997207392829626 0.023577571533048063 -3.850557057442452 -0.07126628182605134 -0.023404067807838293 0.9971827147944031 -16.37216332177572 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/55784150_6371469373.jpg sacre_coeur/test/images/83916827_2652728872.jpg 0 0 607.13 0.0 319.5 0.0 607.13 239.5 0.0 0.0 1.0 690.499 0.0 239.5 0.0 690.499 319.5 0.0 0.0 1.0 0.9888689861228389 0.058171061378857795 0.1369461788530311 -1.8606654248628565 -0.05889885615359543 0.9982631540528996 0.0012649127064971034 0.5016560305033211 -0.13663474312263074 -0.009316806234656916 0.9905776820085331 0.7092003714070715 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/55784150_6371469373.jpg sacre_coeur/test/images/68912179_3174719785.jpg 0 0 607.13 0.0 319.5 0.0 607.13 239.5 0.0 0.0 1.0 539.729 0.0 214.0 0.0 539.729 319.5 0.0 0.0 1.0 0.8818890015867288 -0.27334906581201757 -0.384125080019595 4.351078138321144 0.29101391917242236 0.9566353830306602 -0.012634982457007483 2.6816805284474174 0.3709214037074027 -0.10064309292484654 0.9231946057675222 4.49439074690808 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/06132465_4129851965.jpg sacre_coeur/test/images/69212502_553330789.jpg 0 0 298.312 0.0 319.5 0.0 298.312 213.0 0.0 0.0 1.0 859.802 0.0 213.0 0.0 859.802 319.5 0.0 0.0 1.0 0.9975249572541504 -0.04962961954602297 0.04980823745950216 -3.3968034279406236 0.041956357401498716 0.9885770148066639 0.14475893709730953 2.904917313498292 -0.056423609674522236 -0.1423108803277603 0.9882125224928267 14.163118020426953 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/74361805_4541261018.jpg sacre_coeur/test/images/89443230_8712904049.jpg 0 0 903.565 0.0 319.5 0.0 903.565 212.5 0.0 0.0 1.0 614.242 0.0 238.5 0.0 614.242 319.5 0.0 0.0 1.0 0.9968874613606007 0.006310933641403726 -0.07858474087627187 3.476643259504963 -0.01979637770879845 0.9848922478936524 -0.17203303016746205 -0.7921284242231486 0.07631181305425516 0.17305326392634754 0.981951666342499 -5.722897109917302 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/99818215_2123948121.jpg sacre_coeur/test/images/17082719_403390685.jpg 0 0 944.024 0.0 319.5 0.0 944.024 239.5 0.0 0.0 1.0 780.101 0.0 319.5 0.0 780.101 212.5 0.0 0.0 1.0 0.8158381601235023 -0.1589741160541419 -0.5559993947038997 16.208947943114538 0.29831683502149287 0.939359965294925 0.16914467636871217 -4.396200198144515 0.4953939467020747 -0.3038586612652685 0.8137903609314997 -7.7141850255894875 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/25122990_2171869199.jpg sacre_coeur/test/images/60535642_3153438485.jpg 0 0 611.269 0.0 239.5 0.0 611.269 319.5 0.0 0.0 1.0 722.898 0.0 319.5 0.0 722.898 239.5 0.0 0.0 1.0 0.7845829156676282 0.19946684634242842 0.5870627101534293 -6.761402791424636 -0.21499451115594817 0.9756165429526458 -0.04415564844890505 2.8417643517912987 -0.5815556797206078 -0.09157149298408596 0.8083363489645675 10.844090611171069 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/55963526_10058115724.jpg sacre_coeur/test/images/47029087_8959697396.jpg 0 0 730.033 0.0 319.5 0.0 730.033 239.5 0.0 0.0 1.0 622.643 0.0 319.5 0.0 622.643 239.5 0.0 0.0 1.0 0.9994563549148493 -0.026859213596134152 0.01912007492978109 4.332838850855296 0.02563732906798064 0.9977770272693437 0.061512041193663866 -0.6918147328605224 -0.020729736577758864 -0.06098841282201216 0.9979231891898638 -2.1958273769020433 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/86890299_6076455455.jpg sacre_coeur/test/images/64044824_2624053101.jpg 0 0 1814.03 0.0 212.5 0.0 1814.03 319.5 0.0 0.0 1.0 1359.6 0.0 212.5 0.0 1359.6 319.5 0.0 0.0 1.0 0.9977213225871214 0.024623997835424717 0.06281577179026145 -3.664224502120417 -0.019219062808322 0.9961749017706529 -0.08524196564486265 0.18637302116060828 -0.06467449327033793 0.08384046643972812 0.9943781906837025 -0.3864932101971732 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/95399415_4857734874.jpg sacre_coeur/test/images/74182138_8276852729.jpg 0 0 542.7 0.0 319.5 0.0 542.7 239.5 0.0 0.0 1.0 710.115 0.0 319.5 0.0 710.115 213.0 0.0 0.0 1.0 0.9998640011649526 -0.0024251490611969457 -0.01631250521663067 0.37246719378500637 0.0014375873769621875 0.9981803739666811 -0.060281625478001595 1.033133219327448 0.016429014484905247 0.06024997659557576 0.9980481089623323 2.863091715848885 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/18432192_5847633717.jpg sacre_coeur/test/images/04808852_3532579721.jpg 0 0 708.131 0.0 213.5 0.0 708.131 319.5 0.0 0.0 1.0 536.862 0.0 319.5 0.0 536.862 223.5 0.0 0.0 1.0 0.9703065107592158 0.10331078159142845 0.2187056414115661 -6.417645229639769 -0.09721086434782024 0.9945188739658297 -0.038500093227001014 -4.2420567861766 -0.22148436294922957 0.01609632668363307 0.97503106885692 -13.085031097248253 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/38432569_8875267871.jpg sacre_coeur/test/images/59914221_4605768617.jpg 0 3 569.282 0.0 239.5 0.0 569.282 319.5 0.0 0.0 1.0 658.209 0.0 319.5 0.0 658.209 239.5 0.0 0.0 1.0 -0.03900793616435327 0.9940924447026327 -0.10128470911909597 0.10840433319633991 -0.9894356722270585 -0.05258984115692928 -0.13509759113943146 2.5953768851978083 -0.13962604141343335 0.09494482604244993 0.9856419474469332 0.29449335223245665 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/56774631_6820191793.jpg sacre_coeur/test/images/97437832_311711460.jpg 0 0 1196.24 0.0 319.5 0.0 1196.24 213.0 0.0 0.0 1.0 489.971 0.0 249.5 0.0 489.971 187.0 0.0 0.0 1.0 0.9961819668236043 0.002404954415486909 0.08726800771023997 -4.647139010369302 -0.009299075977530142 0.9968566148590442 0.07867920054074808 -7.320856674550398 -0.08680447086077533 -0.07919031257689638 0.993072947085235 -34.7404113343712 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/97202520_2635602680.jpg sacre_coeur/test/images/30442266_2401730436.jpg 0 0 677.356 0.0 319.5 0.0 677.356 239.5 0.0 0.0 1.0 523.192 0.0 319.5 0.0 523.192 239.5 0.0 0.0 1.0 0.9929249576939285 0.07899006582412313 0.08866001291230889 -0.27682689097094415 -0.06976064232352756 0.9922562393428576 -0.1027667663584823 1.1070211377474255 -0.0960910046316457 0.09585470768966299 0.9907463822001119 2.4357524560656136 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/92423741_5783562525.jpg sacre_coeur/test/images/60748234_6779431614.jpg 0 0 502.585 0.0 212.0 0.0 502.585 319.5 0.0 0.0 1.0 1251.64 0.0 305.5 0.0 1251.64 305.5 0.0 0.0 1.0 0.9996903465750939 -0.006104112312432705 -0.02412365597180049 -0.17576438083972512 0.004502029280842042 0.9978150062707023 -0.06591619674520786 3.953259785545714 0.024473305802915533 0.0657871801635829 0.997533510328952 27.447740151836985 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/52649350_2359344244.jpg sacre_coeur/test/images/70170436_3664390013.jpg 0 0 869.111 0.0 319.5 0.0 869.111 212.5 0.0 0.0 1.0 523.702 0.0 213.5 0.0 523.702 319.5 0.0 0.0 1.0 0.9976090611062324 -0.007206294708118631 0.06873303801899831 -2.173264092952832 -0.016982994821007732 0.9384890288820723 0.34489117204546504 -14.535306300116966 -0.06699058953055237 -0.3452338511568133 0.9361227744958371 -32.1714793048396 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/72198457_1660226670.jpg sacre_coeur/test/images/66599130_8409392232.jpg 0 0 1443.11 0.0 187.0 0.0 1443.11 249.5 0.0 0.0 1.0 701.54 0.0 319.5 0.0 701.54 239.5 0.0 0.0 1.0 0.9993718065771288 -0.01574700182010866 0.03174939609572835 -2.665147374495671 0.010717845278690692 0.9882046588019366 0.1527634776860291 -10.186124470672189 -0.033780467897114815 -0.1523272275590459 0.9877526490639377 -41.20379948314003 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/21037086_3590495621.jpg sacre_coeur/test/images/76812051_2399423344.jpg 0 0 661.089 0.0 239.5 0.0 661.089 319.5 0.0 0.0 1.0 731.379 0.0 319.5 0.0 731.379 239.5 0.0 0.0 1.0 0.9457632593896903 -0.0681780679915985 -0.3176218006269753 5.707509002170454 0.07039578375058357 0.9975089723311876 -0.004503748318779847 1.859240950503891 0.31713765279249034 -0.018099755901967392 0.9482067854732737 8.721593128798713 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/40133282_13969857252.jpg sacre_coeur/test/images/70970334_5790897082.jpg 0 0 1447.89 0.0 213.0 0.0 1447.89 319.5 0.0 0.0 1.0 633.07 0.0 319.5 0.0 633.07 239.5 0.0 0.0 1.0 0.999027628909779 0.015057453681148905 0.041437540510324465 -0.7997884078734578 -0.020020129883806262 0.9923177685189503 0.12208456364752637 -6.750142333354154 -0.03928092506981283 -0.1227954370903554 0.9916543195869457 -31.14956206560678 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/84278429_5829272410.jpg sacre_coeur/test/images/58219592_4573644273.jpg 0 0 1453.22 0.0 319.5 0.0 1453.22 213.0 0.0 0.0 1.0 612.079 0.0 319.5 0.0 612.079 239.5 0.0 0.0 1.0 0.9975242215435762 -0.016518819194073373 0.0683560973601884 -3.892520260538508 0.015965017382858354 0.9998352195963104 0.008640131640350567 -4.96913727880192 -0.0684875583872507 -0.00752743430599496 0.9976235723352379 -30.77452003051018 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/04915709_121816865.jpg sacre_coeur/test/images/27614460_8959698816.jpg 0 0 582.627 0.0 249.5 0.0 582.627 183.5 0.0 0.0 1.0 807.303 0.0 319.5 0.0 807.303 319.5 0.0 0.0 1.0 0.9720724857587524 -0.08502184418525237 -0.21873812754556352 2.8672414223964875 0.04592517282185975 0.9829621433393129 -0.17797837863927915 -0.02162766408374639 0.23014334865922773 0.16296229862493652 0.9594150969704376 1.2290424026345375 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/73413427_2624866230.jpg sacre_coeur/test/images/79220560_3217246137.jpg 0 0 1391.03 0.0 212.5 0.0 1391.03 319.5 0.0 0.0 1.0 1106.67 0.0 214.0 0.0 1106.67 319.5 0.0 0.0 1.0 0.9917740658246548 -0.06027790977671638 -0.11291933382102295 6.110994472854687 0.05572606037967378 0.9975177815628711 -0.04304511192283393 0.9392575127677301 0.11523371274151735 0.036398476051043495 0.9926713163927763 8.066293702649112 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/61046986_5564238795.jpg sacre_coeur/test/images/00204549_3820006713.jpg 0 0 1203.71 0.0 210.0 0.0 1203.71 319.5 0.0 0.0 1.0 565.301 0.0 319.5 0.0 565.301 213.5 0.0 0.0 1.0 0.9999515873763681 -0.002974327920326718 -0.009379566989142862 0.91511699852322 0.005069001034220319 0.9727146901443122 0.23194921169508054 -15.45190640995802 0.008433749581089474 -0.23198552745996154 0.9726826753454215 -41.54164263500075 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/99117955_5783559928.jpg sacre_coeur/test/images/22593097_5934502901.jpg 0 0 537.035 0.0 319.5 0.0 537.035 239.5 0.0 0.0 1.0 1517.12 0.0 319.5 0.0 1517.12 179.5 0.0 0.0 1.0 0.9836095372280176 -0.07312019555005614 -0.16482025141591902 3.9435280559731103 0.04263058488847799 0.9824753713250692 -0.1814518613068865 3.7801331208785753 0.17519963329342747 0.17145139760990244 0.9694893020304349 42.57353361534136 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/98400098_660544149.jpg sacre_coeur/test/images/23236854_6565983213.jpg 0 0 1210.72 0.0 239.0 0.0 1210.72 319.5 0.0 0.0 1.0 668.656 0.0 239.5 0.0 668.656 319.5 0.0 0.0 1.0 0.9521097991149168 0.08155830491633459 0.2946780842351982 -14.328193923715125 -0.12383328777981793 0.9840450361624706 0.12775243105961948 -2.957860778479583 -0.27955723433134966 -0.1581252974801193 0.9470185547442197 -27.678993311887098 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/73479674_2286585340.jpg sacre_coeur/test/images/03337951_335877896.jpg 0 0 510.127 0.0 249.5 0.0 510.127 187.0 0.0 0.0 1.0 572.41 0.0 249.5 0.0 572.41 187.0 0.0 0.0 1.0 0.9940775710692182 0.04854076752506191 0.09722950470511191 -0.2079181006157261 -0.035419935265086064 0.9905641414699383 -0.1323937680547737 4.618680570281312 -0.10273855597068027 0.12816581261007945 0.9864169065841568 15.989730455802432 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/36940211_2500226864.jpg sacre_coeur/test/images/08124432_3626165332.jpg 0 0 647.827 0.0 319.5 0.0 647.827 239.5 0.0 0.0 1.0 1404.56 0.0 196.5 0.0 1404.56 249.5 0.0 0.0 1.0 0.9989329635632492 -0.03030091444187634 0.0348538217521441 -1.4186716560244792 0.03177482741907834 0.9985892703126044 -0.042542091615579036 3.4525087184139758 -0.03351558815285703 0.043604171824799295 0.9984865455028633 35.401100407590455 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/96885359_3247150502.jpg sacre_coeur/test/images/30178210_1968722368.jpg 0 0 1659.61 0.0 319.5 0.0 1659.61 213.0 0.0 0.0 1.0 742.141 0.0 319.5 0.0 742.141 249.0 0.0 0.0 1.0 0.9362041803052567 0.08879953641804478 0.3400534886027532 -3.8421613385756954 -0.216314722745939 0.9081676797866785 0.3583844389956529 -2.8732175653907266 -0.277001215705473 -0.4090795860499784 0.8694390253346512 -5.625428087244576 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/72198457_1660226670.jpg sacre_coeur/test/images/26172565_2334920022.jpg 0 0 1443.11 0.0 187.0 0.0 1443.11 249.5 0.0 0.0 1.0 701.449 0.0 319.5 0.0 701.449 239.5 0.0 0.0 1.0 0.9967352167920768 -0.05816934146406342 -0.05599317208453933 2.849004865582223 0.0708859288574465 0.962470712037822 0.26196433642659256 -17.72850137853444 0.038653495268457606 -0.26507820767283974 0.9634518416197491 -47.551549667049606 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/67466492_5056065534.jpg sacre_coeur/test/images/74182138_8276852729.jpg 0 0 662.238 0.0 239.5 0.0 662.238 319.5 0.0 0.0 1.0 710.115 0.0 319.5 0.0 710.115 213.0 0.0 0.0 1.0 0.8517697333479363 0.1343959636538108 0.5063852745745565 -6.580522248498068 -0.2040305238401694 0.975324932472128 0.08433754466277119 1.8911592557446428 -0.48255555814215995 -0.1751542207650231 0.8581731365256698 9.222520712697499 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/75026938_1499132926.jpg sacre_coeur/test/images/79302802_4840098295.jpg 0 0 580.942 0.0 187.0 0.0 580.942 249.5 0.0 0.0 1.0 528.086 0.0 319.5 0.0 528.086 213.0 0.0 0.0 1.0 0.9982414731428362 -0.02434353842039402 0.05404954611090901 -0.5741181319431602 0.028410873387518343 0.996717756472452 -0.07580591141778117 1.3885774097091197 -0.052026758220927824 0.07720819949783107 0.9956566227165489 4.503381677071868 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/06632036_566711823.jpg sacre_coeur/test/images/18244579_9045725729.jpg 0 0 498.319 0.0 319.5 0.0 498.319 212.5 0.0 0.0 1.0 676.419 0.0 319.5 0.0 676.419 239.5 0.0 0.0 1.0 0.9356096070646919 -0.02791720928970152 -0.3519308065426046 9.089382338065125 0.0727966331495735 0.9907012654119065 0.11494195453938352 -1.1859575239526154 0.345449436778148 -0.13316017473975578 0.9289419004937488 -4.475119019683551 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/92912238_291183223.jpg sacre_coeur/test/images/18698491_4586522698.jpg 0 0 1859.84 0.0 239.5 0.0 1859.84 319.5 0.0 0.0 1.0 1792.43 0.0 246.5 0.0 1792.43 319.5 0.0 0.0 1.0 0.9996600829497934 -0.004990704700244347 0.02558928337033104 -1.2652703272472114 0.004503774720236667 0.9998083670597501 0.01905111992995339 -0.12876150629972472 -0.02567945813449925 -0.018929395761911483 0.9994909921585123 -0.5097543495162995 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/31938889_10141160664.jpg sacre_coeur/test/images/60953043_2624021191.jpg 0 0 1776.39 0.0 210.0 0.0 1776.39 319.5 0.0 0.0 1.0 1395.38 0.0 212.5 0.0 1395.38 319.5 0.0 0.0 1.0 0.999212177310242 0.02926159009324232 -0.026810148454285053 1.3922772643307506 -0.02570059254525496 0.9918620875947621 0.12469594514250676 -7.389916536960071 0.030240771447642114 -0.1239086701461013 0.9918327163412568 -33.41445401232241 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/32903762_508473415.jpg sacre_coeur/test/images/73608962_13972912642.jpg 0 0 713.267 0.0 319.5 0.0 713.267 239.5 0.0 0.0 1.0 713.805 0.0 239.5 0.0 713.805 319.5 0.0 0.0 1.0 0.9863247152921529 0.047404119286360444 0.15784931256909987 -2.0006108819011907 -0.04359001223110608 0.9986698470421579 -0.027539924518502974 -0.1383657975630732 -0.15894485470610517 0.020282654744321067 0.987079098694212 -0.0777171145657718 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/70724808_2779990339.jpg sacre_coeur/test/images/44122025_7441115438.jpg 0 0 1030.95 0.0 249.5 0.0 1030.95 165.5 0.0 0.0 1.0 1479.22 0.0 319.5 0.0 1479.22 213.0 0.0 0.0 1.0 0.9917875024616204 0.02698262487832423 -0.1250179503736025 1.7670125471256122 -0.025919424233009733 0.9996127744278043 0.0101234701647586 3.3698899074150024 0.125242698024157 -0.006799937898475904 0.9921028310796248 19.78630703675468 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/44937588_1061437022.jpg sacre_coeur/test/images/87551911_7790325846.jpg 0 0 521.234 0.0 319.5 0.0 521.234 239.5 0.0 0.0 1.0 479.404 0.0 319.5 0.0 479.404 239.5 0.0 0.0 1.0 0.9696463274733397 -0.13268965994433235 -0.20537637099072956 4.592830793214155 0.11177942356109968 0.9875907298430289 -0.11031731866058712 1.4622839052469194 0.21746576761829106 0.08401193053353018 0.9724456979401043 2.8305320274184345 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/53515910_7697309520.jpg sacre_coeur/test/images/22663714_8829093598.jpg 0 0 500.109 0.0 319.5 0.0 500.109 212.5 0.0 0.0 1.0 595.075 0.0 239.5 0.0 595.075 319.5 0.0 0.0 1.0 0.8556319757304529 0.2609044512562532 0.44701542414359174 -6.394907246629298 -0.13905414990546205 0.9477793233532379 -0.2870161974839536 -0.13430920928753448 -0.49855577972948134 0.18342088632092027 0.847230141673192 6.7838276695932125 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/03257649_3859474410.jpg sacre_coeur/test/images/79302802_4840098295.jpg 0 0 1327.45 0.0 239.5 0.0 1327.45 319.5 0.0 0.0 1.0 528.086 0.0 319.5 0.0 528.086 213.0 0.0 0.0 1.0 0.9996173124492842 -0.008343799051601783 0.0263744131509465 -1.962557017551822 0.00514950549596362 0.9928883036008997 0.11893821574949974 -7.944133678596995 -0.027179242903682406 -0.11875688438955437 0.9925513040469336 -39.51309355868483 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/79893810_6766787721.jpg sacre_coeur/test/images/77145724_5072492873.jpg 0 0 1017.45 0.0 212.0 0.0 1017.45 319.5 0.0 0.0 1.0 558.428 0.0 192.5 0.0 558.428 319.5 0.0 0.0 1.0 0.9527715827666284 -0.09223032990632594 -0.28934387382100213 0.534766167327315 0.07675961740429788 0.9949680621275914 -0.06439345061426158 -1.9629182204495121 0.29382694261813286 0.03914232480877716 0.9550568601922321 -8.943163466341078 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/70970334_5790897082.jpg sacre_coeur/test/images/33672452_9565324953.jpg 0 0 633.07 0.0 319.5 0.0 633.07 239.5 0.0 0.0 1.0 493.101 0.0 212.5 0.0 493.101 319.5 0.0 0.0 1.0 0.9940340960219115 0.05371582178503739 0.0949253729824591 -0.874646095495772 -0.02455381079327029 0.9581857759792285 -0.2850914398690565 -0.21481365051655438 -0.1062700631477612 0.28105983206613083 0.9537882597712812 4.1969723618393875 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/06632036_566711823.jpg sacre_coeur/test/images/92863105_622062757.jpg 0 0 498.319 0.0 319.5 0.0 498.319 212.5 0.0 0.0 1.0 1225.4 0.0 239.0 0.0 1225.4 319.5 0.0 0.0 1.0 0.9795127960661306 0.08133051661641172 0.18422819927909764 -3.7253024907598986 -0.07634600786185672 0.9965014630533977 -0.03400178254143986 2.2329428123503576 -0.1863490526572879 0.019240093537860596 0.9822951946204286 30.904890180096487 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/47788810_3531619701.jpg sacre_coeur/test/images/58368117_3401402227.jpg 0 0 394.04 0.0 166.5 0.0 394.04 249.5 0.0 0.0 1.0 682.756 0.0 319.5 0.0 682.756 239.0 0.0 0.0 1.0 0.9942505471085916 -0.02876675884938652 -0.10314224721018816 2.1528639433401047 0.03116874493852339 0.9992774148182365 0.021752185479616108 0.4687005083675282 0.10244197827660104 -0.02484193670959633 0.9944287401655749 1.9712617659632317 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/99818215_2123948121.jpg sacre_coeur/test/images/86890299_6076455455.jpg 0 0 944.024 0.0 319.5 0.0 944.024 239.5 0.0 0.0 1.0 1814.03 0.0 212.5 0.0 1814.03 319.5 0.0 0.0 1.0 0.9998348500202258 -0.002189780878060929 -0.018040996223573406 0.5212091523355185 8.686712564229477e-05 0.9932786047870477 -0.11574802687907264 4.167675070715568 0.018173198373852464 0.11572734392528898 0.9931147550655274 35.93062863366548 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/78937340_9546137587.jpg sacre_coeur/test/images/84979436_3867757669.jpg 0 0 944.217 0.0 239.5 0.0 944.217 319.5 0.0 0.0 1.0 527.25 0.0 239.5 0.0 527.25 319.5 0.0 0.0 1.0 0.9992736575574644 0.009580438445255106 -0.03688322804369993 2.5060490123742487 -0.012562187755097114 0.9965958218621296 -0.08147980906796679 -1.274058339598587 0.03597705866983268 0.08188396086013014 0.9959923032851831 -43.26800469480931 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/20864632_4515642500.jpg sacre_coeur/test/images/32086795_402359870.jpg 0 0 707.548 0.0 319.5 0.0 707.548 239.5 0.0 0.0 1.0 689.084 0.0 239.5 0.0 689.084 319.5 0.0 0.0 1.0 0.9084394033510438 -0.14062150475436513 -0.3936539633228878 2.2398968113068003 0.10876025932604928 0.9887971583735858 -0.10223201838784364 0.6340313735918213 0.40361994057594575 0.05005768665190128 0.913556331912012 2.7889420856197393 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/95398527_2664763907.jpg sacre_coeur/test/images/23743016_2389191967.jpg 0 0 829.676 0.0 319.5 0.0 829.676 213.0 0.0 0.0 1.0 714.056 0.0 239.5 0.0 714.056 319.5 0.0 0.0 1.0 0.9993880401652719 0.011278505092635682 0.03311103286658517 1.0415339162117478 -0.008483626540744837 0.9964827169212576 -0.08336799720483828 -0.8034686429542275 -0.03393483837200142 0.08303607770182876 0.995968592147645 -1.7675521807926513 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/76850149_8327024804.jpg sacre_coeur/test/images/27733835_2747519645.jpg 0 0 799.829 0.0 319.5 0.0 799.829 239.5 0.0 0.0 1.0 506.292 0.0 187.0 0.0 506.292 249.5 0.0 0.0 1.0 0.999628740949177 0.011524844890815667 0.024689232847661183 -0.9535805565055899 -0.006605071231576406 0.9816100271221827 -0.19078293342753097 0.16810567040225854 -0.026433942240785678 0.19054902939514162 0.9813217179366717 0.10329269859589552 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/61046986_5564238795.jpg sacre_coeur/test/images/93845208_10996896025.jpg 0 0 1203.71 0.0 210.0 0.0 1203.71 319.5 0.0 0.0 1.0 1826.02 0.0 226.0 0.0 1826.02 301.5 0.0 0.0 1.0 0.9997315769844762 -0.002111115147599028 -0.023071999760875626 1.8808835134627278 0.0006750535695482969 0.9980713220425238 -0.06207399148569884 1.3755819616807123 0.023158546647199324 0.06204175456192341 0.9978048418443697 6.154403259849779 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/56774631_6820191793.jpg sacre_coeur/test/images/64655298_3515609807.jpg 0 0 1196.24 0.0 319.5 0.0 1196.24 213.0 0.0 0.0 1.0 649.481 0.0 179.5 0.0 649.481 319.5 0.0 0.0 1.0 0.9942259690665206 0.0004938111663779295 0.10730553846036822 -5.446608067959933 -0.01156665654332436 0.9946562614425785 0.10259207586106202 -5.859860658549456 -0.10668146460443058 -0.10324087235007796 0.9889187971649889 -26.467357579909866 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/45575968_5097432755.jpg sacre_coeur/test/images/63516274_5829260794.jpg 0 0 588.085 0.0 319.5 0.0 588.085 179.5 0.0 0.0 1.0 522.011 0.0 319.5 0.0 522.011 213.0 0.0 0.0 1.0 0.9829553375693179 0.0860896055939702 0.16244194086707656 -4.0855957562924035 -0.11757489037123235 0.9736385359191534 0.19545881030897558 -6.002961605375654 -0.14133276158831978 -0.2112263742572931 0.9671651716847215 -14.083243203429399 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/76610569_4643204754.jpg sacre_coeur/test/images/12060097_10141374576.jpg 0 0 503.401 0.0 212.5 0.0 503.401 319.5 0.0 0.0 1.0 852.046 0.0 319.5 0.0 852.046 209.0 0.0 0.0 1.0 0.8059749034324193 0.13754302367222018 0.5757485316318275 -9.604913928146832 -0.2162921640019739 0.9738056157210134 0.07014501109531099 3.3262235920149816 -0.5510191964246306 -0.18106501437141612 0.8146123653261305 17.492826001036647 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/95748780_10564008623.jpg sacre_coeur/test/images/16577293_2866312822.jpg 0 0 512.767 0.0 319.5 0.0 512.767 212.5 0.0 0.0 1.0 536.259 0.0 319.5 0.0 536.259 213.0 0.0 0.0 1.0 0.8465084510770429 0.23870779995531993 0.4758592528212903 -10.85209026359458 -0.2449264321738953 0.9682511225088472 -0.05000806517876482 1.247099676538608 -0.47268857091928085 -0.07421825921461829 0.8780986077437088 7.527052059636308 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/01723814_7963028620.jpg sacre_coeur/test/images/89443230_8712904049.jpg 0 0 505.251 0.0 319.5 0.0 505.251 214.0 0.0 0.0 1.0 614.242 0.0 238.5 0.0 614.242 319.5 0.0 0.0 1.0 0.8453826417233498 0.2431302871781462 0.4756215433824698 -9.52628496095288 -0.16914499345676987 0.9664332016515771 -0.1933826205582899 0.643847855042292 -0.5066736230171843 0.08303330778762458 0.8581301238952552 8.240322663222521 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/08081221_11367454663.jpg sacre_coeur/test/images/94345410_6525608719.jpg 0 0 670.286 0.0 212.5 0.0 670.286 319.5 0.0 0.0 1.0 1400.71 0.0 319.5 0.0 1400.71 211.5 0.0 0.0 1.0 0.9990753485153965 0.03714009702566811 0.02165782033730726 3.483551439258394 -0.032621758895651026 0.9829748785852417 -0.18082093052764459 4.508452308744844 -0.028004800220553926 0.17994721799253582 0.9832775446949623 41.3392540237818 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/36478780_3343078633.jpg sacre_coeur/test/images/36799566_319205128.jpg 3 0 666.684 0.0 319.5 0.0 666.684 239.5 0.0 0.0 1.0 815.415 0.0 166.0 0.0 815.415 249.5 0.0 0.0 1.0 -0.09694610689454207 -0.9646707947259872 -0.24497287637761936 2.2139219191167987 0.9934526285002194 -0.0788429329345306 -0.08267809173103656 2.169145389708941 0.060442760393587466 -0.2513842670673991 0.9659982520620779 11.401440480332687 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/12060097_10141374576.jpg sacre_coeur/test/images/16385535_4660789205.jpg 0 0 852.046 0.0 319.5 0.0 852.046 209.0 0.0 0.0 1.0 669.771 0.0 239.5 0.0 669.771 319.5 0.0 0.0 1.0 0.9996863840594122 -0.004240505768554493 -0.02468099748884841 -1.6943408742896104 -0.003089483575923065 0.9571466542130005 -0.2895871844887015 -2.9508498953959172 0.02485133029541449 0.289572616867835 0.9568333767918333 19.773901599591643 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/61046986_5564238795.jpg sacre_coeur/test/images/34366638_4030867612.jpg 0 0 1203.71 0.0 210.0 0.0 1203.71 319.5 0.0 0.0 1.0 648.225 0.0 239.5 0.0 648.225 319.5 0.0 0.0 1.0 0.9911284148597043 -0.016095633402299282 -0.13192951088770413 6.515376219582459 0.01847270434159614 0.9996879822363526 0.01681360658863996 -5.342678445168463 0.13161772088893664 -0.019101538094833375 0.9911164950652439 -40.34572172029429 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/30959030_12203993343.jpg sacre_coeur/test/images/24662873_8171467618.jpg 0 0 1448.34 0.0 213.0 0.0 1448.34 319.5 0.0 0.0 1.0 733.364 0.0 239.5 0.0 733.364 319.5 0.0 0.0 1.0 0.9972189609196148 -0.012001840348434201 -0.07355474023238988 4.140721888220788 0.016904506477081412 0.9976500373026855 0.06639759582030515 -5.498349940046082 0.07258499599207793 -0.06745634809416369 0.9950784187483059 -34.70488465809382 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/65606241_8601988847.jpg sacre_coeur/test/images/70139640_13923464795.jpg 0 0 545.165 0.0 319.5 0.0 545.165 212.5 0.0 0.0 1.0 544.883 0.0 239.5 0.0 544.883 319.5 0.0 0.0 1.0 0.9175322013258884 -0.12122901792390939 -0.3787323391833262 7.434273809480077 0.11481415716731465 0.9925986106102893 -0.039569022334175606 -1.9085816234183302 0.38072610738433577 -0.0071779821487497775 0.924659995743432 -11.97831704901667 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/87551911_7790325846.jpg sacre_coeur/test/images/44748036_142906563.jpg 0 0 479.404 0.0 319.5 0.0 479.404 239.5 0.0 0.0 1.0 516.863 0.0 187.0 0.0 516.863 249.5 0.0 0.0 1.0 0.9996669353301602 -0.01280332658077694 -0.022407437070571756 -1.8792581738288607 0.011504374845543973 0.9982982681383255 -0.0571683233218623 -0.1307167323266829 0.023101250334535785 0.05689149901774203 0.9981130645235013 -0.5000222245153632 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/70467218_7085137245.jpg sacre_coeur/test/images/16577293_2866312822.jpg 0 0 983.528 0.0 305.5 0.0 983.528 305.5 0.0 0.0 1.0 536.259 0.0 319.5 0.0 536.259 213.0 0.0 0.0 1.0 0.9998984870224592 0.009028270195352425 0.011022975436638749 0.1567363630538074 -0.007513698729920988 0.9914266069687485 -0.13044856199219063 0.1897630627021465 -0.012106196000107285 0.13035249645370864 0.9913938000041623 -0.5236618188033955 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/79770190_8442039294.jpg sacre_coeur/test/images/70139640_13923464795.jpg 0 0 704.085 0.0 239.5 0.0 704.085 319.5 0.0 0.0 1.0 544.883 0.0 239.5 0.0 544.883 319.5 0.0 0.0 1.0 0.9636084035554088 -0.08671374775006373 -0.25286275041716794 6.222672660801306 0.10955647497098002 0.990940882721723 0.07767590194278617 -2.504108118014052 0.2438364685385057 -0.10255190345298631 0.9643790145522867 -12.899257551900144 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/26140494_3397638398.jpg sacre_coeur/test/images/40932424_8951501615.jpg 0 0 675.035 0.0 319.5 0.0 675.035 239.5 0.0 0.0 1.0 640.24 0.0 319.5 0.0 640.24 212.0 0.0 0.0 1.0 0.9954709242624635 -0.03131407895736479 -0.0897611687038944 2.104246034034989 0.03283242381231272 0.9993408486076464 0.01548871365730968 1.3072807536320625 0.08921698770215088 -0.01836564083285343 0.9958428753283086 5.6024131835673145 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/55784150_6371469373.jpg sacre_coeur/test/images/62933368_3252099162.jpg 0 0 607.13 0.0 319.5 0.0 607.13 239.5 0.0 0.0 1.0 439.426 0.0 319.5 0.0 439.426 213.0 0.0 0.0 1.0 0.9548484271995953 -0.14891174337466345 -0.25707931414172175 2.9857863805028084 0.1344277559369342 0.9882213856553306 -0.07312777425314139 1.4868084720279984 0.2649408603975987 0.03526734493234131 0.9636195073125094 3.61018105228465 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/67569977_7754509434.jpg sacre_coeur/test/images/20934731_2795411032.jpg 0 0 1806.88 0.0 239.5 0.0 1806.88 319.5 0.0 0.0 1.0 380.178 0.0 166.0 0.0 380.178 249.5 0.0 0.0 1.0 0.9757465328887265 -0.06856450210551818 -0.2078884619372904 12.190798416286455 0.06796653219439698 0.997637218658404 -0.010026487370537096 -3.6874405545895534 0.20808472807272008 -0.004346147552250333 0.9781011486264376 -44.32704038041428 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/21142120_2892123124.jpg sacre_coeur/test/images/25122990_2171869199.jpg 0 0 706.719 0.0 319.5 0.0 706.719 240.5 0.0 0.0 1.0 611.269 0.0 239.5 0.0 611.269 319.5 0.0 0.0 1.0 0.9535932287432447 -0.09829074512931929 -0.28460302794762665 6.7407778416695905 0.10467087342174211 0.9944804432214364 0.007256466579912485 0.274666873935512 0.282318901868373 -0.03670936490895678 0.9586179949155018 -2.1378035054810143 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/17616986_7085723791.jpg sacre_coeur/test/images/60635619_2829148962.jpg 0 0 511.96 0.0 319.5 0.0 511.96 212.0 0.0 0.0 1.0 530.154 0.0 249.5 0.0 530.154 187.0 0.0 0.0 1.0 0.9689762667190416 -0.13912948644394718 -0.20427427771766093 2.2497283663016274 0.1488070230561525 0.9883245315999676 0.03272751330104895 0.6482118646050332 0.19733591772506653 -0.06210963081155905 0.9783664596336371 0.9458361629563572 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/65409197_2096349519.jpg sacre_coeur/test/images/99117955_5783559928.jpg 0 0 548.189 0.0 166.0 0.0 548.189 249.5 0.0 0.0 1.0 537.035 0.0 319.5 0.0 537.035 239.5 0.0 0.0 1.0 0.9703319145261349 0.09021921844691712 0.22431332611967922 -5.155229515541672 -0.10149258396188934 0.9940628369275454 0.03922157110952116 -1.4623605476137425 -0.2194430018314208 -0.060824081270396804 0.9737274773183858 -6.027734341045065 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/39049516_4219301204.jpg sacre_coeur/test/images/33411162_10141421203.jpg 0 0 1803.38 0.0 239.5 0.0 1803.38 319.5 0.0 0.0 1.0 878.795 0.0 218.5 0.0 878.795 319.5 0.0 0.0 1.0 0.9999339045704684 -0.0010711465018932713 -0.011447232662480999 0.7526031049638698 0.002464283591052816 0.9924789872350462 0.12239030681912631 -7.159473401674533 0.0112300399304881 -0.12241042660683958 0.9924160285188318 -35.13545727898739 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/39049516_4219301204.jpg sacre_coeur/test/images/03836329_3380486130.jpg 0 0 1803.38 0.0 239.5 0.0 1803.38 319.5 0.0 0.0 1.0 944.708 0.0 319.5 0.0 944.708 301.0 0.0 0.0 1.0 0.9834821664122874 -0.0017554076816552304 -0.1809965383449787 11.91457697233044 0.03595209881034583 0.9819239734756249 0.18582991391315812 -11.07387822039958 0.1773986328586703 -0.18926761175043072 0.965767827276392 -38.938314845865044 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/55185330_108661534.jpg sacre_coeur/test/images/23735654_3093471146.jpg 0 0 674.5 0.0 319.5 0.0 674.5 239.5 0.0 0.0 1.0 662.801 0.0 239.5 0.0 662.801 319.5 0.0 0.0 1.0 0.9896942938279883 0.0753375796072228 0.12177624506957262 -3.1573575555218287 -0.07313374824967303 0.9970689088628172 -0.022473225092642178 -0.49733912478459785 -0.12311238618137776 0.013335669388391327 0.9923031292355631 -2.781806463465731 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/78937340_9546137587.jpg sacre_coeur/test/images/60953043_2624021191.jpg 0 0 944.217 0.0 239.5 0.0 944.217 319.5 0.0 0.0 1.0 1395.38 0.0 212.5 0.0 1395.38 319.5 0.0 0.0 1.0 0.9986198052283323 0.019320950170548162 -0.048838360847135075 2.328446541821468 -0.013045722160048455 0.991984134491346 0.12568725492578023 -8.161549613290934 0.0508752763044153 -0.1248766503473025 0.9908670589231368 -35.304434085045045 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/38714154_3919914519.jpg sacre_coeur/test/images/84278429_5829272410.jpg 0 0 1481.11 0.0 213.5 0.0 1481.11 319.5 0.0 0.0 1.0 1453.22 0.0 319.5 0.0 1453.22 213.0 0.0 0.0 1.0 0.9984449269218063 0.017195965373003427 -0.05302854588803547 3.2925464724246543 -0.012500559267747182 0.9960739233434607 0.0876383206888355 -1.90047167090861 0.054327377279807604 -0.08683915021495829 0.9947399147856898 -7.907135633844831 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/37166302_11262849873.jpg sacre_coeur/test/images/32903762_508473415.jpg 0 0 749.58 0.0 319.5 0.0 749.58 239.5 0.0 0.0 1.0 713.267 0.0 319.5 0.0 713.267 239.5 0.0 0.0 1.0 0.9469909897849372 -0.01203386941210656 -0.32103465740184123 6.46619595606448 0.11850561567251715 0.9419108030507577 0.3142617669242541 -7.403755882857583 0.2986042268961087 -0.33564747143878343 0.8934071247737666 -32.8338183013572 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/16555640_3650571161.jpg sacre_coeur/test/images/44122025_7441115438.jpg 0 0 1235.34 0.0 239.5 0.0 1235.34 319.5 0.0 0.0 1.0 1479.22 0.0 319.5 0.0 1479.22 213.0 0.0 0.0 1.0 0.9989099985494201 0.03354306493748929 0.032460400376416884 0.5525184214218962 -0.03954808672526343 0.9775751154771944 0.2068401373914674 -8.186562339838911 -0.024794427486210507 -0.20789842807089567 0.9778361212244521 -25.552751113066968 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/72198457_1660226670.jpg sacre_coeur/test/images/57164580_3093476792.jpg 0 0 1443.11 0.0 187.0 0.0 1443.11 249.5 0.0 0.0 1.0 647.246 0.0 319.5 0.0 647.246 239.5 0.0 0.0 1.0 0.9998147920455893 -0.01834888998700524 0.005805156593915095 -0.5749748633959239 0.017999154866852964 0.9982995000084974 0.055444915969483206 -5.273691787125767 -0.006812637588639258 -0.0553301592174538 0.9984448715127225 -37.08715376682923 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/55864846_6415556309.jpg sacre_coeur/test/images/97181778_57457394.jpg 0 0 437.599 0.0 213.0 0.0 437.599 319.5 0.0 0.0 1.0 1458.98 0.0 239.5 0.0 1458.98 319.5 0.0 0.0 1.0 0.9975621330379184 -0.035503390249509145 -0.060077450092607405 1.1468276690273262 0.03181805691231623 0.997616670972616 -0.061225722142250694 2.7603964600395816 0.0621079864684348 0.05916491425081709 0.9963142631411689 29.071118920976613 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/85291069_9106452141.jpg sacre_coeur/test/images/34366638_4030867612.jpg 0 0 1805.38 0.0 239.5 0.0 1805.38 319.5 0.0 0.0 1.0 648.225 0.0 239.5 0.0 648.225 319.5 0.0 0.0 1.0 0.9897221991893462 0.009628717169970187 -0.14267885700924685 5.823302574581916 -0.01224654903082487 0.9997721937804854 -0.017480920461772256 -5.149378995776096 0.1424780350392298 0.019048578661305063 0.9896146528737051 -39.896693120473934 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/16555640_3650571161.jpg sacre_coeur/test/images/66599130_8409392232.jpg 0 0 1235.34 0.0 239.5 0.0 1235.34 319.5 0.0 0.0 1.0 701.54 0.0 319.5 0.0 701.54 239.5 0.0 0.0 1.0 0.9967635868246276 -0.019887003049618667 0.07789004487229188 -2.5876778931168953 0.0028490447444305673 0.9770476374810861 0.21300187096988685 -11.992287606635786 -0.0803382531833212 -0.21209059668531394 0.9739421665956967 -45.428040515528906 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/40133282_13969857252.jpg sacre_coeur/test/images/47058715_3625029597.jpg 0 0 1447.89 0.0 213.0 0.0 1447.89 319.5 0.0 0.0 1.0 679.749 0.0 319.5 0.0 679.749 239.5 0.0 0.0 1.0 0.938343905988832 0.10411263766186295 0.3296532614319348 -12.62424394405141 -0.0915848216362497 0.9943669544283448 -0.053353354034723695 -0.9753300680657699 -0.33335106800410613 0.019872559472495954 0.9425933093548531 -30.605708156635338 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/08124432_3626165332.jpg sacre_coeur/test/images/79410678_281876803.jpg 0 0 1404.56 0.0 196.5 0.0 1404.56 249.5 0.0 0.0 1.0 521.004 0.0 249.5 0.0 521.004 187.0 0.0 0.0 1.0 0.9964479781610933 0.05320672553442502 -0.06527228490388459 4.913984198314141 -0.049520341529071386 0.9971537579121567 0.056851726943938634 -6.641929811721979 0.0681113984110857 -0.05341748252743106 0.996246661207413 -40.90562352852005 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/39980369_7971720718.jpg sacre_coeur/test/images/80645091_144266710.jpg 0 0 670.012 0.0 319.5 0.0 670.012 239.0 0.0 0.0 1.0 518.261 0.0 187.0 0.0 518.261 249.5 0.0 0.0 1.0 0.9921624377552236 0.051050876102602775 0.11405045005070455 -2.6488132462263616 -0.02292616216816951 0.9716118142054216 -0.23546735141986877 2.0636097754977603 -0.12283357926825361 0.2310071222832878 0.9651671467981823 14.359373497649605 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/97643496_704095933.jpg sacre_coeur/test/images/86827532_95504488.jpg 0 0 753.473 0.0 239.5 0.0 753.473 319.5 0.0 0.0 1.0 526.393 0.0 249.5 0.0 526.393 166.0 0.0 0.0 1.0 0.9395072125963013 -0.097770247046546 -0.3282791133654185 3.999330180223679 0.13901426286879837 0.9847548116068386 0.10456096659951157 1.444505087210343 0.31305148490076284 -0.1438712612359985 0.9387757069672131 6.265338578531595 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/47029087_8959697396.jpg sacre_coeur/test/images/70170436_3664390013.jpg 0 0 622.643 0.0 319.5 0.0 622.643 239.5 0.0 0.0 1.0 523.702 0.0 213.5 0.0 523.702 319.5 0.0 0.0 1.0 0.9860664515862662 -0.04882571996075302 -0.15902516192849503 0.8577268183776944 0.07649465446456184 0.9819781982704413 0.17282183299538648 -2.3419951092158486 0.14772109156927182 -0.18257838643128624 0.9720306640809901 -3.445741965215257 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/44614566_9095733872.jpg sacre_coeur/test/images/81476348_2961239173.jpg 0 0 749.695 0.0 319.5 0.0 749.695 213.0 0.0 0.0 1.0 534.342 0.0 239.5 0.0 534.342 319.5 0.0 0.0 1.0 0.991999370359689 0.12234138276192454 0.0311421783098213 -0.475096951864875 -0.11041128885420712 0.9603911959674271 -0.25584780241738947 0.17827923758580347 -0.06120944779634327 0.25036241086104566 0.9662153314496265 0.6845435151538215 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/02933228_4036000307.jpg sacre_coeur/test/images/76298563_8026742947.jpg 0 0 679.926 0.0 319.5 0.0 679.926 239.5 0.0 0.0 1.0 520.791 0.0 319.5 0.0 520.791 239.5 0.0 0.0 1.0 0.9714291333078992 -0.08678078942159434 -0.22089484726454992 2.691938368532133 0.05672357243555591 0.9886725582820157 -0.13895685960125478 2.3274533392116337 0.23045145972810016 0.1224567968201826 0.9653478428119724 8.196666632529926 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/77706306_5103474140.jpg sacre_coeur/test/images/67770719_8270986474.jpg 0 0 505.257 0.0 319.5 0.0 505.257 214.0 0.0 0.0 1.0 499.694 0.0 212.5 0.0 499.694 319.5 0.0 0.0 1.0 0.9670590053406806 -0.11888694407877609 -0.22508392816259362 2.8200187134035217 0.03410025859938442 0.9367693491135438 -0.3482820106247845 0.10585691700885845 0.25225790880158494 0.32913383461594664 0.9099653105245572 8.763505582976375 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/58368117_3401402227.jpg sacre_coeur/test/images/77706306_5103474140.jpg 0 0 682.756 0.0 319.5 0.0 682.756 239.0 0.0 0.0 1.0 505.257 0.0 319.5 0.0 505.257 214.0 0.0 0.0 1.0 0.9532947605478339 0.0893761038017559 0.2885151843166417 -6.555565429264044 -0.13570855513856322 0.9801130538235044 0.1447811789804445 -2.5929377868904115 -0.2698375206939382 -0.1771731181471436 0.9464657408653344 -7.814950548026387 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/27614460_8959698816.jpg sacre_coeur/test/images/26161317_4040935017.jpg 0 0 807.303 0.0 319.5 0.0 807.303 319.5 0.0 0.0 1.0 576.672 0.0 319.5 0.0 576.672 312.5 0.0 0.0 1.0 0.998831499681573 -0.012398149581120564 -0.0467110386399571 1.4630047281883352 0.016671635160958126 0.9955972988644706 0.09223922741886821 -0.5135272003423429 0.04536178815830901 -0.09291019524645266 0.9946406405302102 -3.931467654933324 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/21155361_10359960085.jpg sacre_coeur/test/images/44859504_43728211.jpg 0 0 778.711 0.0 212.5 0.0 778.711 319.5 0.0 0.0 1.0 528.651 0.0 249.5 0.0 528.651 187.0 0.0 0.0 1.0 0.9947298121753804 -0.015084989905907191 0.10141520521633354 -1.3395747337656776 0.0064256730428906275 0.9963452783054192 0.08517509685608102 -1.5757746113831435 -0.10232942634197768 -0.08407454714737145 0.9911912827635673 -6.54772475922408 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/75878456_4122246314.jpg sacre_coeur/test/images/78627958_7119964169.jpg 0 0 887.502 0.0 319.5 0.0 887.502 213.0 0.0 0.0 1.0 1461.04 0.0 319.5 0.0 1461.04 213.0 0.0 0.0 1.0 0.9991719275403042 0.033945104307629384 0.022431877071191965 -3.9777390468111746 -0.032418712399344275 0.9973439576774795 -0.06522313370722424 5.133269944353874 -0.024586303133279492 0.06444191165511787 0.9976185411871976 43.41984563841201 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/81703421_7754459314.jpg sacre_coeur/test/images/62766948_5445805244.jpg 0 0 514.334 0.0 319.5 0.0 514.334 239.5 0.0 0.0 1.0 473.93 0.0 319.5 0.0 473.93 212.5 0.0 0.0 1.0 0.9792746380348344 -0.13403358881323865 -0.15184261711254762 1.6411353577741288 0.12883748992305696 0.9907066877262485 -0.04360229449022185 0.659128144893772 0.1562756682662728 0.0231355995022718 0.9874424841698884 1.6577942652332665 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/64951325_3689575044.jpg sacre_coeur/test/images/63858075_3812078922.jpg 0 0 782.711 0.0 212.5 0.0 782.711 319.5 0.0 0.0 1.0 537.525 0.0 249.5 0.0 537.525 187.0 0.0 0.0 1.0 0.9990944363837018 0.0026784557771664494 0.04246331430520861 -1.6922731077836686 -0.003346095216137008 0.9998717841916278 0.01565946436680402 -1.0066365158726158 -0.042415926654238205 -0.015787370018480656 0.9989752990509633 -4.381465050300781 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/90741813_5700626652.jpg sacre_coeur/test/images/55784150_6371469373.jpg 0 0 756.043 0.0 266.0 0.0 756.043 319.5 0.0 0.0 1.0 607.13 0.0 319.5 0.0 607.13 239.5 0.0 0.0 1.0 0.9421345917542395 -0.07762634151712075 -0.32612353813047534 6.87928012421456 0.101739468178868 0.9931469087317149 0.05751780847111299 -2.230784712332611 0.3194236867152362 -0.08736915233253592 0.9435757201125624 -7.766051408836932 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/18698491_4586522698.jpg sacre_coeur/test/images/75030977_10341125684.jpg 0 0 1792.43 0.0 246.5 0.0 1792.43 319.5 0.0 0.0 1.0 870.934 0.0 319.5 0.0 870.934 239.5 0.0 0.0 1.0 0.9942717023130986 -0.04225832819600348 -0.0981733959761615 6.8679548803550725 0.0684605431062626 0.9571623896411111 0.2813419874354219 -16.398483341642233 0.08207884025136386 -0.2864513807866815 0.9545725066376021 -39.761995856918475 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/60535642_3153438485.jpg sacre_coeur/test/images/96482156_2206813531.jpg 0 0 722.898 0.0 319.5 0.0 722.898 239.5 0.0 0.0 1.0 889.73 0.0 239.5 0.0 889.73 319.5 0.0 0.0 1.0 0.9511270409975479 -0.11334839276182195 -0.28724465833425067 4.61480429133209 0.086685828298888 0.9907986918777233 -0.10393997953399971 1.2831857432367375 0.2963830613503147 0.07396008404338321 0.9522011273428065 5.9036062593333405 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/60953043_2624021191.jpg sacre_coeur/test/images/16971221_7856309770.jpg 0 0 1395.38 0.0 212.5 0.0 1395.38 319.5 0.0 0.0 1.0 410.251 0.0 319.5 0.0 410.251 213.5 0.0 0.0 1.0 0.8480911346796143 -0.2513703690716473 -0.4664272342291219 15.826508885096265 0.21822560454602757 0.967882389133022 -0.1248249427265004 0.25111066007459293 0.48282399774489776 0.004076562146853852 0.8757079243918588 -7.80493763523142 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/70185138_6825344581.jpg sacre_coeur/test/images/70467218_7085137245.jpg 0 0 2115.3 0.0 319.5 0.0 2115.3 319.5 0.0 0.0 1.0 983.528 0.0 305.5 0.0 983.528 305.5 0.0 0.0 1.0 0.9986339779347152 -0.025620008324958587 -0.04553892058135965 3.3878632697669278 0.034607671279008545 0.9772803899735314 0.2091060698827905 -14.18086594775881 0.039146994813528374 -0.21039642237122627 0.9768320522231333 -39.300263914418686 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/16841636_7028528545.jpg sacre_coeur/test/images/25811450_7943664752.jpg 0 0 471.619 0.0 319.5 0.0 471.619 239.5 0.0 0.0 1.0 535.838 0.0 213.0 0.0 535.838 319.5 0.0 0.0 1.0 0.9566111562504664 0.10215962360439321 0.27287086147508394 -3.4777286407015495 -0.09015844165796284 0.9943405866138803 -0.05619833814422044 -0.14007401266201 -0.27706777354097584 0.029158345587038004 0.9604078507320072 -0.04978194824706683 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/59996089_2005549974.jpg sacre_coeur/test/images/77447644_11774301175.jpg 0 0 497.691 0.0 319.5 0.0 497.691 213.5 0.0 0.0 1.0 511.678 0.0 319.5 0.0 511.678 212.5 0.0 0.0 1.0 0.9967251536054452 0.04191859568618387 0.06915055680108091 -0.44482687380355057 -0.03266770005153946 0.9909932236831122 -0.1298662850300101 0.08268574228577519 -0.07397154549922504 0.12718200324673073 0.9891172572079634 0.6316539069909686 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/55597679_2718818848.jpg sacre_coeur/test/images/63170630_8128095778.jpg 0 0 682.241 0.0 239.5 0.0 682.241 319.5 0.0 0.0 1.0 1392.01 0.0 212.0 0.0 1392.01 319.5 0.0 0.0 1.0 0.9990477309614951 0.008978153494859293 -0.042696885372488017 1.0318016080820285 -0.003571387695372309 0.9921428945165195 0.12505887433649743 2.9371195679109134 0.04348420920998768 -0.12478729751142638 0.9912301720232171 12.185807694913771 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/98598382_4057825649.jpg sacre_coeur/test/images/79893810_6766787721.jpg 0 0 667.538 0.0 239.5 0.0 667.538 319.5 0.0 0.0 1.0 1017.45 0.0 212.0 0.0 1017.45 319.5 0.0 0.0 1.0 0.725622862029099 0.24648912660874603 0.6424286517305688 -10.986776325845122 -0.27432539754712276 0.9598600404687 -0.05843183183880652 1.4589723771700651 -0.6310444028444528 -0.1338350222291726 0.7641146173602523 7.957070747882252 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/85019556_13753237.jpg sacre_coeur/test/images/34297653_2634761938.jpg 0 0 1875.74 0.0 239.5 0.0 1875.74 319.5 0.0 0.0 1.0 648.902 0.0 239.0 0.0 648.902 319.5 0.0 0.0 1.0 0.9996047405975365 -0.0020573205151612033 0.028038010044046834 -3.3635994947710097 -0.0010127072051087924 0.9940364792466087 0.10904335078822107 -8.851042155895124 -0.02809514191188392 -0.10902864467333435 0.9936414935184857 -45.43518578596813 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/55784150_6371469373.jpg sacre_coeur/test/images/84278429_5829272410.jpg 0 0 607.13 0.0 319.5 0.0 607.13 239.5 0.0 0.0 1.0 1453.22 0.0 319.5 0.0 1453.22 213.0 0.0 0.0 1.0 0.9391841260040811 0.10906331021365091 0.32563533565507247 -4.944912192112364 -0.07696785546403746 0.9909571529267702 -0.10990846322525231 6.79529663139694 -0.33467764593294524 0.07816083052597729 0.9390855966759748 41.10257892720051 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/04808852_3532579721.jpg sacre_coeur/test/images/28574044_3399035477.jpg 0 0 536.862 0.0 319.5 0.0 536.862 223.5 0.0 0.0 1.0 838.765 0.0 213.0 0.0 838.765 319.5 0.0 0.0 1.0 0.9863647433382673 -0.03992432853248794 -0.15965788765502234 2.504637337456518 0.021143938439071547 0.9928309489459065 -0.11764200220353056 1.5720314252058867 0.16321007005242819 0.11266212676139534 0.9801376016800298 8.35835972940617 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/63170630_8128095778.jpg sacre_coeur/test/images/54446446_3898144328.jpg 0 0 1392.01 0.0 212.0 0.0 1392.01 319.5 0.0 0.0 1.0 567.536 0.0 319.5 0.0 567.536 212.5 0.0 0.0 1.0 0.9094185827694651 0.16016354506048758 0.38380396056741545 -5.53263266871677 -0.13875636346721473 0.9868395598301443 -0.08303225127383758 -0.2404894525111836 -0.3920516712257852 0.022255830424962632 0.9196739449941833 -2.7083657562214043 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/34904068_5083153.jpg sacre_coeur/test/images/30442266_2401730436.jpg 0 0 646.015 0.0 319.5 0.0 646.015 239.5 0.0 0.0 1.0 523.192 0.0 319.5 0.0 523.192 239.5 0.0 0.0 1.0 0.9787891909668985 0.019560528893350478 0.20393407110087497 -3.0481732392430376 -0.0361622582738359 0.9962971868315124 0.07800132427177335 -3.044015053489262 -0.20165319417976194 -0.08372156962830035 0.9758722703592272 -12.198478089542265 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/69212502_553330789.jpg sacre_coeur/test/images/62933368_3252099162.jpg 0 0 859.802 0.0 213.0 0.0 859.802 319.5 0.0 0.0 1.0 439.426 0.0 319.5 0.0 439.426 213.0 0.0 0.0 1.0 0.7175244581785551 -0.22491468460568004 -0.6592207798335079 18.51615580896919 0.23890833056609767 0.9684873013294222 -0.07039287428265033 0.7752152412411621 0.6542793451590008 -0.10698472700521455 0.7486473179581483 -3.728191727586533 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/73413427_2624866230.jpg sacre_coeur/test/images/59358073_3809805538.jpg 0 0 1391.03 0.0 212.5 0.0 1391.03 319.5 0.0 0.0 1.0 1733.74 0.0 319.5 0.0 1733.74 239.5 0.0 0.0 1.0 0.9992135310279395 -0.019806956183115097 -0.03435118480397962 1.3919876935821853 0.018234452368011397 0.9987978326322313 -0.04550158542288195 3.5643395481289604 0.03521113683929741 0.04483942479467439 0.9983734781265813 20.717460242726833 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/79704892_2352783119.jpg sacre_coeur/test/images/97643496_704095933.jpg 0 0 1800.38 0.0 239.5 0.0 1800.38 319.5 0.0 0.0 1.0 753.473 0.0 239.5 0.0 753.473 319.5 0.0 0.0 1.0 0.9825541090311793 0.05575630408837587 0.17742225728569092 -11.06602139742444 -0.0712534323754988 0.994065048505048 0.0822047913163615 -8.657487872224726 -0.17178582945241883 -0.09341260030135595 0.9806955260957824 -47.980662013895696 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/59066216_374458283.jpg sacre_coeur/test/images/97437832_311711460.jpg 0 0 1271.07 0.0 249.5 0.0 1271.07 239.5 0.0 0.0 1.0 489.971 0.0 249.5 0.0 489.971 187.0 0.0 0.0 1.0 0.9988946246525308 -0.03038410982356706 -0.03586550864701348 2.1338153067354426 0.03331477296228199 0.9958948865799498 0.08416353596647703 -7.9582066850033435 0.03316104254620452 -0.08526535494641584 0.9958062886440867 -37.54384058979556 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/99818215_2123948121.jpg sacre_coeur/test/images/97523888_2454093481.jpg 0 0 944.024 0.0 319.5 0.0 944.024 239.5 0.0 0.0 1.0 651.106 0.0 319.5 0.0 651.106 239.5 0.0 0.0 1.0 0.9684350273883733 -0.04879750150022885 -0.24444304362083227 7.210068254360013 0.03423776634036192 0.9973966389100489 -0.06346432105490717 -0.490245999299705 0.2469035704142484 0.05309188768797659 0.9675845587742827 -2.7940234977776814 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/70467218_7085137245.jpg sacre_coeur/test/images/38714154_3919914519.jpg 0 0 983.528 0.0 305.5 0.0 983.528 305.5 0.0 0.0 1.0 1481.11 0.0 213.5 0.0 1481.11 319.5 0.0 0.0 1.0 0.9969117321222993 0.01615030405762894 0.0768515844713872 -2.3455897731049284 0.00330956357745153 0.9691142435860848 -0.24659000317834756 3.456660409574485 -0.0784604686822825 0.24608281239740568 0.9660679087397219 39.846625648544105 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/02580991_8300101521.jpg sacre_coeur/test/images/15012791_5817353527.jpg 0 0 610.611 0.0 238.5 0.0 610.611 319.5 0.0 0.0 1.0 506.581 0.0 212.0 0.0 506.581 319.5 0.0 0.0 1.0 0.9700427168658323 -0.11435684443965057 -0.21433534376149946 6.536347094448551 0.11778527297118775 0.993033770095031 0.0032497572143424134 -1.5819804482699207 0.21247060249986907 -0.028397950289676607 0.976754728420952 -6.565155103801308 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/77706306_5103474140.jpg sacre_coeur/test/images/94003968_8161684801.jpg 0 0 505.257 0.0 319.5 0.0 505.257 214.0 0.0 0.0 1.0 680.107 0.0 319.5 0.0 680.107 212.0 0.0 0.0 1.0 0.9748764369434942 -0.1058390027166569 -0.19599499533483264 1.7853849516811096 0.08159726299394819 0.9884254359752958 -0.12789466051772058 2.941007095223207 0.20726268203478887 0.1086888357697792 0.9722288401476044 13.038650998244549 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/70116109_2697195876.jpg sacre_coeur/test/images/57933149_11837935973.jpg 0 0 606.734 0.0 212.5 0.0 606.734 319.5 0.0 0.0 1.0 522.366 0.0 239.5 0.0 522.366 319.5 0.0 0.0 1.0 0.9996688046183333 0.0014922759616545888 -0.02569151971773707 1.6914014751431357 0.002000656048811647 0.9907895658950877 0.135395839998125 -1.8720296399684184 0.02565693762565905 -0.13540239741554716 0.9904584354357306 -13.743241600393716 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/18698491_4586522698.jpg sacre_coeur/test/images/36940211_2500226864.jpg 0 0 1792.43 0.0 246.5 0.0 1792.43 319.5 0.0 0.0 1.0 647.827 0.0 319.5 0.0 647.827 239.5 0.0 0.0 1.0 0.9968711694565389 -0.029149549942728833 -0.07347227534580074 4.565609129534862 0.032932220701400235 0.9981652316313574 0.050809833713490814 -4.944757169513114 0.07185638695361095 -0.05307046354098177 0.9960021011792687 -34.89181157605121 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/57895226_4857581382.jpg sacre_coeur/test/images/51939662_7396091320.jpg 0 0 456.232 0.0 319.5 0.0 456.232 239.5 0.0 0.0 1.0 1086.81 0.0 319.5 0.0 1086.81 212.0 0.0 0.0 1.0 0.9024410365288577 0.14190255180844444 0.40677246880654666 -7.2789467390170675 -0.16376239923484828 0.9863122004747013 0.01923849764401995 6.991308681878052 -0.3984746568924647 -0.08397564518956993 0.913326906879146 40.35425118245191 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/47029087_8959697396.jpg sacre_coeur/test/images/38432569_8875267871.jpg 0 0 622.643 0.0 319.5 0.0 622.643 239.5 0.0 0.0 1.0 569.282 0.0 239.5 0.0 569.282 319.5 0.0 0.0 1.0 0.9525156265547767 -0.06306639596487464 -0.2978869095293764 2.3164745499701564 0.06574421872545325 0.9978359744775671 -0.0010323480922853538 -1.3999533017085992 0.29730738112791777 -0.018601014445602828 0.9546006093589369 -2.637833124043209 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/08124432_3626165332.jpg sacre_coeur/test/images/26161317_4040935017.jpg 0 0 1404.56 0.0 196.5 0.0 1404.56 249.5 0.0 0.0 1.0 576.672 0.0 319.5 0.0 576.672 312.5 0.0 0.0 1.0 0.9763993526497086 -0.0117613446091068 -0.21565244009335024 14.421074280970283 0.040541400419270554 0.9907472104686685 0.12952358781548692 -11.484093711354335 0.21213368190194262 -0.13520959922112646 0.9678417563223792 -46.9177900721339 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/79770190_8442039294.jpg sacre_coeur/test/images/16634907_9608639107.jpg 0 0 704.085 0.0 239.5 0.0 704.085 319.5 0.0 0.0 1.0 772.57 0.0 305.5 0.0 772.57 305.5 0.0 0.0 1.0 0.7944797187093263 -0.21227064073666252 -0.5689843158126562 17.064315584384406 0.2937158519761175 0.954361991650678 0.054075754183319086 0.588166408436865 0.5315383098681535 -0.21008180305252067 0.8205684987669881 -6.136049269700003 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/71781222_5227267590.jpg sacre_coeur/test/images/68663909_1356782012.jpg 0 0 862.013 0.0 212.0 0.0 862.013 319.5 0.0 0.0 1.0 672.136 0.0 319.5 0.0 672.136 239.0 0.0 0.0 1.0 0.9997469037785609 0.00147746178556181 -0.022448730294897582 0.21021008209570488 -0.0027485817686660197 0.9983875695585199 -0.0566983796002358 -4.950805860089807 0.0223287635896349 0.05674573162541551 0.9981389423616606 -13.89637539801063 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/81670953_3302107502.jpg sacre_coeur/test/images/22663714_8829093598.jpg 0 0 672.741 0.0 319.5 0.0 672.741 239.5 0.0 0.0 1.0 595.075 0.0 239.5 0.0 595.075 319.5 0.0 0.0 1.0 0.9986080372001932 0.009827974663830405 -0.05182083512627615 3.435320428101246 -0.018021112310327173 0.9869365199014045 -0.1600985483881812 -1.1490454636581813 0.04957043020063637 0.16080956625434728 0.9857398520151309 -7.7259622406205 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/60162628_4661185887.jpg sacre_coeur/test/images/34297653_2634761938.jpg 0 0 517.267 0.0 239.5 0.0 517.267 319.5 0.0 0.0 1.0 648.902 0.0 239.0 0.0 648.902 319.5 0.0 0.0 1.0 0.9974952755504616 0.035967551542609943 0.060905750882313606 -3.5473997923043257 -0.036843076059830476 0.9992323782116092 0.013313229511335579 -0.538396511086642 -0.06038015403225047 -0.01552383875211431 0.9980547316803022 -5.159512654597609 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/67770719_8270986474.jpg sacre_coeur/test/images/72213636_3271218925.jpg 0 0 499.694 0.0 212.5 0.0 499.694 319.5 0.0 0.0 1.0 348.891 0.0 319.5 0.0 348.891 212.5 0.0 0.0 1.0 0.9892763609201939 0.0684748003396539 0.12900962538873767 -3.2421460631374424 -0.08705994316574298 0.9856784463279334 0.14442495193189067 -1.5146853992662423 -0.11727253736691934 -0.154107761527432 0.9810697986466245 -9.092792943668195 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/23236854_6565983213.jpg sacre_coeur/test/images/44937588_1061437022.jpg 0 0 668.656 0.0 239.5 0.0 668.656 319.5 0.0 0.0 1.0 521.234 0.0 319.5 0.0 521.234 239.5 0.0 0.0 1.0 0.8087474019797879 -0.19115639971213796 -0.5562255573416569 13.568462551057674 0.26022107399971517 0.9644081769636875 0.04692399015441677 -0.9658764514719924 0.5274586547184321 -0.18269126704544583 0.829705531202457 -3.8465523851300407 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/02099432_2588386443.jpg sacre_coeur/test/images/08047759_7746982324.jpg 0 0 938.485 0.0 249.5 0.0 938.485 167.0 0.0 0.0 1.0 499.512 0.0 319.5 0.0 499.512 213.5 0.0 0.0 1.0 0.9918773527640822 0.04693316727237502 0.1182226496213793 -5.80827528799294 -0.05167652502158939 0.9979640643494452 0.03737998165903082 -6.430224173575739 -0.11622759498247047 -0.04318569296560724 0.9922832972935054 -41.78486726741768 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/36940211_2500226864.jpg sacre_coeur/test/images/71205878_8911611472.jpg 0 0 647.827 0.0 319.5 0.0 647.827 239.5 0.0 0.0 1.0 795.021 0.0 305.5 0.0 795.021 305.5 0.0 0.0 1.0 0.9610531450929924 0.03977244369642472 0.2734867547602302 -3.0430187039503553 -0.06757633549933528 0.9933697499401356 0.09300526213260195 -1.2735925511144846 -0.26797442263646887 -0.10786423237703707 0.9573687984190647 -4.609404695980867 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/70185138_6825344581.jpg sacre_coeur/test/images/60162628_4661185887.jpg 0 0 2115.3 0.0 319.5 0.0 2115.3 319.5 0.0 0.0 1.0 517.267 0.0 239.5 0.0 517.267 319.5 0.0 0.0 1.0 0.9996890986996966 -0.02156539650641404 -0.012515574877305456 2.168833033074269 0.022073370450348333 0.9988746715315096 0.041978052477222784 -6.446357524491249 0.011596217398358135 -0.042241262366789316 0.9990401410832852 -36.31752932633732 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/30588853_4939266422.jpg sacre_coeur/test/images/76850149_8327024804.jpg 0 0 850.404 0.0 213.0 0.0 850.404 319.5 0.0 0.0 1.0 799.829 0.0 319.5 0.0 799.829 239.5 0.0 0.0 1.0 0.9996039291467469 -0.0030163065127051343 -0.027980113105688875 0.571184793011851 0.005031512633441894 0.9973749807768757 0.07223455960235702 0.08997799072491919 0.027688783198350275 -0.07234673189127733 0.9969951262015508 -0.028576604745743417 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/47029087_8959697396.jpg sacre_coeur/test/images/94661279_5887793763.jpg 0 0 622.643 0.0 319.5 0.0 622.643 239.5 0.0 0.0 1.0 526.02 0.0 319.5 0.0 526.02 213.0 0.0 0.0 1.0 0.9702285348184012 -0.07503691475793273 -0.2302738622765282 1.2096596708666838 0.09424138664658756 0.9928286893464181 0.07355103434760166 -2.370895274098548 0.2231034541800442 -0.09306264037885678 0.970342307486718 -5.707959632546555 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/27733835_2747519645.jpg sacre_coeur/test/images/36514160_148787094.jpg 0 0 506.292 0.0 187.0 0.0 506.292 249.5 0.0 0.0 1.0 662.125 0.0 319.5 0.0 662.125 239.5 0.0 0.0 1.0 0.999152782259072 -0.017168832820868674 -0.03740252509556002 -1.3654409363167765 0.016478607083783025 0.999689619146516 -0.018684776671709376 0.6034773671397877 0.03771171187487025 0.018052605082436692 0.9991255828158961 6.762381892368753 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/61084833_3699152935.jpg sacre_coeur/test/images/19631710_3287132673.jpg 0 0 1839.79 0.0 239.5 0.0 1839.79 319.5 0.0 0.0 1.0 500.5 0.0 319.5 0.0 500.5 213.0 0.0 0.0 1.0 0.7986981891177973 -0.15938293732399578 -0.5802398486746033 36.51501906837886 0.20505220344299818 0.9786588770721706 0.013431164916323159 -3.181040041943163 0.5657161802203668 -0.12970690659256903 0.8143348953711024 -36.24980305638297 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/81147304_5790709520.jpg sacre_coeur/test/images/62721852_537101715.jpg 0 0 1292.87 0.0 319.5 0.0 1292.87 239.5 0.0 0.0 1.0 662.611 0.0 319.5 0.0 662.611 239.5 0.0 0.0 1.0 0.9283212872300118 0.14881666436553048 0.34069515418146284 -12.58395605416985 -0.1448335651145336 0.9887545882407927 -0.03725053890878946 -0.6363658909561369 -0.3424073978345499 -0.014763625567527874 0.9394355801587857 -21.743798981357763 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/66599130_8409392232.jpg sacre_coeur/test/images/55597679_2718818848.jpg 0 0 701.54 0.0 319.5 0.0 701.54 239.5 0.0 0.0 1.0 682.241 0.0 239.5 0.0 682.241 319.5 0.0 0.0 1.0 0.9984175166965376 -0.035047424858096206 -0.04397886269942894 0.3523095614475287 0.029417891610981663 0.9920082968631314 -0.12269525910920037 -0.921578909852874 0.04792754955851233 0.12120733049417996 0.991469481642169 -7.8076133333205515 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/00246274_6807912549.jpg sacre_coeur/test/images/04388678_7557805274.jpg 0 0 1138.93 0.0 308.5 0.0 1138.93 319.5 0.0 0.0 1.0 528.283 0.0 213.0 0.0 528.283 319.5 0.0 0.0 1.0 0.9963489330917809 0.025808917014496814 0.08137999342227217 -3.1236655478927733 -0.012917311358079546 0.9878102196651074 -0.15512611963319128 -1.2038603837768618 -0.08439162632719358 0.15350853307784415 0.9845370402773781 -5.938916337244907 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/16577293_2866312822.jpg sacre_coeur/test/images/47788810_3531619701.jpg 0 0 536.259 0.0 319.5 0.0 536.259 213.0 0.0 0.0 1.0 394.04 0.0 166.5 0.0 394.04 249.5 0.0 0.0 1.0 0.9968839367925133 0.036786868255136 0.06977924397010704 -1.7012022712419208 -0.03329533665841327 0.9981660329786366 -0.05055681125718441 -0.2832841094056957 -0.07151109789300801 0.048075949617983796 0.9962805156914722 -0.6715660763747744 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/36940211_2500226864.jpg sacre_coeur/test/images/81476348_2961239173.jpg 0 0 647.827 0.0 319.5 0.0 647.827 239.5 0.0 0.0 1.0 534.342 0.0 239.5 0.0 534.342 319.5 0.0 0.0 1.0 0.9923998836083817 0.11983509823803358 0.027964624874142415 -0.6235872934930085 -0.11491521963205777 0.9837869877229195 -0.13768680068902817 -0.11770386546952738 -0.04401094535438427 0.13342680396886183 0.9900809687453186 -5.7451818084918 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/78627958_7119964169.jpg sacre_coeur/test/images/79053608_2390017929.jpg 0 0 1461.04 0.0 319.5 0.0 1461.04 213.0 0.0 0.0 1.0 560.07 0.0 249.5 0.0 560.07 187.0 0.0 0.0 1.0 0.9857036778557716 0.00679951688829811 0.16835090148760887 -8.137679843870082 -0.011276294354957422 0.9996073786384646 0.025650219436835073 -5.555134451721203 -0.16811039422720175 -0.027181889956792632 0.9853933428896055 -36.8083640404919 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/79205306_10858206333.jpg sacre_coeur/test/images/73413427_2624866230.jpg 0 0 428.425 0.0 319.5 0.0 428.425 212.5 0.0 0.0 1.0 1391.03 0.0 212.5 0.0 1391.03 319.5 0.0 0.0 1.0 0.9822720560026338 0.11254748742008436 0.14991554646461497 -0.7232594578368472 -0.06098186496246528 0.9480623776686871 -0.3121841446885079 2.012222868184788 -0.17726483052782305 0.29750763204432507 0.9381185366110835 19.031378220079695 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/72776302_21108497.jpg sacre_coeur/test/images/63516274_5829260794.jpg 0 0 565.519 0.0 187.0 0.0 565.519 249.5 0.0 0.0 1.0 522.011 0.0 319.5 0.0 522.011 213.0 0.0 0.0 1.0 0.9828439092408359 0.05971211313312959 0.1745059128321094 -3.7547855108933095 -0.09052166062721986 0.9805195406885769 0.17431941740710566 -3.569150756313268 -0.1606974767240664 -0.1871253426798162 0.9691028980977612 -8.208283782576535 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/64272078_4462759761.jpg sacre_coeur/test/images/79770190_8442039294.jpg 0 0 1069.29 0.0 319.5 0.0 1069.29 231.5 0.0 0.0 1.0 704.085 0.0 239.5 0.0 704.085 319.5 0.0 0.0 1.0 0.9807510068603587 -0.05447681780585795 -0.18750930340689795 0.3245279635691505 0.0646356679917323 0.9967300015743751 0.04849262196261275 -3.7476692629335826 0.18425442454838176 -0.0596789768955005 0.9810650981209408 -36.23939066054773 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/83129529_7908624824.jpg sacre_coeur/test/images/79893810_6766787721.jpg 0 0 521.65 0.0 319.5 0.0 521.65 239.5 0.0 0.0 1.0 1017.45 0.0 212.0 0.0 1017.45 319.5 0.0 0.0 1.0 0.9110046510583493 0.11813279488432524 0.39511412088518566 -1.4477158134225547 -0.03581641606428377 0.977137966752573 -0.2095675983327516 1.7120414886818582 -0.41083781482522436 0.17676548504576717 0.8944083257697064 5.798229023026569 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/78627958_7119964169.jpg sacre_coeur/test/images/55185330_108661534.jpg 0 0 1461.04 0.0 319.5 0.0 1461.04 213.0 0.0 0.0 1.0 674.5 0.0 319.5 0.0 674.5 239.5 0.0 0.0 1.0 0.9996190007527954 -0.026291367891989357 -0.008403410518985356 4.469516983772607 0.027455492274254853 0.9784152919953264 0.204816289229345 -15.763019840670527 0.0028371249462888445 -0.20496897414991483 0.9787643589536609 -45.52045996019853 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/48445083_12204174934.jpg sacre_coeur/test/images/63366740_3980778716.jpg 0 0 1439.35 0.0 213.0 0.0 1439.35 319.5 0.0 0.0 1.0 492.101 0.0 249.5 0.0 492.101 187.0 0.0 0.0 1.0 0.9818128645873049 0.01304451569047847 -0.18940258588855483 8.048352267097247 0.023481703313956947 0.9816327316901869 0.18932984361673433 -11.375778030117129 0.18839349389070156 -0.19033397144194372 0.9634733368260854 -42.681929838114726 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/75878456_4122246314.jpg sacre_coeur/test/images/39585572_5151898468.jpg 0 0 887.502 0.0 319.5 0.0 887.502 213.0 0.0 0.0 1.0 697.515 0.0 239.5 0.0 697.515 319.5 0.0 0.0 1.0 0.9983910742311747 0.022646632494672504 0.051984545128069104 -0.2429109832901534 -0.026229262869969176 0.9972507738983399 0.06930310042458482 -2.6162821493802686 -0.05027214601366313 -0.07055511317979209 0.9962402759070561 -8.584373129120182 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/62139059_2843916338.jpg sacre_coeur/test/images/77647660_7639153124.jpg 0 0 683.468 0.0 239.5 0.0 683.468 319.5 0.0 0.0 1.0 1863.9 0.0 305.5 0.0 1863.9 305.5 0.0 0.0 1.0 0.9767256428204487 0.03528277521064337 0.21157066060873486 -1.592405010927442 -0.015462638571642174 0.9953939593323586 -0.09461380730661668 3.979133122472052 -0.21393439523691374 0.08914029110388878 0.9727723695893763 49.34255615173297 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/04543624_3663972093.jpg sacre_coeur/test/images/60453279_4122247122.jpg 0 0 433.924 0.0 319.5 0.0 433.924 212.5 0.0 0.0 1.0 885.173 0.0 319.5 0.0 885.173 213.0 0.0 0.0 1.0 0.9998946416012253 0.007319517837780349 0.012535164768730565 -0.9104891890879027 -0.004947827706913677 0.9837037463913744 -0.17972884670123904 3.12676219287494 -0.013646417044026807 0.1796478889221836 0.9836363206529452 14.381760594503884 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/93650031_6280047097.jpg sacre_coeur/test/images/60643706_4839245857.jpg 0 0 536.98 0.0 319.5 0.0 536.98 195.0 0.0 0.0 1.0 417.17 0.0 319.5 0.0 417.17 213.0 0.0 0.0 1.0 0.8020220943008777 -0.30634588118176226 -0.5127501938919219 12.957446729442943 0.24650869461185593 0.9517018645415323 -0.18302192357455477 1.7347416826933473 0.5440533280240022 0.02039024548996595 0.8388028458194847 -1.6256710209388894 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/62933368_3252099162.jpg sacre_coeur/test/images/53515910_7697309520.jpg 0 0 439.426 0.0 319.5 0.0 439.426 213.0 0.0 0.0 1.0 500.109 0.0 319.5 0.0 500.109 212.5 0.0 0.0 1.0 0.9960995697634892 0.01839095699644499 0.08629843461932994 -0.4190963512969166 -0.02327011343792954 0.9981664398317056 0.055877188675559235 -0.3772813893270943 -0.08511256627301142 -0.05766741796242548 0.9947011209242549 -0.8296679598880567 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/14122634_883725893.jpg sacre_coeur/test/images/01991223_5589230.jpg 0 0 479.75 0.0 319.5 0.0 479.75 239.5 0.0 0.0 1.0 712.534 0.0 241.0 0.0 712.534 319.5 0.0 0.0 1.0 0.9968462279388224 0.03719324495448122 0.07010178581104683 0.64958191980669 -0.04925217744900482 0.9826098375495668 0.17903108715344873 -0.32742658523815626 -0.06222395728876195 -0.18191912950695976 0.981342758397267 -5.07316180547572 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/25142691_4077149258.jpg sacre_coeur/test/images/27614460_8959698816.jpg 0 0 689.154 0.0 319.5 0.0 689.154 239.5 0.0 0.0 1.0 807.303 0.0 319.5 0.0 807.303 319.5 0.0 0.0 1.0 0.9968278329702503 -0.07953475698535242 -0.002914420545419398 -0.5309682186213289 0.07428258812668438 0.9428989048365347 -0.32469024062830254 -0.06440320328775068 0.0285721633243967 0.32344377825109666 0.9458159196131241 2.7964890456812697 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/00246274_6807912549.jpg sacre_coeur/test/images/34366638_4030867612.jpg 0 0 1138.93 0.0 308.5 0.0 1138.93 319.5 0.0 0.0 1.0 648.225 0.0 239.5 0.0 648.225 319.5 0.0 0.0 1.0 0.9980728700815177 -0.006939790940209577 -0.06166348440485915 -0.3301329197969399 0.00013893451176984672 0.9939739994213106 -0.10961600782552851 -0.7113899733644666 0.06205261239016101 0.10939619635120357 0.992059446565298 -4.509578391483556 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/20934731_2795411032.jpg sacre_coeur/test/images/38879018_753144146.jpg 0 0 380.178 0.0 166.0 0.0 380.178 249.5 0.0 0.0 1.0 1556.17 0.0 249.5 0.0 1556.17 187.0 0.0 0.0 1.0 0.9823881722856324 0.012723091074042677 0.18641781542228297 -4.40353007056564 -0.020159784123611548 0.9990724098080791 0.038051321453626864 4.298581632745307 -0.18576076565675576 -0.041139311051590216 0.9817334134217989 40.95189231739208 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/60453279_4122247122.jpg sacre_coeur/test/images/08619228_3960784810.jpg 0 0 885.173 0.0 319.5 0.0 885.173 213.0 0.0 0.0 1.0 484.401 0.0 319.5 0.0 484.401 213.0 0.0 0.0 1.0 0.9996305342270455 0.026515225729290114 0.005978113872825181 0.08912149366346356 -0.025665449267197268 0.9931986974644659 -0.11356774220174203 -1.274573228811313 -0.008948729231829246 0.11337235182977022 0.9935122697207731 -7.870175201659108 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/04915709_121816865.jpg sacre_coeur/test/images/08619228_3960784810.jpg 0 0 582.627 0.0 249.5 0.0 582.627 183.5 0.0 0.0 1.0 484.401 0.0 319.5 0.0 484.401 213.0 0.0 0.0 1.0 0.9976883271255427 -0.0048464497123150724 -0.06778284327632181 0.8377397258706085 -0.01144890249697302 0.9712084023183981 -0.2379562184473426 0.122277275026939 0.06698450976943254 0.23818218067548771 0.9689077996691008 3.367470472443237 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/26329012_3452802515.jpg sacre_coeur/test/images/56739575_3512017389.jpg 0 0 896.446 0.0 239.5 0.0 896.446 319.5 0.0 0.0 1.0 767.042 0.0 319.5 0.0 767.042 213.0 0.0 0.0 1.0 0.9776511925990793 -0.08902340300774002 -0.19045466475389702 3.7192732606098695 0.12675358962747593 0.9723452824001902 0.19615855655730177 -0.4796650989767217 0.1677249925507443 -0.215915459175614 0.9618985608487189 -1.297623639884887 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/10162786_7360656560.jpg sacre_coeur/test/images/18432192_5847633717.jpg 0 0 534.866 0.0 319.5 0.0 534.866 211.5 0.0 0.0 1.0 708.131 0.0 213.5 0.0 708.131 319.5 0.0 0.0 1.0 0.7876231639942275 0.23924896320450914 0.5678113112164019 -11.604853958150523 -0.28373123961791746 0.9588469743754205 -0.01044334218444531 4.805180866179019 -0.5469427165660057 -0.1528803889865176 0.8230924926511777 13.801319850322708 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/39890331_3228856431.jpg sacre_coeur/test/images/33672452_9565324953.jpg 0 0 853.952 0.0 295.0 0.0 853.952 319.5 0.0 0.0 1.0 493.101 0.0 212.5 0.0 493.101 319.5 0.0 0.0 1.0 0.9942965328441484 0.018476967366793134 0.10503811903795632 0.01641555761553426 0.003007621914538466 0.9796288428567594 -0.20079413450981481 -0.1742860766955997 -0.10660843767978509 0.1999648267072309 0.9739859901946344 5.138982744543274 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/32086795_402359870.jpg sacre_coeur/test/images/08619228_3960784810.jpg 0 0 689.084 0.0 239.5 0.0 689.084 319.5 0.0 0.0 1.0 484.401 0.0 319.5 0.0 484.401 213.0 0.0 0.0 1.0 0.9831785162907556 0.061309230409883626 0.17204994440817484 -1.5744161819972344 -0.06563458281073042 0.9976520044513388 0.019559640934515822 -0.28714589602066365 -0.17044678537176824 -0.03052304507701718 0.9848940232713654 -1.7737522079263917 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/31148870_2948239995.jpg sacre_coeur/test/images/73608962_13972912642.jpg 0 0 722.471 0.0 319.5 0.0 722.471 239.5 0.0 0.0 1.0 713.805 0.0 239.5 0.0 713.805 319.5 0.0 0.0 1.0 0.9939008709310196 -0.07307649738573578 -0.08258864505725258 3.0857119597337395 0.07251982318833963 0.9973195656137992 -0.009724160047774544 -0.38482314051126854 0.08307787916944107 0.0036755372036392487 0.9965362795297382 -0.7000128480102461 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/75519914_2079302390.jpg sacre_coeur/test/images/25122990_2171869199.jpg 0 0 569.028 0.0 187.0 0.0 569.028 249.5 0.0 0.0 1.0 611.269 0.0 239.5 0.0 611.269 319.5 0.0 0.0 1.0 0.9625097756538292 -0.060344979743261626 -0.26444926770668264 5.798768746884553 0.06699471949095141 0.9976219582757913 0.016190612289349388 -1.3492481097679228 0.26284337414350795 -0.033300327111916536 0.9642636822379526 -7.1779027001843625 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/38879018_753144146.jpg sacre_coeur/test/images/79081394_2124721534.jpg 0 0 1556.17 0.0 249.5 0.0 1556.17 187.0 0.0 0.0 1.0 1525.68 0.0 319.5 0.0 1525.68 239.5 0.0 0.0 1.0 0.9994522785172485 0.026862880464350397 0.019326888519326818 3.0177745847144184 -0.026926144216751668 0.9996328620797535 0.00302056416236932 0.0929764059650715 -0.019238651831642355 -0.003539308322020086 0.9998086554797886 0.2841878814219001 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/60643706_4839245857.jpg sacre_coeur/test/images/83916827_2652728872.jpg 0 0 417.17 0.0 319.5 0.0 417.17 213.0 0.0 0.0 1.0 690.499 0.0 239.5 0.0 690.499 319.5 0.0 0.0 1.0 0.8978740768238673 0.24636744202172506 0.3648632972489284 -7.200609622174708 -0.2762753979332137 0.9605698391056314 0.03126481564675941 -0.21430069435072052 -0.3427740460777805 -0.12887462012457465 0.9305360205941595 -1.3703040811001237 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/64837411_8951541213.jpg sacre_coeur/test/images/20864632_4515642500.jpg 0 0 1049.84 0.0 319.5 0.0 1049.84 212.0 0.0 0.0 1.0 707.548 0.0 319.5 0.0 707.548 239.5 0.0 0.0 1.0 0.9612607669879124 0.08507861689104323 0.26218193453729366 -10.445993579431306 -0.07993386181140558 0.9963411748416279 -0.03024633946644913 -3.514218571599618 -0.2637959734069604 0.008117404949344577 0.964544344315575 -31.623504793094025 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/77647660_7639153124.jpg sacre_coeur/test/images/04808852_3532579721.jpg 0 0 1863.9 0.0 305.5 0.0 1863.9 305.5 0.0 0.0 1.0 536.862 0.0 319.5 0.0 536.862 223.5 0.0 0.0 1.0 0.9919873395529067 0.03872376782278899 0.12025634275310773 -11.725923609206202 -0.06522427216422183 0.972177881128185 0.22497991413848478 -16.96902718574687 -0.10819848653005133 -0.23102085890827953 0.9669138794442281 -53.49296483303875 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/01012753_375984446.jpg sacre_coeur/test/images/70139640_13923464795.jpg 0 0 773.348 0.0 249.5 0.0 773.348 199.0 0.0 0.0 1.0 544.883 0.0 239.5 0.0 544.883 319.5 0.0 0.0 1.0 0.9790618357204921 -0.079622191158046 -0.18734521213741115 4.540337984636318 0.0766086335494982 0.9967893548968246 -0.023283024503934328 -2.385977045550817 0.18859755857724855 0.008443260008059181 0.9820181628967651 -14.865003931932517 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/90679226_9106466645.jpg sacre_coeur/test/images/07643413_4366433493.jpg 0 0 512.07 0.0 239.5 0.0 512.07 319.5 0.0 0.0 1.0 692.547 0.0 319.5 0.0 692.547 239.5 0.0 0.0 1.0 0.9725973469072268 -0.005236063044224186 0.23243705477573945 -4.126192383661401 -0.042523770365398256 0.9788757149984396 0.1999851582998207 -1.3714811357434382 -0.2285741230825004 -0.20438913432492045 0.9518292662168859 -4.935962573205033 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/13402995_4460408839.jpg sacre_coeur/test/images/14122634_883725893.jpg 0 0 702.935 0.0 239.5 0.0 702.935 319.5 0.0 0.0 1.0 479.75 0.0 319.5 0.0 479.75 239.5 0.0 0.0 1.0 0.9751041103038779 -0.08921695494173354 -0.2030081501304984 3.960807544772693 0.04286077667165559 0.9740581596767435 -0.2222018348039869 -0.5827083457315224 0.21756591619917115 0.20796883544916184 0.9536320231569064 -2.3143610922795306 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/57606942_9403768875.jpg sacre_coeur/test/images/25122990_2171869199.jpg 0 0 456.61 0.0 179.5 0.0 456.61 319.5 0.0 0.0 1.0 611.269 0.0 239.5 0.0 611.269 319.5 0.0 0.0 1.0 0.961453832351906 -0.028112932601708725 -0.2735254856066708 7.886713781337447 0.09584228044439998 0.9666383087311063 0.23753870710409064 0.13945245979390253 0.25772230313857253 -0.2545978065773502 0.9320725139982144 -3.748409752092395 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/32813607_2497921988.jpg sacre_coeur/test/images/62960466_112702816.jpg 0 0 769.873 0.0 319.5 0.0 769.873 212.5 0.0 0.0 1.0 562.98 0.0 187.0 0.0 562.98 249.5 0.0 0.0 1.0 0.9731426805561953 -0.08077300201545315 -0.21556680037824522 3.9316241628848063 0.062356446552377494 0.9939042139398981 -0.0909180239879504 0.04079131979526912 0.2215964730162986 0.07503422990825345 0.9722473283526224 -1.9335057646225269 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/70467218_7085137245.jpg sacre_coeur/test/images/20864632_4515642500.jpg 0 0 983.528 0.0 305.5 0.0 983.528 305.5 0.0 0.0 1.0 707.548 0.0 319.5 0.0 707.548 239.5 0.0 0.0 1.0 0.9583128375088551 0.1444665580889698 0.24650744219932322 -2.765979058930826 -0.0915780545665049 0.9725431262729873 -0.2139470202199095 -0.5496550552010989 -0.270647308110649 0.18245350403072672 0.9452305292781064 -2.2100185518688225 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/23735654_3093471146.jpg sacre_coeur/test/images/85360130_8421021553.jpg 0 0 662.801 0.0 239.5 0.0 662.801 319.5 0.0 0.0 1.0 1605.2 0.0 319.5 0.0 1605.2 213.0 0.0 0.0 1.0 0.9987967657167711 -0.016828845817192847 0.04606311693946463 1.3259837863546478 0.020362131438889885 0.9967965299897168 -0.07734378710488186 1.609852849468965 -0.044613948457663 0.07818866765024884 0.995939821401924 7.200704794233247 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/16385535_4660789205.jpg sacre_coeur/test/images/67770719_8270986474.jpg 0 0 669.771 0.0 239.5 0.0 669.771 319.5 0.0 0.0 1.0 499.694 0.0 212.5 0.0 499.694 319.5 0.0 0.0 1.0 0.9997421746541806 0.010615100230459371 0.020072465340038523 1.8935056651661397 -0.012279662241437896 0.9963299113465435 0.08471078828239488 1.4299105685867066 -0.0190995841045283 -0.08493543078883999 0.9962033820880896 -29.343996195420928 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/17616986_7085723791.jpg sacre_coeur/test/images/60535642_3153438485.jpg 0 0 511.96 0.0 319.5 0.0 511.96 212.0 0.0 0.0 1.0 722.898 0.0 319.5 0.0 722.898 239.5 0.0 0.0 1.0 0.805214291943706 0.2205109848456696 0.5504587628623864 -7.196107723600276 -0.19395585078350347 0.975165538620122 -0.10692661144249549 2.845708456847996 -0.5603669083702602 -0.020665861949600135 0.8279866243807544 10.936034876784866 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/25134250_4289943327.jpg sacre_coeur/test/images/30442266_2401730436.jpg 0 0 695.364 0.0 319.5 0.0 695.364 239.5 0.0 0.0 1.0 523.192 0.0 319.5 0.0 523.192 239.5 0.0 0.0 1.0 0.9661100168306062 0.1247432079744429 0.22598798075077117 -3.2034934082993365 -0.10209156398430895 0.9887484901003667 -0.1093331417616932 -0.6027057755380263 -0.237083841589434 0.08255637703103032 0.9679750496106325 -4.425645934150224 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/55640818_3363877988.jpg sacre_coeur/test/images/57933149_11837935973.jpg 0 0 534.551 0.0 249.5 0.0 534.551 187.0 0.0 0.0 1.0 522.366 0.0 239.5 0.0 522.366 319.5 0.0 0.0 1.0 0.9458292808956138 0.1510974620171749 0.2873613202441387 -5.19707924953349 -0.08532091970159425 0.9696716680304732 -0.2290353616371799 0.1811012150290992 -0.31325279258413663 0.19211041926706648 0.930035630901995 1.3033723826857637 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/57606942_9403768875.jpg sacre_coeur/test/images/42008365_12432214243.jpg 0 0 456.61 0.0 179.5 0.0 456.61 319.5 0.0 0.0 1.0 848.932 0.0 319.5 0.0 848.932 319.5 0.0 0.0 1.0 0.9998671429568761 -0.008505775956413289 -0.013904970716729383 2.6075039667482516 0.013861484541399965 0.89253156583111 0.45077185276076753 -1.8636563517831297 0.008576460899597805 -0.4509047080819249 0.8925308894083115 -5.034620858858971 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/71870353_3302102984.jpg sacre_coeur/test/images/35558294_6148191791.jpg 0 0 682.987 0.0 239.5 0.0 682.987 319.5 0.0 0.0 1.0 638.785 0.0 319.5 0.0 638.785 239.5 0.0 0.0 1.0 0.347465029924604 0.9372864760576356 0.02760642640678542 -0.7256589195556167 -0.9274622472801258 0.34786213559387347 -0.13713392902622024 2.4817560134414443 -0.13813700753090338 0.022045326478163405 0.9901677487834464 5.714362856465398 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/76465860_1236444051.jpg sacre_coeur/test/images/64966234_8900198268.jpg 0 0 690.247 0.0 239.5 0.0 690.247 319.5 0.0 0.0 1.0 578.134 0.0 239.5 0.0 578.134 319.5 0.0 0.0 1.0 0.6606492223892284 0.29906088123374475 0.6885529712899392 -10.729455885904496 -0.2912120042021501 0.9474919316224757 -0.13211588897205684 3.5249097748066123 -0.6919090789728625 -0.1132326314540377 0.7130499264489966 14.636716317095551 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/04808852_3532579721.jpg sacre_coeur/test/images/25811450_7943664752.jpg 0 0 536.862 0.0 319.5 0.0 536.862 223.5 0.0 0.0 1.0 535.838 0.0 213.0 0.0 535.838 319.5 0.0 0.0 1.0 0.9767216549432387 -0.09138491658186576 -0.19407113589162645 3.16167825853577 0.06967517083745108 0.9908144496368385 -0.1158969238574547 -0.16598529227298256 0.20287971641766628 0.09967709572501646 0.974117188665775 -0.14650088101757924 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/38714154_3919914519.jpg sacre_coeur/test/images/32072823_7643459828.jpg 0 0 1481.11 0.0 213.5 0.0 1481.11 319.5 0.0 0.0 1.0 483.073 0.0 239.5 0.0 483.073 319.5 0.0 0.0 1.0 0.824629520757551 -0.14427724645989937 -0.546964559774325 35.76034375680559 0.3018868744754437 0.9299643672540785 0.20983467458256058 -11.14856921533183 0.4783831816803549 -0.33815728853844157 0.8104314774820323 -34.21893053048582 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/68663909_1356782012.jpg sacre_coeur/test/images/72198457_1660226670.jpg 0 0 672.136 0.0 319.5 0.0 672.136 239.0 0.0 0.0 1.0 1443.11 0.0 187.0 0.0 1443.11 249.5 0.0 0.0 1.0 0.99921686168088 0.03075484235683409 0.02489584311123965 0.4149764686297068 -0.024129588991163402 0.9722683568407496 -0.23261987279960847 4.54849888146085 -0.031359627990948824 0.2318369728015676 0.9722490379395984 50.47211817877664 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/32903762_508473415.jpg sacre_coeur/test/images/21037086_3590495621.jpg 0 0 713.267 0.0 319.5 0.0 713.267 239.5 0.0 0.0 1.0 661.089 0.0 239.5 0.0 661.089 319.5 0.0 0.0 1.0 0.9666669588791006 0.06316293296773479 0.24812382898533625 -6.655739795648675 -0.05993894586906584 0.9979908159447491 -0.020534216762249476 -1.4095269161666897 -0.24892230390130998 0.004977468116150501 0.9685106666586676 -6.809769469018864 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/73413427_2624866230.jpg sacre_coeur/test/images/98073777_2853247623.jpg 0 0 1391.03 0.0 212.5 0.0 1391.03 319.5 0.0 0.0 1.0 712.676 0.0 239.5 0.0 712.676 319.5 0.0 0.0 1.0 0.9480725998970583 0.11721746841872079 0.29566604543291547 -9.184629363450174 -0.16043479703549118 0.9789264959219409 0.1263471071381169 -6.93816887577108 -0.2746252377779824 -0.16722135234322275 0.9468991488516032 -25.686069886766628 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/95398527_2664763907.jpg sacre_coeur/test/images/50742443_4801039009.jpg 0 0 829.676 0.0 319.5 0.0 829.676 213.0 0.0 0.0 1.0 900.02 0.0 319.5 0.0 900.02 194.0 0.0 0.0 1.0 0.984689786113672 -0.04797096045712757 -0.1675852382408184 -3.090859887396695 0.01218423477490021 0.9779778504467982 -0.2083527500620285 3.5772096829116817 0.17388953259572948 0.20312092700724044 0.9635892898249534 41.55853639894047 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/69212502_553330789.jpg sacre_coeur/test/images/44809085_2582173264.jpg 0 0 859.802 0.0 213.0 0.0 859.802 319.5 0.0 0.0 1.0 1129.38 0.0 213.0 0.0 1129.38 319.5 0.0 0.0 1.0 0.9952714543461456 -0.0315442834889934 -0.0918677872971486 2.895826765495768 0.019246765810997168 0.9910904644182686 -0.13179246315702883 0.19591215236126536 0.0952065867969478 0.12940111869047408 0.9870111733471557 25.262327727258068 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/68684534_2877733555.jpg sacre_coeur/test/images/96301971_7410171184.jpg 0 0 509.45 0.0 212.5 0.0 509.45 319.5 0.0 0.0 1.0 509.198 0.0 319.5 0.0 509.198 180.0 0.0 0.0 1.0 0.9880207787944765 0.026841101009951664 0.15196873351755516 -0.6441484104685864 -0.028535976289978605 0.9995524067224697 0.008982442457149159 2.6454086992557917 -0.1516596146887295 -0.013211415968464119 0.9883444843578447 14.01046340229514 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/46610337_112702846.jpg sacre_coeur/test/images/97202520_2635602680.jpg 0 0 566.385 0.0 187.0 0.0 566.385 249.5 0.0 0.0 1.0 677.356 0.0 319.5 0.0 677.356 239.5 0.0 0.0 1.0 0.7384863347141999 0.17204291336008468 0.6519502813888195 -3.5256489984758606 -0.3347874114102822 0.9328524779821028 0.13305503930273566 -1.2876243671094663 -0.5852822589158064 -0.316524075364299 0.7464966089093682 -1.594735680610027 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/72213636_3271218925.jpg sacre_coeur/test/images/27733835_2747519645.jpg 0 0 348.891 0.0 319.5 0.0 348.891 212.5 0.0 0.0 1.0 506.292 0.0 187.0 0.0 506.292 249.5 0.0 0.0 1.0 0.9845670051359112 -0.10119549446813907 -0.14278404776812972 2.3924455501408888 0.09101685530556514 0.9929360286362969 -0.07611816528440966 1.0929060934238657 0.14947824071746546 0.06194767901485678 0.9868225476835659 9.000037428116144 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/36799566_319205128.jpg sacre_coeur/test/images/04398000_3306414527.jpg 0 0 815.415 0.0 166.0 0.0 815.415 249.5 0.0 0.0 1.0 619.126 0.0 209.0 0.0 619.126 249.5 0.0 0.0 1.0 0.9969163296389676 -0.04898362175840268 -0.06130608859321619 2.8656649193541863 0.04772523585103194 0.9986220180902405 -0.021825829843079195 -0.14905739096174964 0.06229071810577329 0.018832678641271684 0.9978803518724386 -3.0961440869562313 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/52110624_7557803032.jpg sacre_coeur/test/images/64655298_3515609807.jpg 0 0 531.679 0.0 319.5 0.0 531.679 213.0 0.0 0.0 1.0 649.481 0.0 179.5 0.0 649.481 319.5 0.0 0.0 1.0 0.9940951246203241 -0.05133021465497812 0.09560382978508779 0.937130162529753 0.04894039031729043 0.9984318683560268 0.027177977236816392 1.4503713956694049 -0.09684896179977065 -0.022338605922651356 0.9950483733385725 1.8612424363869602 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/83804881_3941265613.jpg sacre_coeur/test/images/48445083_12204174934.jpg 0 0 1145.06 0.0 319.5 0.0 1145.06 239.5 0.0 0.0 1.0 1439.35 0.0 213.0 0.0 1439.35 319.5 0.0 0.0 1.0 0.9922450547955423 -0.06761583284616939 -0.10429693371480449 2.6646711590521153 0.032314924707657094 0.9505704243111811 -0.3088229493836227 2.9214228569226792 0.12002290146022093 0.30305769677304023 0.9453838033051393 44.46023738177766 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/28570538_3018664920.jpg sacre_coeur/test/images/49997128_3263255043.jpg 0 0 655.109 0.0 319.5 0.0 655.109 239.5 0.0 0.0 1.0 1444.69 0.0 213.0 0.0 1444.69 319.5 0.0 0.0 1.0 0.9978205555737445 -0.001686104451283359 -0.06596435345156791 -1.6734501700719102 0.0021197075022386484 0.9999766030689999 0.006503856908697722 6.236122610853274 0.06595184390605746 -0.006629507248900474 0.99780078368331 40.68791814763138 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/96789550_6435726869.jpg sacre_coeur/test/images/26122587_7769817838.jpg 0 0 924.329 0.0 317.5 0.0 924.329 319.5 0.0 0.0 1.0 535.329 0.0 239.5 0.0 535.329 319.5 0.0 0.0 1.0 0.9951237946921285 -0.03547301308027031 -0.09203422504995486 2.472243481605836 0.03786190600519717 0.9989864774891745 0.024341196918492885 0.06383750671361543 0.0910774906944212 -0.02770709542298154 0.9954582902121162 0.3864884773264077 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/20864632_4515642500.jpg sacre_coeur/test/images/24662873_8171467618.jpg 0 0 707.548 0.0 319.5 0.0 707.548 239.5 0.0 0.0 1.0 733.364 0.0 239.5 0.0 733.364 319.5 0.0 0.0 1.0 0.9510455765275322 -0.10098895208916919 -0.2920848214531963 2.624967470904415 0.10832511094541278 0.9940746944553038 0.009009560602958077 0.14652817028475446 0.2894442635570415 -0.0402086234472886 0.9563499803389951 0.14661265443421545 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/12872711_4632849327.jpg sacre_coeur/test/images/96482156_2206813531.jpg 0 0 670.919 0.0 239.5 0.0 670.919 319.5 0.0 0.0 1.0 889.73 0.0 239.5 0.0 889.73 319.5 0.0 0.0 1.0 0.6697913969948284 0.36293431697068823 0.6478102855595426 -11.405608124777308 -0.22204248402948518 0.9303894764670487 -0.29167200305375024 3.1608801661695725 -0.7085736516394976 0.05151799340416018 0.7037537044718679 16.73393667395558 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/04739785_8198592553.jpg sacre_coeur/test/images/66547540_2624484438.jpg 0 0 720.152 0.0 319.5 0.0 720.152 239.5 0.0 0.0 1.0 507.387 0.0 239.5 0.0 507.387 319.5 0.0 0.0 1.0 0.9990769077637877 -0.019066145435177363 0.03849434336876996 1.1722073443162562 0.022700257874943775 0.9950942555231209 -0.0962918528085147 -0.5737578926796199 -0.036469585486527706 0.09707679806797435 0.9946084981596077 -6.309383052318468 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/78937340_9546137587.jpg sacre_coeur/test/images/59066216_374458283.jpg 0 0 944.217 0.0 239.5 0.0 944.217 319.5 0.0 0.0 1.0 1271.07 0.0 249.5 0.0 1271.07 239.5 0.0 0.0 1.0 0.9998280750177436 0.005308901962598405 0.01776614663523518 -1.7902763983188728 -0.006195831496354478 0.9987176695746082 0.05024567793883128 -3.2601356509887127 -0.01747661518664129 -0.05034711550243457 0.9985788581189782 -12.28944897994375 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/64044824_2624053101.jpg sacre_coeur/test/images/31148870_2948239995.jpg 0 0 1359.6 0.0 212.5 0.0 1359.6 319.5 0.0 0.0 1.0 722.471 0.0 319.5 0.0 722.471 239.5 0.0 0.0 1.0 0.9959073879366886 0.05007494554888545 0.0752394476415013 -5.084877862864506 -0.06298731126128831 0.9815632115783565 0.1804612431965828 -8.365188102209519 -0.06481568693762056 -0.1844618158434389 0.980700140319428 -39.12667665862368 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/50742443_4801039009.jpg sacre_coeur/test/images/06423637_6065403341.jpg 0 0 900.02 0.0 319.5 0.0 900.02 194.0 0.0 0.0 1.0 1816.82 0.0 230.0 0.0 1816.82 319.5 0.0 0.0 1.0 0.9916066192894063 0.0009547242759326879 0.1292880546802013 -0.39347465284313576 0.0011591368855700611 0.999866901429109 -0.016273777319134854 0.8440335742930531 -0.1292863835951578 0.01628704786353945 0.9914735312093693 3.959329981511104 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/26329012_3452802515.jpg sacre_coeur/test/images/82675968_6187144108.jpg 0 0 896.446 0.0 239.5 0.0 896.446 319.5 0.0 0.0 1.0 712.807 0.0 319.5 0.0 712.807 239.5 0.0 0.0 1.0 0.9380592456948977 -0.16708024737017985 -0.3035276634922079 6.287891535835156 0.1454605580816922 0.9850150752716558 -0.09266351779496218 1.9626010111639107 0.3144615677771802 0.04277256628136936 0.9483060845343259 5.3243632817993305 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/44748036_142906563.jpg sacre_coeur/test/images/63360516_5790897098.jpg 0 0 516.863 0.0 187.0 0.0 516.863 249.5 0.0 0.0 1.0 516.78 0.0 319.5 0.0 516.78 239.5 0.0 0.0 1.0 0.8277401062516646 0.17504225513611807 0.5331102375863224 -8.640686407845806 -0.18548729153450502 0.9820427248981795 -0.03444635182065427 0.654877568840718 -0.5295665974942873 -0.07037254714319284 0.8453442632601835 7.317898746385629 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/64837411_8951541213.jpg sacre_coeur/test/images/93650031_6280047097.jpg 0 0 1049.84 0.0 319.5 0.0 1049.84 212.0 0.0 0.0 1.0 536.98 0.0 319.5 0.0 536.98 195.0 0.0 0.0 1.0 0.9996005562697813 -0.018799406587200033 0.021102374679481284 -0.38187643635885554 0.015903124112385394 0.9914009288370477 0.12988952592301248 -7.528514634835987 -0.02336275986715052 -0.1295020486826676 0.9913038892480862 -29.839724433369618 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/70724808_2779990339.jpg sacre_coeur/test/images/63170630_8128095778.jpg 0 0 1030.95 0.0 249.5 0.0 1030.95 165.5 0.0 0.0 1.0 1392.01 0.0 212.0 0.0 1392.01 319.5 0.0 0.0 1.0 0.9864811536640019 -0.046441449023202484 -0.15715637205778565 2.383706561866899 0.04861838390341848 0.9987670241118806 0.010034156333134458 0.9008158863024693 0.156496601280538 -0.017539194945129306 0.9875227543850912 4.37687844097162 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/88496846_9311240752.jpg sacre_coeur/test/images/82864141_2050910556.jpg 0 0 586.712 0.0 319.5 0.0 586.712 239.5 0.0 0.0 1.0 520.268 0.0 319.5 0.0 520.268 239.5 0.0 0.0 1.0 0.9792552094954889 -0.06284303981213418 -0.19263952611838658 4.492885867350273 0.07886486175852253 0.9939336806459045 0.07665619386256216 -2.7464928603875514 0.1866536049899791 -0.09025846677656396 0.978270842312797 -8.328333691547131 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/40430408_7756569670.jpg sacre_coeur/test/images/04543624_3663972093.jpg 0 0 517.998 0.0 319.5 0.0 517.998 201.0 0.0 0.0 1.0 433.924 0.0 319.5 0.0 433.924 212.5 0.0 0.0 1.0 0.9444191921913844 -0.16858842190431833 -0.2822239065359003 2.9295256321445926 0.1388819111979882 0.9827289839890925 -0.12229292199371218 1.7343630879528427 0.29796678365644574 0.07629998707455736 0.951521995441963 2.542046708063219 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/57007030_768923483.jpg sacre_coeur/test/images/62327360_2404846280.jpg 0 0 515.756 0.0 319.5 0.0 515.756 239.5 0.0 0.0 1.0 1508.2 0.0 319.5 0.0 1508.2 213.0 0.0 0.0 1.0 0.999310552964139 -0.032612186804337966 -0.017744407748527424 -0.13790370310192057 0.03222487312504858 0.9992452173409231 -0.021692237629283295 3.9209881303114233 0.018438445883033505 0.021105470691973084 0.9996072142698295 35.39463174210798 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/06708261_13898670284.jpg sacre_coeur/test/images/28570538_3018664920.jpg 0 0 903.681 0.0 195.0 0.0 903.681 319.5 0.0 0.0 1.0 655.109 0.0 319.5 0.0 655.109 239.5 0.0 0.0 1.0 0.9999080779512878 -0.004341742847135987 -0.012844645452904502 0.8850244392219836 0.005806021447202361 0.9932023916138079 0.11625531991081868 -4.360361537938553 0.012252581879591861 -0.11631920977061998 0.9931363026672735 -35.034341585579526 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/70724808_2779990339.jpg sacre_coeur/test/images/84259836_1237320024.jpg 0 0 1030.95 0.0 249.5 0.0 1030.95 165.5 0.0 0.0 1.0 693.174 0.0 239.5 0.0 693.174 319.5 0.0 0.0 1.0 0.7085126366485718 -0.23225512613531119 -0.6663838234029689 12.266768543942813 0.2234027409817202 0.9695428092412941 -0.10038902514893518 0.7499589529108428 0.669403509873636 -0.07774507979524999 0.7388197639048966 -0.998737523500469 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/64951325_3689575044.jpg sacre_coeur/test/images/71870353_3302102984.jpg 0 0 782.711 0.0 212.5 0.0 782.711 319.5 0.0 0.0 1.0 682.987 0.0 239.5 0.0 682.987 319.5 0.0 0.0 1.0 0.9996427521397901 -0.008414549199529464 -0.02536855250412722 0.29936135228038924 0.0025977248909274608 0.9752436444297455 -0.2211178098317252 0.06796752442024467 0.026601126287753636 0.22097291544702188 0.9749170994084913 -3.6521659950783256 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/99818215_2123948121.jpg sacre_coeur/test/images/06632036_566711823.jpg 0 0 944.024 0.0 319.5 0.0 944.024 239.5 0.0 0.0 1.0 498.319 0.0 319.5 0.0 498.319 212.5 0.0 0.0 1.0 0.9887243668243667 -0.07550750583712885 -0.12931644524193792 3.173169116037382 0.06283944018748824 0.9930623405675372 -0.09939010264330993 -0.42696794847762276 0.1359239905413252 0.09014324327857613 0.9866097832915205 -4.72963964431997 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/14702458_3061790008.jpg sacre_coeur/test/images/85360130_8421021553.jpg 0 0 810.323 0.0 319.5 0.0 810.323 212.5 0.0 0.0 1.0 1605.2 0.0 319.5 0.0 1605.2 213.0 0.0 0.0 1.0 0.9800364075693889 0.053316588026166095 0.1915358485499107 -3.008388404018733 -0.04682098792600348 0.9981693985860219 -0.03828376700446225 -1.656173458948778 -0.1932263825881944 0.02855158783092449 0.9807386868601716 -5.388327939990388 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/43759956_9209511641.jpg sacre_coeur/test/images/26986576_7149171553.jpg 0 0 634.092 0.0 319.5 0.0 634.092 213.0 0.0 0.0 1.0 887.819 0.0 319.5 0.0 887.819 216.0 0.0 0.0 1.0 0.8998733254969308 0.30811057696171273 0.3087002922308555 -4.868542950740509 -0.3242959277352938 0.9459549362766807 0.001187344973449754 3.7573462205889863 -0.2916507317210095 -0.10117870773093186 0.951158619678389 7.299373278604012 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/73413427_2624866230.jpg sacre_coeur/test/images/91139284_7856526282.jpg 0 0 1391.03 0.0 212.5 0.0 1391.03 319.5 0.0 0.0 1.0 1076.35 0.0 319.5 0.0 1076.35 239.5 0.0 0.0 1.0 0.9953679512584804 -0.03605744931518455 -0.08912071564108158 4.316972991786511 0.031848567108935535 0.9983295191913577 -0.048206222464120006 2.0465304848243266 0.0907100346191272 0.04514456179913035 0.9948535862926572 12.72132109635858 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/28570538_3018664920.jpg sacre_coeur/test/images/22199037_8161715444.jpg 0 0 655.109 0.0 319.5 0.0 655.109 239.5 0.0 0.0 1.0 593.177 0.0 319.5 0.0 593.177 212.0 0.0 0.0 1.0 0.9988076897916842 0.03817587237705068 0.03042698771239597 -0.6360076224149661 -0.04144195348645143 0.9924834510323622 0.11514844296871685 -1.4394644788948634 -0.025802389506128218 -0.11627210411420345 0.992882185609466 -5.683699721096305 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/63516274_5829260794.jpg sacre_coeur/test/images/77299481_4479618965.jpg 0 0 522.011 0.0 319.5 0.0 522.011 213.0 0.0 0.0 1.0 696.583 0.0 239.5 0.0 696.583 319.5 0.0 0.0 1.0 0.9677881710632962 0.11218957868730263 0.22538756483871505 -0.7867273638488426 -0.08359436045046699 0.9876300003668479 -0.1326610917950604 0.08234103508290062 -0.23748271274102853 0.109546706063421 0.9651950478218466 0.32018645173442195 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/40133282_13969857252.jpg sacre_coeur/test/images/76610569_4643204754.jpg 0 0 1447.89 0.0 213.0 0.0 1447.89 319.5 0.0 0.0 1.0 503.401 0.0 212.5 0.0 503.401 319.5 0.0 0.0 1.0 0.7896068351862234 -0.1602086404781184 -0.592329500652592 33.056168004988066 0.13258957949719455 0.9870562044903362 -0.09022223997379508 1.4044947823841303 0.5991168911288958 -0.007296622046190006 0.8006283220513509 -27.424692252899597 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/09499608_2586864847.jpg sacre_coeur/test/images/52649350_2359344244.jpg 0 0 691.586 0.0 319.5 0.0 691.586 213.0 0.0 0.0 1.0 869.111 0.0 319.5 0.0 869.111 212.5 0.0 0.0 1.0 0.9988192678853023 0.0172522982612123 -0.04541396597716628 -1.3070937217952587 -0.015988406131571237 0.9994787009295288 0.028048123958537754 0.34723451458787213 0.04587418631911612 -0.027288909705734617 0.9985744210806883 1.8988795396995002 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/93650031_6280047097.jpg sacre_coeur/test/images/79241502_2244390302.jpg 0 0 536.98 0.0 319.5 0.0 536.98 195.0 0.0 0.0 1.0 614.197 0.0 212.5 0.0 614.197 319.5 0.0 0.0 1.0 0.9995236707775108 0.003956303439267978 -0.03060684920971513 0.5384599083798294 -0.00959740210590387 0.9824211227035031 -0.18643129441916792 -0.16678728193030612 0.02933123639172742 0.18663623798471007 0.9819911370489283 -0.8437561379199643 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/73413427_2624866230.jpg sacre_coeur/test/images/84979436_3867757669.jpg 0 0 1391.03 0.0 212.5 0.0 1391.03 319.5 0.0 0.0 1.0 527.25 0.0 239.5 0.0 527.25 319.5 0.0 0.0 1.0 0.9940108727773203 -0.025665867540843622 -0.10622451715044855 5.889821244721261 0.01042491755381139 0.9898664913407176 -0.1416179734878777 0.49447527704700367 0.10878283823501897 0.13966242359415384 0.9842056195436709 -20.250166426344336 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/92863105_622062757.jpg sacre_coeur/test/images/07643413_4366433493.jpg 0 0 1225.4 0.0 239.0 0.0 1225.4 319.5 0.0 0.0 1.0 692.547 0.0 319.5 0.0 692.547 239.5 0.0 0.0 1.0 0.9956438377157832 -0.015431033245840366 0.0919523334752992 -4.135521377275138 -0.008614650802545547 0.9667663451627255 0.25551638235591784 -13.027170158972346 -0.09283930315409017 -0.25519544877146844 0.9624220211093424 -36.587714565352194 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/77706306_5103474140.jpg sacre_coeur/test/images/86255041_34613076.jpg 0 0 505.257 0.0 319.5 0.0 505.257 214.0 0.0 0.0 1.0 943.253 0.0 319.5 0.0 943.253 283.5 0.0 0.0 1.0 0.9681158463422395 -0.12862854241531646 -0.21495675410919518 2.6521431471040056 0.1027051377358465 0.9864756896020945 -0.1277394555598737 2.6795563275774525 0.22848055222208874 0.1015894280926086 0.9682335593007021 11.830963894095103 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/60635619_2829148962.jpg sacre_coeur/test/images/19504977_367623688.jpg 0 0 530.154 0.0 249.5 0.0 530.154 187.0 0.0 0.0 1.0 495.415 0.0 319.5 0.0 495.415 212.5 0.0 0.0 1.0 0.9888905527544959 -0.1417243916180372 -0.044829359725572754 1.1029894765336357 0.1419843526004183 0.9898653476988143 0.002652742306682597 -2.2033224873102815 0.04399907146233519 -0.0089883394240973 0.998991136829977 -3.5851696853400066 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/82371655_10651730374.jpg sacre_coeur/test/images/72213636_3271218925.jpg 0 0 462.804 0.0 319.5 0.0 462.804 239.5 0.0 0.0 1.0 348.891 0.0 319.5 0.0 348.891 212.5 0.0 0.0 1.0 0.9822321576351306 0.11202106563242951 0.15056981557407575 -2.542809183861884 -0.08659897645889303 0.9823307073439638 -0.16591262364684647 0.7720394254602937 -0.166495062340324 0.14992552238922813 0.9745777198113083 1.7670381442540055 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/93650031_6280047097.jpg sacre_coeur/test/images/27614460_8959698816.jpg 0 0 536.98 0.0 319.5 0.0 536.98 195.0 0.0 0.0 1.0 807.303 0.0 319.5 0.0 807.303 319.5 0.0 0.0 1.0 0.9874152546028806 -0.043338772312139597 -0.15209492362339028 2.4277131028085623 0.02260875472084778 0.9905238555726225 -0.1354671021005457 -1.1634041362451746 0.15652462805418493 0.13032360628843753 0.9790382007135754 -4.243391674186724 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/15556549_5221678700.jpg sacre_coeur/test/images/60635619_2829148962.jpg 0 0 1213.47 0.0 319.5 0.0 1213.47 213.0 0.0 0.0 1.0 530.154 0.0 249.5 0.0 530.154 187.0 0.0 0.0 1.0 0.7580906075340005 -0.28571124501912637 -0.5862317930975347 25.877671040948265 0.36490881466926867 0.930865162991913 0.01821003307817923 -2.6322638653193 0.5404999424101721 -0.22772600378011243 0.8099386887023861 -18.192033087353458 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/26161317_4040935017.jpg sacre_coeur/test/images/08081221_11367454663.jpg 0 0 576.672 0.0 319.5 0.0 576.672 312.5 0.0 0.0 1.0 670.286 0.0 212.5 0.0 670.286 319.5 0.0 0.0 1.0 0.9597975697044453 0.07673798299696176 0.2699998280647576 -3.6054292923007276 -0.09317962595726444 0.9944627339254699 0.04859452788066202 2.627171206932709 -0.26477572112243397 -0.07179939274839416 0.9616333317356761 8.368917351147704 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/67770719_8270986474.jpg sacre_coeur/test/images/61084833_3699152935.jpg 0 0 499.694 0.0 212.5 0.0 499.694 319.5 0.0 0.0 1.0 1839.79 0.0 239.5 0.0 1839.79 319.5 0.0 0.0 1.0 0.9991636353956104 -0.010757915862643887 0.039449929649110274 -0.3283705669740365 0.0072159832131830585 0.9960188501228971 0.08885032237492972 3.5709290824874524 -0.040248717859014294 -0.08849134108009746 0.9952634441516232 41.90984417839859 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/88074069_5867013385.jpg sacre_coeur/test/images/73088789_3818781918.jpg 0 0 1107.69 0.0 319.5 0.0 1107.69 239.5 0.0 0.0 1.0 512.969 0.0 319.5 0.0 512.969 239.5 0.0 0.0 1.0 0.8286600086015863 -0.20044734736011108 -0.5226312764088212 25.909248309668392 0.30419125944675934 0.9450409299021683 0.11985540657742269 -6.178013852231808 0.4698832491381376 -0.2582992484424605 0.8440919561478162 -27.385340597401033 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/12289579_3098252990.jpg sacre_coeur/test/images/70185138_6825344581.jpg 0 0 989.015 0.0 239.5 0.0 989.015 319.5 0.0 0.0 1.0 2115.3 0.0 319.5 0.0 2115.3 319.5 0.0 0.0 1.0 0.9972739058353196 0.050013709154119144 0.05425297813588637 -2.5046165605134894 -0.03914933947430036 0.981863720312132 -0.18550192439310523 6.636014056887481 -0.06254667024464032 0.18287226042094662 0.9811450710317214 48.27247686420419 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/07643413_4366433493.jpg sacre_coeur/test/images/18185624_5817353047.jpg 0 0 692.547 0.0 319.5 0.0 692.547 239.5 0.0 0.0 1.0 534.387 0.0 212.0 0.0 534.387 319.5 0.0 0.0 1.0 0.9512928611374698 -0.15622577518750863 -0.265773210681492 2.579632847139736 -0.024157149658313268 0.8216669569874985 -0.5694557435967175 0.05891004588216441 0.30734073024783515 0.54813950684289 0.7778719409830649 -0.08343999295654186 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/59914221_4605768617.jpg sacre_coeur/test/images/67770719_8270986474.jpg 3 0 658.209 0.0 319.5 0.0 658.209 239.5 0.0 0.0 1.0 499.694 0.0 212.5 0.0 499.694 319.5 0.0 0.0 1.0 -0.03594599089184291 -0.9955954902187921 -0.08658813772571583 1.9372508981052627 0.9859360557937884 -0.02117954096827427 -0.16577551366279009 0.6442706684394818 0.16321145678104929 -0.09132933209203484 0.9823548103791373 2.5899134820750938 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/63858075_3812078922.jpg sacre_coeur/test/images/57164580_3093476792.jpg 0 0 537.525 0.0 249.5 0.0 537.525 187.0 0.0 0.0 1.0 647.246 0.0 319.5 0.0 647.246 239.5 0.0 0.0 1.0 0.9998363423306342 -0.005996079821164352 -0.017068555348280678 1.2148662000289225 0.0043587478259150166 0.9955251290324 -0.09439660365931547 0.9862314043683307 0.017558185335881805 0.09430675740264877 0.9953883391098716 4.996246526158712 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/57933149_11837935973.jpg sacre_coeur/test/images/79142222_31041441.jpg 0 0 522.366 0.0 239.5 0.0 522.366 319.5 0.0 0.0 1.0 495.471 0.0 212.5 0.0 495.471 319.5 0.0 0.0 1.0 0.9992273609284462 -0.015695771604201585 -0.03603226228980572 -0.10951689747615584 0.0247167588462928 0.9637626425097932 0.26561372467301936 -0.7230500638156836 0.03055753596262012 -0.2662991018690996 0.9634059504381339 -1.2302403801545938 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/34366638_4030867612.jpg sacre_coeur/test/images/43279207_5330361477.jpg 0 0 648.225 0.0 239.5 0.0 648.225 319.5 0.0 0.0 1.0 429.857 0.0 319.5 0.0 429.857 212.5 0.0 0.0 1.0 0.8629681037076871 0.16726800104363201 0.47676772941341844 0.004799059360790281 -0.2002526596086634 0.9795639505427264 0.018797316744256748 -0.7785744056718102 -0.46388029091869787 -0.11169549061620465 0.878828306936679 -1.577749993413553 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/26329012_3452802515.jpg sacre_coeur/test/images/04388678_7557805274.jpg 0 0 896.446 0.0 239.5 0.0 896.446 319.5 0.0 0.0 1.0 528.283 0.0 213.0 0.0 528.283 319.5 0.0 0.0 1.0 0.9937657457438367 -0.06922164279842105 -0.08739569070888774 0.8988739637062406 0.05358697869068064 0.9839808536108968 -0.1700297486970308 -0.09491358157585142 0.09776542487505646 0.16428646899686755 0.9815558454838629 1.5193439854822905 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/62933368_3252099162.jpg sacre_coeur/test/images/11173357_5349727279.jpg 0 0 439.426 0.0 319.5 0.0 439.426 213.0 0.0 0.0 1.0 530.786 0.0 319.5 0.0 530.786 213.0 0.0 0.0 1.0 0.9943985905006053 0.053286500484268175 0.09127974625594391 -0.6423232602467994 -0.0611435702336459 0.9944549506350177 0.08556176118213031 -0.3665628335344999 -0.08621430872826524 -0.0906636642963695 0.9921427281126757 -0.8806180239774313 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/99543611_6046123347.jpg sacre_coeur/test/images/09906423_9611413320.jpg 0 0 803.204 0.0 213.0 0.0 803.204 319.5 0.0 0.0 1.0 1488.12 0.0 239.5 0.0 1488.12 319.5 0.0 0.0 1.0 0.9969089707479016 -0.017124977468450833 -0.07667619701748964 1.126389370468476 0.007001991589676715 0.9914377286072925 -0.1303924936788577 4.00790373363279 0.0782526431255707 0.12945256057999746 0.9884930745347406 41.553577987031076 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/32903762_508473415.jpg sacre_coeur/test/images/43274786_5333458956.jpg 0 0 713.267 0.0 319.5 0.0 713.267 239.5 0.0 0.0 1.0 502.299 0.0 319.5 0.0 502.299 239.5 0.0 0.0 1.0 0.9506844252673463 0.09714535048497457 0.29455373776824884 -4.926367544390738 -0.13825344541021817 0.9828451453088582 0.12207131184276165 -2.0574066814604466 -0.2776420508249761 -0.1567743640457852 0.9478062515048847 -4.66013222723694 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/64272078_4462759761.jpg sacre_coeur/test/images/45575968_5097432755.jpg 0 0 1069.29 0.0 319.5 0.0 1069.29 231.5 0.0 0.0 1.0 588.085 0.0 319.5 0.0 588.085 179.5 0.0 0.0 1.0 0.9341019422287783 -0.11389337091941452 -0.3383516832897934 8.70745984946322 0.15568315133722047 0.9828369564454699 0.09896602161710663 -5.9587008409453635 0.32127296480428613 -0.1451200093220028 0.9358011888110882 -34.662705153816255 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/95898988_2340390005.jpg sacre_coeur/test/images/32813607_2497921988.jpg 0 0 727.689 0.0 319.5 0.0 727.689 239.5 0.0 0.0 1.0 769.873 0.0 319.5 0.0 769.873 212.5 0.0 0.0 1.0 0.87505749153666 0.16173407166096046 0.4561978480544767 -6.827226264734865 -0.19953619579506066 0.9792445306457258 0.03557324511578198 0.31149596057457435 -0.44097584182492744 -0.12215661776751832 0.8891670639775167 2.562768890123274 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/59340498_8155265289.jpg sacre_coeur/test/images/95398527_2664763907.jpg 0 0 709.882 0.0 319.5 0.0 709.882 239.5 0.0 0.0 1.0 829.676 0.0 319.5 0.0 829.676 213.0 0.0 0.0 1.0 0.995192148340403 0.02783198030036235 0.0939040401376507 -2.009627524757402 -0.03873229147744171 0.9924548174966391 0.11633247536530336 2.527882524685087 -0.0899577538543497 -0.11941028473407418 0.9887612383286511 8.08064632980592 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/49028473_4605994993.jpg sacre_coeur/test/images/87252152_3382721265.jpg 0 0 619.868 0.0 319.5 0.0 619.868 239.5 0.0 0.0 1.0 1262.46 0.0 239.5 0.0 1262.46 319.5 0.0 0.0 1.0 0.9922651342384414 -0.08320633635106578 -0.09212279286800373 1.2983063112846942 0.07300061717590786 0.991346875019263 -0.10909758604789584 3.918371890527213 0.1004032532675329 0.10152871012957265 0.9897530539244225 33.09552973189454 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/30442266_2401730436.jpg sacre_coeur/test/images/28574044_3399035477.jpg 0 0 523.192 0.0 319.5 0.0 523.192 239.5 0.0 0.0 1.0 838.765 0.0 213.0 0.0 838.765 319.5 0.0 0.0 1.0 0.9842108186778439 -0.023975761045387765 -0.17536883212185372 0.7431053322263796 0.013547744326089125 0.9980810546305701 -0.06042074983980239 1.6522611124393674 0.1764809423738534 0.05709090356460938 0.9826469893654655 8.203659552151839 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/70860676_2671019430.jpg sacre_coeur/test/images/72776302_21108497.jpg 0 0 722.064 0.0 319.5 0.0 722.064 239.5 0.0 0.0 1.0 565.519 0.0 187.0 0.0 565.519 249.5 0.0 0.0 1.0 0.989970864915248 -0.049183239079416935 -0.1324337404614573 0.6076284787973546 0.027179779849059362 0.9862361437908613 -0.1630936180476974 2.2651312504699845 0.13863241390927444 0.15785841021050623 0.9776818378897602 9.498154668317186 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/62933368_3252099162.jpg sacre_coeur/test/images/59358073_3809805538.jpg 0 0 439.426 0.0 319.5 0.0 439.426 213.0 0.0 0.0 1.0 1733.74 0.0 319.5 0.0 1733.74 239.5 0.0 0.0 1.0 0.744164981514496 0.2271437783185827 0.6281912003989615 -11.096891522853795 -0.17449689041910268 0.9738602272277415 -0.14542040110656906 5.980599183200957 -0.6448017645149502 -0.0014006409569616203 0.7643485609872739 49.57116865985153 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/99818215_2123948121.jpg sacre_coeur/test/images/64837411_8951541213.jpg 0 0 944.024 0.0 319.5 0.0 944.024 239.5 0.0 0.0 1.0 1049.84 0.0 319.5 0.0 1049.84 212.0 0.0 0.0 1.0 0.998277420921159 -0.011618181697766785 -0.057508336204735076 1.2640558319720112 0.0069389692752308205 0.9966975433395566 -0.08090647567586981 2.9360685956059243 0.05825840355173292 0.08036805929553353 0.9950612712093023 25.854463729819408 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/99543611_6046123347.jpg sacre_coeur/test/images/34297653_2634761938.jpg 0 0 803.204 0.0 213.0 0.0 803.204 319.5 0.0 0.0 1.0 648.902 0.0 239.0 0.0 648.902 319.5 0.0 0.0 1.0 0.999606608984692 0.0053840133149529856 -0.027525255216796062 -0.10209876355511138 -0.006555728738308117 0.9990682546400974 -0.04265729704399078 0.19144534293264903 0.0272699412327029 0.04282096415325041 0.9987105262958587 0.050963502397022964 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/79893810_6766787721.jpg sacre_coeur/test/images/96482156_2206813531.jpg 0 0 1017.45 0.0 212.0 0.0 1017.45 319.5 0.0 0.0 1.0 889.73 0.0 239.5 0.0 889.73 319.5 0.0 0.0 1.0 0.9991167460663264 0.014472776007365882 0.03944954352684477 -1.1567427718408143 -0.011799072265765792 0.9976707707383246 -0.06718493215048092 1.0782460029634635 -0.0403300089697863 0.06666012277995065 0.9969603394355561 5.853507550393019 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/06423637_6065403341.jpg sacre_coeur/test/images/34366638_4030867612.jpg 0 0 1816.82 0.0 230.0 0.0 1816.82 319.5 0.0 0.0 1.0 648.225 0.0 239.5 0.0 648.225 319.5 0.0 0.0 1.0 0.9913903802755736 -0.008358034732600893 -0.1306723274165677 6.257570216001218 0.016844621588870966 0.9978092760139327 0.06397583468841775 -6.8010980406688795 0.129851348166208 -0.06562615298766682 0.9893593055222444 -45.199640839990344 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/04808852_3532579721.jpg sacre_coeur/test/images/35558294_6148191791.jpg 0 0 536.862 0.0 319.5 0.0 536.862 223.5 0.0 0.0 1.0 638.785 0.0 319.5 0.0 638.785 239.5 0.0 0.0 1.0 0.36633848097950517 0.8656070357145804 -0.34135110527878154 0.7835779311753261 -0.9216968392791509 0.3878706560422719 -0.005593804086719761 -2.4503566343419543 0.12755804097136197 0.3166714605119235 0.9399192158269739 14.391971536592918 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/70970334_5790897082.jpg sacre_coeur/test/images/82675968_6187144108.jpg 0 0 633.07 0.0 319.5 0.0 633.07 239.5 0.0 0.0 1.0 712.807 0.0 319.5 0.0 712.807 239.5 0.0 0.0 1.0 0.9578885718352379 -0.10822869398261706 -0.2659624667998573 5.471704494421471 0.0954096170588399 0.9935859597445937 -0.060695515247011125 0.3330721263310521 0.2708255691771619 0.03276416330736456 0.962070694222953 -0.08038621658130651 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/41560346_5689316901.jpg sacre_coeur/test/images/48360689_7391063350.jpg 0 0 771.673 0.0 299.5 0.0 771.673 299.5 0.0 0.0 1.0 1914.59 0.0 212.0 0.0 1914.59 319.5 0.0 0.0 1.0 0.9792927467857041 0.10653848437030891 0.17214896874796698 -3.595775947477162 -0.04142700141683746 0.9377936338300847 -0.3447127846503145 5.047789027354603 -0.19816538458197086 0.3304431141601263 0.9227880735345667 55.22359920187818 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/92912238_291183223.jpg sacre_coeur/test/images/52110624_7557803032.jpg 0 0 1859.84 0.0 239.5 0.0 1859.84 319.5 0.0 0.0 1.0 531.679 0.0 319.5 0.0 531.679 213.0 0.0 0.0 1.0 0.9974505542369609 0.015130415451311356 -0.0697385286670861 2.4044716467417997 -0.003450995168812203 0.986347914316735 0.16463864235158085 -11.360960012953562 0.07127750335641748 -0.163978237736895 0.9838854887963224 -42.721969360841285 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/59996089_2005549974.jpg sacre_coeur/test/images/76502707_7996819470.jpg 0 0 497.691 0.0 319.5 0.0 497.691 213.5 0.0 0.0 1.0 1439.15 0.0 319.5 0.0 1439.15 239.5 0.0 0.0 1.0 0.9999220959867914 0.010796925558336789 0.006263254415219976 1.8063589734107741 -0.009382731377662948 0.9810920074643246 -0.1933143482556749 5.035224650099541 -0.008232029474962876 0.19324052185840704 0.9811168811118345 47.571983408982774 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/47058715_3625029597.jpg sacre_coeur/test/images/90679226_9106466645.jpg 0 0 679.749 0.0 319.5 0.0 679.749 239.5 0.0 0.0 1.0 512.07 0.0 239.5 0.0 512.07 319.5 0.0 0.0 1.0 0.9064964628735838 -0.05423543148312231 -0.4187155129315384 3.810451408913708 0.09705368074375798 0.9919256625178139 0.08163371296642594 -1.3578978213552475 0.41090722292479903 -0.1146385537698188 0.904440852758097 -2.5161999587901995 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/73479674_2286585340.jpg sacre_coeur/test/images/76465860_1236444051.jpg 0 0 510.127 0.0 249.5 0.0 510.127 187.0 0.0 0.0 1.0 690.247 0.0 239.5 0.0 690.247 319.5 0.0 0.0 1.0 0.658394020501215 -0.3931291075673111 -0.6418464135224059 6.613880314432416 0.30330729161372344 0.9190287066894719 -0.2517755411763117 3.51462974768334 0.688855573122693 -0.028909186498521856 0.7243219300240743 7.725630178496811 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/38714154_3919914519.jpg sacre_coeur/test/images/95271137_4372074334.jpg 0 0 1481.11 0.0 213.5 0.0 1481.11 319.5 0.0 0.0 1.0 1503.0 0.0 239.5 0.0 1503.0 319.5 0.0 0.0 1.0 0.9977975152875855 0.01096073892291482 -0.06542156134016193 3.97827532674864 -0.008602705793774207 0.9993069148840209 0.03621716882924137 -0.908787319516783 0.06577318556179737 -0.035574598623789255 0.9972002486932149 -6.420555333075853 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/03257649_3859474410.jpg sacre_coeur/test/images/13402995_4460408839.jpg 0 0 1327.45 0.0 239.5 0.0 1327.45 319.5 0.0 0.0 1.0 702.935 0.0 239.5 0.0 702.935 319.5 0.0 0.0 1.0 0.9880821667401829 0.02181041120396899 0.1523743342336213 -9.782380522421512 -0.03938570245837909 0.9927803597213489 0.11329573598952816 -7.5699680390787325 -0.14880321976316774 -0.11794686648937562 0.981807587296743 -38.75522204990746 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/35996631_900261655.jpg sacre_coeur/test/images/51093888_43012197.jpg 0 0 896.808 0.0 319.5 0.0 896.808 204.0 0.0 0.0 1.0 1767.41 0.0 319.5 0.0 1767.41 239.5 0.0 0.0 1.0 0.999128627647738 -0.008522987367367138 0.040857607628004375 -0.6778903232495861 0.006221893398163986 0.9984046586306202 0.05611974400526527 -0.04681873939521086 -0.041270733665518304 -0.05581663113275764 0.9975877055335535 0.43836913274505207 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/94345410_6525608719.jpg sacre_coeur/test/images/55185330_108661534.jpg 0 0 1400.71 0.0 319.5 0.0 1400.71 211.5 0.0 0.0 1.0 674.5 0.0 319.5 0.0 674.5 239.5 0.0 0.0 1.0 0.9891429995183931 -0.05057767736552007 -0.13797834995413358 4.849047797115209 0.07832627301456385 0.9758768020802874 0.20378778696771632 -14.706107848999375 0.1243427579692682 -0.21238259277506877 0.9692432681358872 -43.27501277278417 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/85019556_13753237.jpg sacre_coeur/test/images/14702458_3061790008.jpg 0 0 1875.74 0.0 239.5 0.0 1875.74 319.5 0.0 0.0 1.0 810.323 0.0 319.5 0.0 810.323 212.5 0.0 0.0 1.0 0.9942208759916149 -0.04524773388578833 -0.09735241301923149 4.715287973639093 0.06352370416787355 0.9789980269759597 0.19372042273846737 -11.196919876277999 0.08654241013086376 -0.19878507427716724 0.9762145796357287 -38.55576243944613 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/79302802_4840098295.jpg sacre_coeur/test/images/78937340_9546137587.jpg 0 0 528.086 0.0 319.5 0.0 528.086 213.0 0.0 0.0 1.0 944.217 0.0 239.5 0.0 944.217 319.5 0.0 0.0 1.0 0.9997260681414275 0.010280515846489471 0.02102616637458703 0.20692821352948376 -0.00790738650338818 0.9939015937234027 -0.10998679572006066 4.596433914077699 -0.02202866126590013 0.10979040480848228 0.9937106244248484 42.36731620339675 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/21155361_10359960085.jpg sacre_coeur/test/images/33631460_6836524250.jpg 0 0 778.711 0.0 212.5 0.0 778.711 319.5 0.0 0.0 1.0 492.214 0.0 319.5 0.0 492.214 212.0 0.0 0.0 1.0 0.831107090637067 0.13475632960005524 0.5395384467538078 -11.269863683924484 -0.2549897383788601 0.9545403863658072 0.15437902745546772 -2.2944556761226305 -0.49420768631646217 -0.26588227174698364 0.8276867646376813 -5.6585505577155475 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/41814686_978754656.jpg sacre_coeur/test/images/01991223_5589230.jpg 0 0 701.026 0.0 239.5 0.0 701.026 319.5 0.0 0.0 1.0 712.534 0.0 241.0 0.0 712.534 319.5 0.0 0.0 1.0 0.973358653150549 0.09811412506213502 0.2072354959948727 -2.1133593271465383 -0.08346260292027181 0.9934285296286918 -0.07831826372914938 0.1695640900248014 -0.21355778199523004 0.05893534578728864 0.9751511158616447 0.8374452288806278 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/04915709_121816865.jpg sacre_coeur/test/images/01991223_5589230.jpg 0 0 582.627 0.0 249.5 0.0 582.627 183.5 0.0 0.0 1.0 712.534 0.0 241.0 0.0 712.534 319.5 0.0 0.0 1.0 0.9970964245625342 -0.009083293034590474 -0.0756056473569193 2.1435538537925782 -0.0018094187082986358 0.9897539116039928 -0.1427722678552587 -0.24695043121496973 0.07612782755700527 0.14249452007794347 0.9868636509767738 -2.5022253379907275 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/75911664_13736760514.jpg sacre_coeur/test/images/65606241_8601988847.jpg 0 0 675.746 0.0 255.5 0.0 675.746 319.5 0.0 0.0 1.0 545.165 0.0 319.5 0.0 545.165 212.5 0.0 0.0 1.0 0.9990806076011525 -0.02233241290811142 0.03659512056289913 2.05553039660204 0.019133628236258207 0.9961508386384306 0.08554186665293326 0.7818996906557643 -0.03836461632583032 -0.08476302267883777 0.9956622852154836 4.874083281422688 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/58219592_4573644273.jpg sacre_coeur/test/images/44748036_142906563.jpg 0 0 612.079 0.0 319.5 0.0 612.079 239.5 0.0 0.0 1.0 516.863 0.0 187.0 0.0 516.863 249.5 0.0 0.0 1.0 0.7630639390750027 -0.20466550857471633 -0.6130623577444577 14.110818276402284 0.16389632374206206 0.9788083642335018 -0.12276881187978378 1.5836088331935971 0.625197104877476 -0.006798213470411675 0.7804372904637713 -0.9739739382403112 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/11830476_115274962.jpg sacre_coeur/test/images/15865748_8030415.jpg 0 0 708.87 0.0 319.5 0.0 708.87 239.5 0.0 0.0 1.0 666.681 0.0 212.0 0.0 666.681 319.5 0.0 0.0 1.0 0.889306970800128 0.27757487272724585 0.3634354161563698 -7.960073063248064 -0.1506023079048581 0.9281544391180752 -0.34036492474863167 1.187886111648829 -0.4318009455061797 0.24795468774730725 0.8672176291359077 10.442473167464588 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/63170630_8128095778.jpg sacre_coeur/test/images/88698102_4801040627.jpg 0 0 1392.01 0.0 212.0 0.0 1392.01 319.5 0.0 0.0 1.0 1399.17 0.0 319.5 0.0 1399.17 239.5 0.0 0.0 1.0 0.9994493183961087 0.014047106901452493 0.030062247840978648 -1.0084185809135933 -0.011724904484308473 0.9970331641408107 -0.0760749381741292 2.453022188353017 -0.031041690875129566 0.0756805681206405 0.9966488173055491 20.507605681772382 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/92863105_622062757.jpg sacre_coeur/test/images/97242119_2076423149.jpg 0 0 1225.4 0.0 239.0 0.0 1225.4 319.5 0.0 0.0 1.0 1416.69 0.0 213.0 0.0 1416.69 319.5 0.0 0.0 1.0 0.9925178184381217 -0.022294135472913874 -0.12004728904205474 5.085329836550887 0.01993077499275402 0.9995838954647919 -0.020851861682347993 3.7126953972722645 0.12046221104985365 0.018303208760950165 0.9925491666703637 16.057097040277746 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/40932424_8951501615.jpg sacre_coeur/test/images/60748234_6779431614.jpg 0 0 640.24 0.0 319.5 0.0 640.24 212.0 0.0 0.0 1.0 1251.64 0.0 305.5 0.0 1251.64 305.5 0.0 0.0 1.0 0.9977872291262931 0.011769312568788385 0.06543797577960522 -2.9206713255981174 -0.009093321919478817 0.9991160402379741 -0.041042047167018036 1.4353273090269596 -0.06586316792367924 0.040356181940926536 0.997012247512641 14.117847565238144 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/57164580_3093476792.jpg sacre_coeur/test/images/55695069_9640098822.jpg 0 0 647.246 0.0 319.5 0.0 647.246 239.5 0.0 0.0 1.0 462.683 0.0 319.5 0.0 462.683 239.5 0.0 0.0 1.0 0.9797173230956384 0.017146281090754004 -0.19964962276716977 0.339389208874449 0.023469982736195986 0.9796561624666094 0.1993062047492729 -5.462195815430137 0.19900534348775412 -0.19994951459294238 0.9593836901247424 -13.824135346382999 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/04808852_3532579721.jpg sacre_coeur/test/images/73479674_2286585340.jpg 0 0 536.862 0.0 319.5 0.0 536.862 223.5 0.0 0.0 1.0 510.127 0.0 249.5 0.0 510.127 187.0 0.0 0.0 1.0 0.9663245123047213 -0.09914980857191005 -0.2374578960135799 3.9681690973359345 0.11679795539277468 0.9912553793223446 0.06140855462052585 -0.858124363589889 0.22929277035072415 -0.08707518834127369 0.9694548659118803 -1.2019815325605725 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/17616986_7085723791.jpg sacre_coeur/test/images/83916827_2652728872.jpg 0 0 511.96 0.0 319.5 0.0 511.96 212.0 0.0 0.0 1.0 690.499 0.0 239.5 0.0 690.499 319.5 0.0 0.0 1.0 0.9960305973698421 0.04572114759840471 0.07637162932241424 -2.2621288411161227 -0.045519901105729704 0.9989538531297573 -0.004374690907459668 -0.19788616565745087 -0.07649174927010069 0.0008808969838257279 0.9970698251948575 -0.6018315878970357 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/79302802_4840098295.jpg sacre_coeur/test/images/88496846_9311240752.jpg 0 0 528.086 0.0 319.5 0.0 528.086 213.0 0.0 0.0 1.0 586.712 0.0 319.5 0.0 586.712 239.5 0.0 0.0 1.0 0.9992275569354518 -0.010275349186351493 -0.037930286841870456 1.2033876322547163 0.010199524541212047 0.999945580888707 -0.002192021961465127 -0.043852940831568876 0.03795074650044764 0.0018034578578047863 0.9992779835360197 -0.18865237873620622 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/43392981_1383168609.jpg sacre_coeur/test/images/18427217_3121596461.jpg 0 0 678.327 0.0 237.0 0.0 678.327 319.5 0.0 0.0 1.0 653.258 0.0 319.5 0.0 653.258 239.5 0.0 0.0 1.0 0.9753438833702275 -0.03681457691188631 -0.217598244705886 5.191414020137842 0.060924607024649344 0.9925882366123673 0.10515124724720719 -0.17920610256897485 0.2121143593233987 -0.11581571337927365 0.970357778916248 -1.112568838716955 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/02933228_4036000307.jpg sacre_coeur/test/images/54190154_780094544.jpg 0 0 679.926 0.0 319.5 0.0 679.926 239.5 0.0 0.0 1.0 1357.22 0.0 239.5 0.0 1357.22 319.5 0.0 0.0 1.0 0.9878955452329303 -0.03517292411744609 -0.15108030023123334 3.7956484903903323 -0.00890386964623312 0.959490628740334 -0.28159981261499756 4.81055872096516 0.15486482109973884 0.2795363997201567 0.9475633426939007 50.17611991025556 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/88231888_30382573.jpg sacre_coeur/test/images/18838757_518705247.jpg 0 0 545.858 0.0 249.5 0.0 545.858 187.0 0.0 0.0 1.0 517.004 0.0 187.0 0.0 517.004 249.5 0.0 0.0 1.0 0.9513497022469778 -0.10658056777673741 -0.2890922458437354 3.1584437606414957 0.11498041999742384 0.9932930965623311 0.012178971172951664 -0.5366489385568298 0.2858552904037329 -0.04482640844417329 0.9572237701050855 -4.572412129962855 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/99027725_2234948189.jpg sacre_coeur/test/images/44122025_7441115438.jpg 0 0 1385.64 0.0 239.5 0.0 1385.64 319.5 0.0 0.0 1.0 1479.22 0.0 319.5 0.0 1479.22 213.0 0.0 0.0 1.0 0.9760914677274124 0.11139950771059495 0.1866429648060245 -0.6108427514396505 -0.12341317669333995 0.9908851367981891 0.05399845822699674 2.7995452297981434 -0.1789263380506186 -0.0757416355399813 0.9809426946552608 15.560655823698838 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/84979436_3867757669.jpg sacre_coeur/test/images/59996089_2005549974.jpg 0 0 527.25 0.0 239.5 0.0 527.25 319.5 0.0 0.0 1.0 497.691 0.0 319.5 0.0 497.691 213.5 0.0 0.0 1.0 0.9998471110686323 -0.017087242507136627 -0.003712227257669041 -1.2225118760519627 0.01746953727384242 0.9669801274655913 0.25425233205236614 -0.22262275248030106 -0.0007548212689817722 -0.25427831057746775 0.9671307931271347 -0.31858592791453066 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/75519914_2079302390.jpg sacre_coeur/test/images/36799566_319205128.jpg 0 0 569.028 0.0 187.0 0.0 569.028 249.5 0.0 0.0 1.0 815.415 0.0 166.0 0.0 815.415 249.5 0.0 0.0 1.0 0.9943263135284002 0.029286511616390787 0.10226183287211607 -3.6775321237158116 -0.032013045004773984 0.9991716477541409 0.025123361116640475 0.4223549808439082 -0.10144134844600554 -0.02825453170055755 0.9944402115078805 3.51942217188272 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/44809085_2582173264.jpg sacre_coeur/test/images/24662873_8171467618.jpg 0 0 1129.38 0.0 213.0 0.0 1129.38 319.5 0.0 0.0 1.0 733.364 0.0 239.5 0.0 733.364 319.5 0.0 0.0 1.0 0.9970241019839833 -0.022348235380525328 -0.07378005447550394 4.165993332364197 0.030106673642712772 0.9939337479170414 0.10577945430826384 -4.7677525533878224 0.07096850192305651 -0.10768593746148813 0.9916487334776551 -32.874576550917425 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/39890331_3228856431.jpg sacre_coeur/test/images/60953043_2624021191.jpg 0 0 853.952 0.0 295.0 0.0 853.952 319.5 0.0 0.0 1.0 1395.38 0.0 212.5 0.0 1395.38 319.5 0.0 0.0 1.0 0.996683823248203 -0.010579032627223858 -0.08068110400842095 1.0958415233822065 0.01783470288994054 0.9958048773134139 0.08974725450755747 1.75318081700193 0.07939319774497718 -0.09088856026744448 0.9926912862337103 5.804767384992553 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/07643413_4366433493.jpg sacre_coeur/test/images/99119091_3503925030.jpg 0 0 692.547 0.0 319.5 0.0 692.547 239.5 0.0 0.0 1.0 504.731 0.0 319.5 0.0 504.731 214.0 0.0 0.0 1.0 0.9970385028407444 0.05506563335564837 0.053684260973106135 -0.8697912296843073 -0.05158904960519007 0.9966074637680017 -0.064125916155209 0.06923012246456511 -0.0570332693602647 0.06116648743432113 0.9964967972858851 0.19454035611720888 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/60635619_2829148962.jpg sacre_coeur/test/images/31938889_10141160664.jpg 0 0 530.154 0.0 249.5 0.0 530.154 187.0 0.0 0.0 1.0 1776.39 0.0 210.0 0.0 1776.39 319.5 0.0 0.0 1.0 0.8493633067632131 0.24712302200460393 0.4663820162909073 -8.08167098661334 -0.14489830780717408 0.9588434639079791 -0.24417963083673727 4.899050620931799 -0.5075297562891044 0.1398192537394614 0.850214162881837 48.94079756511608 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/12573771_2610756325.jpg sacre_coeur/test/images/97523888_2454093481.jpg 0 0 686.081 0.0 213.5 0.0 686.081 319.5 0.0 0.0 1.0 651.106 0.0 319.5 0.0 651.106 239.5 0.0 0.0 1.0 0.9880955910875315 0.012267089192402087 -0.15335130060135563 2.676192440239312 -0.009506199580866724 0.9997794976099711 0.01872400406650694 0.34114857765739703 0.1535471753009817 -0.017043317796118545 0.9879943270462589 1.7003015696725043 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/89443230_8712904049.jpg sacre_coeur/test/images/43279207_5330361477.jpg 0 0 614.242 0.0 238.5 0.0 614.242 319.5 0.0 0.0 1.0 429.857 0.0 319.5 0.0 429.857 212.5 0.0 0.0 1.0 0.9058770182497057 0.12122284547472384 0.4058224359766641 -1.2692291857086708 -0.16820324525169128 0.9823331912760347 0.08203151592065573 -0.792923086589556 -0.3887087548458637 -0.1425711157719284 0.9102631382483448 -1.8323088274647672 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/01617203_4574281148.jpg sacre_coeur/test/images/16634907_9608639107.jpg 0 0 609.931 0.0 319.5 0.0 609.931 239.5 0.0 0.0 1.0 772.57 0.0 305.5 0.0 772.57 305.5 0.0 0.0 1.0 0.9968613368295121 -0.03289981613819798 0.07200748039301892 0.7938846470976326 0.02666656843663663 0.9959489550685332 0.08587533421018574 0.36450285876479427 -0.07454105756086638 -0.08368560805759667 0.9937003319621754 0.6106307461115152 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/72482105_8590533286.jpg sacre_coeur/test/images/66599130_8409392232.jpg 0 0 877.949 0.0 319.5 0.0 877.949 206.5 0.0 0.0 1.0 701.54 0.0 319.5 0.0 701.54 239.5 0.0 0.0 1.0 0.9921892088400952 -0.008025151119774143 0.12448361663596869 -1.237170291036633 -0.025965491795230736 0.962783220685893 0.26902465166138684 0.3406708961602303 -0.12200970083193319 -0.27015563461679554 0.955054745021299 0.10515997012580858 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/20864632_4515642500.jpg sacre_coeur/test/images/99936428_253699491.jpg 0 0 707.548 0.0 319.5 0.0 707.548 239.5 0.0 0.0 1.0 658.712 0.0 319.5 0.0 658.712 239.5 0.0 0.0 1.0 0.9921559469034192 -0.07967970062069506 -0.09632093403396678 -0.73226072757988 0.10576375280339183 0.9458080519289891 0.30701979984885963 -3.205518346243424 0.06663786924206394 -0.3147987836941039 0.9468163075103802 -7.075928643628531 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/61737552_3071958212.jpg sacre_coeur/test/images/70139640_13923464795.jpg 0 0 531.42 0.0 319.5 0.0 531.42 213.0 0.0 0.0 1.0 544.883 0.0 239.5 0.0 544.883 319.5 0.0 0.0 1.0 0.9726972660003907 -0.08907425196415063 -0.21430307126215414 2.793801451165902 0.07084425161466365 0.9932995978812615 -0.0913071785900881 -0.11307118585757275 0.22100027314128623 0.0736321022784969 0.972490201896927 -4.34159305840668 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/79770190_8442039294.jpg sacre_coeur/test/images/85360130_8421021553.jpg 0 0 704.085 0.0 239.5 0.0 704.085 319.5 0.0 0.0 1.0 1605.2 0.0 319.5 0.0 1605.2 213.0 0.0 0.0 1.0 0.9954098721089802 -0.02464015462637322 0.09247729066085503 -1.7293564273991848 0.012510013095789559 0.9914973290587852 0.12952430675992105 -1.7272434732650113 -0.09488248563526896 -0.12777288150966687 0.987254478171859 -5.425162314538605 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/81476348_2961239173.jpg sacre_coeur/test/images/15556549_5221678700.jpg 0 0 534.342 0.0 239.5 0.0 534.342 319.5 0.0 0.0 1.0 1213.47 0.0 319.5 0.0 1213.47 213.0 0.0 0.0 1.0 0.99073953282428 -0.02239099945868682 0.13391721787122352 -2.339978818856469 -0.0011541562800003945 0.9848839716454221 0.17321151901424175 3.226950697156954 -0.1357713004372021 -0.17176206082596007 0.9757376432414661 20.45265122995268 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/71781222_5227267590.jpg sacre_coeur/test/images/85019556_13753237.jpg 0 0 862.013 0.0 212.0 0.0 862.013 319.5 0.0 0.0 1.0 1875.74 0.0 239.5 0.0 1875.74 319.5 0.0 0.0 1.0 0.99782315539259 0.057142460902782063 0.032919442953196924 -1.2994837855480452 -0.04452937569527324 0.9520137056033237 -0.3027986774139172 3.427927576975455 -0.04864242245780908 0.3006736495029158 0.9524858378117932 40.0640467679725 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/77129992_2502002338.jpg sacre_coeur/test/images/33317152_9653273357.jpg 0 0 1567.64 0.0 213.5 0.0 1567.64 319.5 0.0 0.0 1.0 531.534 0.0 319.5 0.0 531.534 239.5 0.0 0.0 1.0 0.890623133883646 -0.11828087867654681 -0.4390900444450739 9.793299195366053 0.22514063448199828 0.9536252335354763 0.19977639667751448 -6.453551731389924 0.39509761843918545 -0.2767824916860031 0.8759505261142159 -9.07587252166018 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/79220560_3217246137.jpg sacre_coeur/test/images/27770418_2219914621.jpg 0 0 1106.67 0.0 214.0 0.0 1106.67 319.5 0.0 0.0 1.0 1305.61 0.0 319.5 0.0 1305.61 239.5 0.0 0.0 1.0 0.9924373626299886 0.04003925755597042 0.11603852425121171 -4.120426647876182 -0.04395737009483494 0.9985396826115585 0.031404647177673224 0.4747853207211863 -0.1146116524197173 -0.03626789357510435 0.9927481095551112 1.433534071224699 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/89598965_8275144360.jpg sacre_coeur/test/images/00204549_3820006713.jpg 0 0 715.898 0.0 213.0 0.0 715.898 319.5 0.0 0.0 1.0 565.301 0.0 319.5 0.0 565.301 213.5 0.0 0.0 1.0 0.997957171919602 -0.021190466002061845 -0.06026978650074731 1.1164275570833615 0.026196832382791482 0.9961610514283422 0.08352775341338778 1.1991378840574543 0.058268421871011146 -0.08493599806792904 0.9946811887458546 4.542778422207536 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/35719192_2298527061.jpg sacre_coeur/test/images/66599130_8409392232.jpg 0 0 551.852 0.0 249.5 0.0 551.852 187.0 0.0 0.0 1.0 701.54 0.0 319.5 0.0 701.54 239.5 0.0 0.0 1.0 0.9975048465687574 -0.039682042177102195 -0.05839020980005287 2.148723880149918 0.04793364095772873 0.9879009904899105 0.14749236947581001 -7.455738718300083 0.05183094767004612 -0.1499232087360326 0.9873381307059486 -32.44777077857744 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/85532633_499885666.jpg sacre_coeur/test/images/97242119_2076423149.jpg 0 0 1397.17 0.0 239.5 0.0 1397.17 319.5 0.0 0.0 1.0 1416.69 0.0 213.0 0.0 1416.69 319.5 0.0 0.0 1.0 0.9977309463625105 -0.024485007134030175 -0.06271716747602168 1.8647499369673086 0.02758333167932168 0.9984167631432014 0.049021698135832785 1.7006306087874474 0.06141757471634151 -0.050640413705840506 0.9968266800280096 5.417741403443422 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/11830476_115274962.jpg sacre_coeur/test/images/85291069_9106452141.jpg 0 0 708.87 0.0 319.5 0.0 708.87 239.5 0.0 0.0 1.0 1805.38 0.0 239.5 0.0 1805.38 319.5 0.0 0.0 1.0 0.8663488897966096 0.2874622541685877 0.4084177439540259 -8.408875559041867 -0.1465208867372733 0.9280580870999148 -0.34240300337200635 6.384403173377724 -0.47746332937504754 0.23679873183098193 0.8461413178100534 47.679399805833135 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/95399415_4857734874.jpg sacre_coeur/test/images/83804881_3941265613.jpg 0 0 542.7 0.0 319.5 0.0 542.7 239.5 0.0 0.0 1.0 1145.06 0.0 319.5 0.0 1145.06 239.5 0.0 0.0 1.0 0.9816711550068395 0.03658835343448146 0.187037525166718 -2.548509749061112 -0.0679192053841057 0.9841259667988194 0.16396055322021963 0.032764942809093256 -0.17806943861182037 -0.17365878574158658 0.9685731263912027 0.3828377700565282 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/38432569_8875267871.jpg sacre_coeur/test/images/84259836_1237320024.jpg 0 0 569.282 0.0 239.5 0.0 569.282 319.5 0.0 0.0 1.0 693.174 0.0 239.5 0.0 693.174 319.5 0.0 0.0 1.0 0.8072093128916666 -0.23466837303041488 -0.5416122966479079 9.31057957258908 0.22058698649456424 0.9710222307077039 -0.09196308422775697 1.358357842541784 0.5474984078243612 -0.04523916633507582 0.8355829768844606 -0.3443693178824745 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/02933228_4036000307.jpg sacre_coeur/test/images/59914221_4605768617.jpg 0 3 679.926 0.0 319.5 0.0 679.926 239.5 0.0 0.0 1.0 658.209 0.0 319.5 0.0 658.209 239.5 0.0 0.0 1.0 -0.0023864515400946382 0.9771158465910263 -0.21269444560154385 0.5276404470559162 -0.9862750285881388 0.03281482801106444 0.16181704189012203 -1.445030681246601 0.16509352753064563 0.21016138894503328 0.9636266485336438 6.154263701680754 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/79410678_281876803.jpg sacre_coeur/test/images/73479674_2286585340.jpg 0 0 521.004 0.0 249.5 0.0 521.004 187.0 0.0 0.0 1.0 510.127 0.0 249.5 0.0 510.127 187.0 0.0 0.0 1.0 0.9995760336534268 -0.02196630499997719 0.01911110646539263 -0.2710701626651519 0.017292605768846475 0.975952284758626 0.21729727025469325 -4.149520921411666 -0.02342474613324235 -0.21687466269499056 0.9759183684865897 -9.257478008170875 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/61059746_3651170874.jpg sacre_coeur/test/images/51939662_7396091320.jpg 0 0 1456.26 0.0 239.5 0.0 1456.26 319.5 0.0 0.0 1.0 1086.81 0.0 319.5 0.0 1086.81 212.0 0.0 0.0 1.0 0.9995152542635767 0.028911000073076027 -0.01155034931038222 1.8632010644636168 -0.026085867847567546 0.9802209180464742 0.1961797118021299 -4.187682638212945 0.016993645667027754 -0.1957833136375573 0.9804999286629458 -14.054388768590869 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/58368117_3401402227.jpg sacre_coeur/test/images/36940211_2500226864.jpg 0 0 682.756 0.0 319.5 0.0 682.756 239.0 0.0 0.0 1.0 647.827 0.0 319.5 0.0 647.827 239.5 0.0 0.0 1.0 0.9996806640505757 -0.0015091860349026895 0.02522483460624032 -1.3202495750269776 0.002329792315001799 0.9994679131979423 -0.0325340215085587 0.9742323407872733 -0.02516231291374232 0.03258240085172457 0.9991522632529879 4.852484359832163 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/54446446_3898144328.jpg sacre_coeur/test/images/44509707_7002758055.jpg 0 0 567.536 0.0 319.5 0.0 567.536 212.5 0.0 0.0 1.0 1017.42 0.0 213.0 0.0 1017.42 319.5 0.0 0.0 1.0 0.9632029661088729 -0.06744359742797493 -0.2601757237811445 1.348957263430211 0.031464666331677264 0.9896439960343476 -0.1400526182754342 0.020194230573528205 0.26692699535960274 0.1267127549978356 0.9553501226614006 26.63324269895066 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/25927611_9367586008.jpg sacre_coeur/test/images/96709709_8993852809.jpg 0 0 828.45 0.0 213.0 0.0 828.45 319.5 0.0 0.0 1.0 1473.26 0.0 213.0 0.0 1473.26 319.5 0.0 0.0 1.0 0.9915381561226566 -0.03146973999788526 -0.12594340164275358 2.1966935014576663 0.01869234610685512 0.994672344228372 -0.10137812300618347 -0.6545681200496518 0.12846276172457136 0.09816609950334604 0.9868438254143332 -1.1510618032535849 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/04671520_6574800359.jpg sacre_coeur/test/images/05383315_4256744078.jpg 0 0 497.791 0.0 319.5 0.0 497.791 214.0 0.0 0.0 1.0 606.112 0.0 239.5 0.0 606.112 319.5 0.0 0.0 1.0 0.99124293605623 -0.12092873411309525 -0.053044160700579705 2.5600464242270595 0.1097929828036598 0.9779318936431265 -0.17774901496954612 3.2665456878316745 0.07336853989074504 0.1703685788558823 0.9826452079427891 5.260103904877732 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/20864632_4515642500.jpg sacre_coeur/test/images/43392981_1383168609.jpg 0 0 707.548 0.0 319.5 0.0 707.548 239.5 0.0 0.0 1.0 678.327 0.0 237.0 0.0 678.327 319.5 0.0 0.0 1.0 0.9973215876395957 0.01355973587405461 0.07187339139808363 -4.8391750693229865 -0.008741738000674721 0.9977193768951854 -0.0669300155730647 1.1383368172504038 -0.07261702861425687 0.06612245103524977 0.9951656086422639 4.8840630038238 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/97879806_8161726916.jpg sacre_coeur/test/images/41728687_4706427664.jpg 0 0 794.081 0.0 319.5 0.0 794.081 239.5 0.0 0.0 1.0 1542.39 0.0 213.5 0.0 1542.39 319.5 0.0 0.0 1.0 0.989838108645388 -0.03444660947304481 -0.1379635813145364 3.2312248692647887 0.02967241644612073 0.9988925324012671 -0.03651378390733322 4.968412723157037 0.13906856717306443 0.03204902196315794 0.9897640091535131 34.81220128062135 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/68663909_1356782012.jpg sacre_coeur/test/images/75878456_4122246314.jpg 0 0 672.136 0.0 319.5 0.0 672.136 239.0 0.0 0.0 1.0 887.502 0.0 319.5 0.0 887.502 213.0 0.0 0.0 1.0 0.99963731789362 -0.019357310889244587 -0.018722371366536802 -0.3009197195516897 0.016660714606098893 0.9907360994981347 -0.1347753751248203 1.808478729858216 0.021157818017543947 0.13441456642179464 0.9906992838749695 8.441369135894039 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/52110624_7557803032.jpg sacre_coeur/test/images/28570538_3018664920.jpg 0 0 531.679 0.0 319.5 0.0 531.679 213.0 0.0 0.0 1.0 655.109 0.0 319.5 0.0 655.109 239.5 0.0 0.0 1.0 0.9969196238110191 -0.04642107694160332 0.0632166692896563 1.3412520861555954 0.05306449409373005 0.9927526121665229 -0.10782583411743975 1.9347002714437045 -0.05775312222791528 0.11084825055961359 0.992157871621649 7.988878422812461 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/04739785_8198592553.jpg sacre_coeur/test/images/66060871_14030313413.jpg 0 0 720.152 0.0 319.5 0.0 720.152 239.5 0.0 0.0 1.0 564.715 0.0 319.5 0.0 564.715 239.5 0.0 0.0 1.0 0.9815958851193171 -0.03887805100725261 -0.18697062728327657 6.291041466235461 0.07396902987580958 0.980035243669596 0.18455217090217813 -4.7668460672391 0.17606277555478914 -0.19498568746283054 0.9648743341744516 -12.457204396431038 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/38879018_753144146.jpg sacre_coeur/test/images/33654157_4220339151.jpg 0 0 1556.17 0.0 249.5 0.0 1556.17 187.0 0.0 0.0 1.0 1437.6 0.0 319.5 0.0 1437.6 239.5 0.0 0.0 1.0 0.9987588700688231 0.014091380217129301 -0.047771879410629804 5.061573218477407 -0.016008402256367633 0.9990719744561679 -0.03998650914311597 3.5231383227588147 0.04716408078236853 0.04070163215192321 0.9980575768081338 14.672669055461562 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/38432569_8875267871.jpg sacre_coeur/test/images/81703421_7754459314.jpg 0 0 569.282 0.0 239.5 0.0 569.282 319.5 0.0 0.0 1.0 514.334 0.0 319.5 0.0 514.334 239.5 0.0 0.0 1.0 0.8820838726555343 -0.21238346424599408 -0.4205012553083354 10.572928239145327 0.21104395806590526 0.9761797115445614 -0.05033506265669345 0.40150278778812876 0.4211751290910845 -0.04434450229337772 0.9058946272892122 -2.9200739188137397 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/94003968_8161684801.jpg sacre_coeur/test/images/73608962_13972912642.jpg 0 0 680.107 0.0 319.5 0.0 680.107 212.0 0.0 0.0 1.0 713.805 0.0 239.5 0.0 713.805 319.5 0.0 0.0 1.0 0.999546124975035 0.010752728022163378 0.028141124488419544 0.8090716246572096 -0.010244531187036296 0.9997829503570452 -0.018141161928601483 -1.1155463550503344 -0.02833008344762121 0.017844635480818348 0.9994393305030614 -5.191800200102085 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/31938889_10141160664.jpg sacre_coeur/test/images/78505289_3963139878.jpg 0 0 1776.39 0.0 210.0 0.0 1776.39 319.5 0.0 0.0 1.0 975.248 0.0 319.5 0.0 975.248 179.5 0.0 0.0 1.0 0.9924760890916307 -0.022065254172914286 -0.1204339534336823 0.6866552149866321 0.019345936624854246 0.9995318615528093 -0.023702161860948083 0.7662032438051591 0.12090056789564223 0.021193921276161976 0.9924383458852498 3.662020685002922 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/20037662_5148608508.jpg sacre_coeur/test/images/97242119_2076423149.jpg 0 0 736.307 0.0 235.5 0.0 736.307 319.5 0.0 0.0 1.0 1416.69 0.0 213.0 0.0 1416.69 319.5 0.0 0.0 1.0 0.9967691608200951 -0.011663943130445935 -0.07946818526085096 0.3915329681959199 0.009023591914098428 0.999397855725646 -0.03350374247675586 4.4164108019940125 0.07981111969500881 0.03267840879894067 0.9962742126399732 40.05755988537062 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/55640818_3363877988.jpg sacre_coeur/test/images/46331415_3742093205.jpg 0 0 534.551 0.0 249.5 0.0 534.551 187.0 0.0 0.0 1.0 631.609 0.0 239.5 0.0 631.609 319.5 0.0 0.0 1.0 0.9403544923735914 0.1667112209200015 0.2965481368887146 -6.330971762667817 -0.03953757748859737 0.9193463664571906 -0.3914575819272047 -0.6936691768824227 -0.33789082354976513 0.35638410079761335 0.8711028435607004 7.148232353977494 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/55695069_9640098822.jpg sacre_coeur/test/images/61737552_3071958212.jpg 0 0 462.683 0.0 319.5 0.0 462.683 239.5 0.0 0.0 1.0 531.42 0.0 319.5 0.0 531.42 213.0 0.0 0.0 1.0 0.97655029546299 0.020068044674141337 0.2143520329133912 2.4026407230039557 -0.004975218015826046 0.9974837911966782 -0.07072010679853954 1.5687403364599093 -0.21523189270375775 0.06799529309340838 0.9741929339100645 6.20952725547175 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/07251208_9118340426.jpg sacre_coeur/test/images/22199037_8161715444.jpg 0 0 1004.34 0.0 211.5 0.0 1004.34 319.5 0.0 0.0 1.0 593.177 0.0 319.5 0.0 593.177 212.0 0.0 0.0 1.0 0.9961792455738646 0.015255396344397786 0.08598943871349309 -3.1731882452793663 -0.0321210172222813 0.9796095963618466 0.1983261933492044 -9.811249751537295 -0.08121053466448894 -0.2003305059099972 0.9763567675093734 -40.03524911241682 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/87565848_5767537300.jpg sacre_coeur/test/images/00204549_3820006713.jpg 0 0 1030.07 0.0 213.0 0.0 1030.07 319.5 0.0 0.0 1.0 565.301 0.0 319.5 0.0 565.301 213.5 0.0 0.0 1.0 0.9496157896933831 0.09665955288628726 0.2981388649620101 -8.424209140204141 -0.13905338172153758 0.9824417406835906 0.1243880347718409 -2.8397549602775283 -0.2808807736332571 -0.15957805926385799 0.9463830271115199 -4.782901219189238 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/34935406_396311145.jpg sacre_coeur/test/images/79410678_281876803.jpg 0 0 481.009 0.0 187.0 0.0 481.009 249.5 0.0 0.0 1.0 521.004 0.0 249.5 0.0 521.004 187.0 0.0 0.0 1.0 0.9991138190815784 0.013832110512271064 -0.03975234884883553 0.765270296614562 -0.01196880591152951 0.9988356399080489 0.046734485495518674 -0.06820645406169135 0.040352499368382776 -0.0462172821383412 0.9981160446693911 -0.4662396447614352 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/59088601_13927956521.jpg sacre_coeur/test/images/64661937_6056840145.jpg 0 0 1295.39 0.0 319.5 0.0 1295.39 213.0 0.0 0.0 1.0 697.765 0.0 239.5 0.0 697.765 319.5 0.0 0.0 1.0 0.9993614501262487 0.035048410290700494 0.00694988760024017 -0.4092982202499692 -0.03561966452141931 0.9925560389912335 0.11646350914090882 -8.666954017402702 -0.0028162920556633326 -0.11663669404663235 0.9931706550744085 -39.891616113850745 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/47029087_8959697396.jpg sacre_coeur/test/images/61672452_5135373512.jpg 0 0 622.643 0.0 319.5 0.0 622.643 239.5 0.0 0.0 1.0 1840.71 0.0 239.5 0.0 1840.71 319.5 0.0 0.0 1.0 0.9787034798787887 -0.0476126018018885 -0.1996810923017107 0.1918669489604874 0.014027643811307415 0.9859681257059802 -0.16634326046143086 3.246131228984095 0.2047992277384184 0.15999967262932488 0.9656383282970163 40.50089443844257 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/86827532_95504488.jpg sacre_coeur/test/images/39576665_3604888991.jpg 0 0 526.393 0.0 249.5 0.0 526.393 166.0 0.0 0.0 1.0 544.089 0.0 319.5 0.0 544.089 212.5 0.0 0.0 1.0 0.996671820622357 0.017333317079437128 0.07965449200352606 -1.5654301405824884 -0.03684157066637257 0.967425718914034 0.25045993103588277 -3.0441946383597873 -0.07271850279090447 -0.2525609520545252 0.9648445392130075 -5.594754810042997 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/48325951_2932818065.jpg sacre_coeur/test/images/63360516_5790897098.jpg 0 0 714.985 0.0 239.5 0.0 714.985 319.5 0.0 0.0 1.0 516.78 0.0 319.5 0.0 516.78 239.5 0.0 0.0 1.0 0.9991196376613812 -0.005700289401964882 0.04156267965523952 -1.275619085526102 0.003691662542387567 0.9988286998114791 0.04824520764369458 -0.2720966318348268 -0.04178900892655085 -0.04804929899222168 0.9979704121862996 -0.37437856101702316 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/44937588_1061437022.jpg sacre_coeur/test/images/03654060_2228949569.jpg 0 0 521.234 0.0 319.5 0.0 521.234 239.5 0.0 0.0 1.0 517.828 0.0 187.0 0.0 517.828 249.5 0.0 0.0 1.0 0.9730291121114288 -0.1589262816690947 -0.16720282287832225 4.9294242515111275 0.13672865637494555 0.9811091329062006 -0.13685811577668616 2.3861433448865284 0.18579456803024708 0.11030551356518116 0.976377525431416 4.775897188362828 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/96301971_7410171184.jpg sacre_coeur/test/images/85015287_3451838837.jpg 0 0 509.198 0.0 319.5 0.0 509.198 180.0 0.0 0.0 1.0 2131.2 0.0 239.5 0.0 2131.2 319.5 0.0 0.0 1.0 0.998028569232207 -0.008399785698911517 -0.06219661242002195 0.013742822650797515 0.004983019853794203 0.9984801054428943 -0.05488759921770328 3.567328360805667 0.0625631241982908 0.05446946516130747 0.9965535273409003 35.19809422804839 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/66060871_14030313413.jpg sacre_coeur/test/images/99936428_253699491.jpg 0 0 564.715 0.0 319.5 0.0 564.715 239.5 0.0 0.0 1.0 658.712 0.0 319.5 0.0 658.712 239.5 0.0 0.0 1.0 0.9255622977536128 0.10874216043203261 0.3626424899561914 -4.718828482250278 -0.1466915546804473 0.9860449379602364 0.07872082385510738 -0.7741325646547006 -0.34902151905360457 -0.12605761725325285 0.9285975750398807 -0.6829081043112832 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/61737552_3071958212.jpg sacre_coeur/test/images/04073909_6377255611.jpg 0 0 531.42 0.0 319.5 0.0 531.42 213.0 0.0 0.0 1.0 679.951 0.0 319.5 0.0 679.951 221.5 0.0 0.0 1.0 0.998339397785486 -0.004793008915649124 -0.05740621825941656 0.25592601986400704 0.001762239017975936 0.9986072592396751 -0.052729842664927584 1.3949033607536374 0.05757900088536433 0.052541115893736036 0.9969574162408764 3.3236745816345152 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/64951325_3689575044.jpg sacre_coeur/test/images/57007030_768923483.jpg 0 0 782.711 0.0 212.5 0.0 782.711 319.5 0.0 0.0 1.0 515.756 0.0 319.5 0.0 515.756 239.5 0.0 0.0 1.0 0.999154639733726 0.011405839426343156 0.03949573047240316 -1.4643466348864167 -0.008289629982772913 0.9969045276043252 -0.07818340537956785 0.6549037505024768 -0.04026521989654288 0.07778990724366246 0.996156334315907 1.168922899476767 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/21142120_2892123124.jpg sacre_coeur/test/images/04808852_3532579721.jpg 0 0 706.719 0.0 319.5 0.0 706.719 240.5 0.0 0.0 1.0 536.862 0.0 319.5 0.0 536.862 223.5 0.0 0.0 1.0 0.970338219439513 0.05855865909053898 0.23455196298576117 -3.1606137611376015 -0.08515666599793052 0.9908279976013789 0.10492007150854944 -0.6492491981736488 -0.22625667311943037 -0.12178161854220967 0.9664249351367995 -3.785481113072045 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/33672452_9565324953.jpg sacre_coeur/test/images/12573771_2610756325.jpg 0 0 493.101 0.0 212.5 0.0 493.101 319.5 0.0 0.0 1.0 686.081 0.0 213.5 0.0 686.081 319.5 0.0 0.0 1.0 0.9676939525415718 -0.04085308007499343 -0.2487959808012513 4.874025333996206 0.0919148365825564 0.9760379172614203 0.19723500420561943 -0.8185478778121209 0.23477665350386182 -0.21373116271703327 0.9482609941641346 -5.488415340053695 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/32072823_7643459828.jpg sacre_coeur/test/images/27172569_5015079786.jpg 0 0 483.073 0.0 239.5 0.0 483.073 319.5 0.0 0.0 1.0 476.902 0.0 239.5 0.0 476.902 319.5 0.0 0.0 1.0 0.9641621513381173 0.12354151466563797 0.23479531528796113 -5.755323964393949 -0.1299071147547471 0.9914562067828935 0.0117784365589504 -2.2476363877728684 -0.23133414677290962 -0.04185790469906736 0.9719734710119683 -2.358744134049994 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/50567962_6045994327.jpg sacre_coeur/test/images/96482156_2206813531.jpg 0 0 1315.23 0.0 213.0 0.0 1315.23 319.5 0.0 0.0 1.0 889.73 0.0 239.5 0.0 889.73 319.5 0.0 0.0 1.0 0.9989826873827193 -0.002744038361801035 0.045011782491577626 -3.587000913033849 -0.0042161951831712514 0.988091431342667 0.15381010046605276 -8.269647883158022 -0.044897817405499044 -0.15384340597071028 0.9870746640612116 -45.48037636336754 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/79770190_8442039294.jpg sacre_coeur/test/images/64966234_8900198268.jpg 0 0 704.085 0.0 239.5 0.0 704.085 319.5 0.0 0.0 1.0 578.134 0.0 239.5 0.0 578.134 319.5 0.0 0.0 1.0 0.9956499418478455 -0.031073791249851924 -0.08783856098401566 2.4258501189790573 0.04191169592572118 0.991350524533192 0.12436859431703566 -0.3142653481638944 0.08321419976789957 -0.12750904675796979 0.9883404473924265 -0.29225230849577777 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/79770190_8442039294.jpg sacre_coeur/test/images/66118802_124159749.jpg 0 0 704.085 0.0 239.5 0.0 704.085 319.5 0.0 0.0 1.0 618.946 0.0 187.0 0.0 618.946 249.5 0.0 0.0 1.0 0.9990806527628695 -0.014408447970771121 -0.04037630371879672 0.6810199841592783 0.0166852341666689 0.9982557047168538 0.05663171338623917 -1.055539036969409 0.03948990042684788 -0.057253337259336255 0.9975783694211429 -6.222050619082935 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/69077959_3760142614.jpg sacre_coeur/test/images/92410481_478846885.jpg 0 0 2150.73 0.0 319.5 0.0 2150.73 319.5 0.0 0.0 1.0 698.31 0.0 319.5 0.0 698.31 214.0 0.0 0.0 1.0 0.9862799065723403 0.03882755875270091 0.16045051128918464 -8.026942280148138 -0.04971166634780965 0.9966861209266136 0.06438576380834364 -8.948797904914176 -0.15741885567040326 -0.07147864739602532 0.984941676875263 -46.33894943284938 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/96301971_7410171184.jpg sacre_coeur/test/images/34366638_4030867612.jpg 0 0 509.198 0.0 319.5 0.0 509.198 180.0 0.0 0.0 1.0 648.225 0.0 239.5 0.0 648.225 319.5 0.0 0.0 1.0 0.982615654709736 -0.02649785740839894 -0.1837507514872279 1.493911029877042 0.020539217716652895 0.99920201698281 -0.03425594536824493 -1.258585514710919 0.1845118306639028 0.029886331495324207 0.9823757893671886 -6.283257940119073 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/63170630_8128095778.jpg sacre_coeur/test/images/77653698_4129853031.jpg 0 0 1392.01 0.0 212.0 0.0 1392.01 319.5 0.0 0.0 1.0 346.996 0.0 213.0 0.0 346.996 319.5 0.0 0.0 1.0 0.9986954815923546 0.027966226613528607 0.04272265459935167 0.22315990795021456 -0.012775328726193422 0.9469203667905333 -0.321214274174141 1.1131175832962916 -0.049438102946537464 0.32024944828412005 0.9460423694796996 -12.130349785197515 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/77653698_4129853031.jpg sacre_coeur/test/images/08081221_11367454663.jpg 0 0 346.996 0.0 213.0 0.0 346.996 319.5 0.0 0.0 1.0 670.286 0.0 212.5 0.0 670.286 319.5 0.0 0.0 1.0 0.9962728244792033 -0.020211605603934143 0.08385672425715973 -2.7137529470943855 -0.012430319746114193 0.9283729976754808 0.3714418720850554 2.27307564617058 -0.0853577550972357 -0.37109980892739924 0.9246615518441371 7.596060787070588 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/89575205_6345371382.jpg sacre_coeur/test/images/76812051_2399423344.jpg 0 0 1030.86 0.0 212.5 0.0 1030.86 319.5 0.0 0.0 1.0 731.379 0.0 319.5 0.0 731.379 239.5 0.0 0.0 1.0 0.971980684370363 -0.03383578796299871 -0.23261274398416723 11.956231023414025 0.04803668281150038 0.9972937302907663 0.05565691895169322 -6.0032144632959765 0.23010003545281787 -0.06527139477329282 0.9709756015003471 -29.112227409296317 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/19631710_3287132673.jpg sacre_coeur/test/images/47058715_3625029597.jpg 0 0 500.5 0.0 319.5 0.0 500.5 213.0 0.0 0.0 1.0 679.749 0.0 319.5 0.0 679.749 239.5 0.0 0.0 1.0 0.5469182150546431 0.2838541334106823 0.7875958970100808 -6.642799021120258 -0.20773684430010575 0.9573568890229357 -0.20078144974215112 1.3332933901926836 -0.8110030021902981 -0.05380165411952448 0.5825628828309665 11.769209873246574 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/21037086_3590495621.jpg sacre_coeur/test/images/90679226_9106466645.jpg 0 0 661.089 0.0 239.5 0.0 661.089 319.5 0.0 0.0 1.0 512.07 0.0 239.5 0.0 512.07 319.5 0.0 0.0 1.0 0.9776082763987518 -0.024112922214852332 -0.20904694424679332 4.641423843929217 0.012445926045262401 0.9982996005039517 -0.056947401683711936 0.056021006510996674 0.21006464919528295 0.0530704683973174 0.9762460594248521 5.651587428092474 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/43392981_1383168609.jpg sacre_coeur/test/images/79220560_3217246137.jpg 0 0 678.327 0.0 237.0 0.0 678.327 319.5 0.0 0.0 1.0 1106.67 0.0 214.0 0.0 1106.67 319.5 0.0 0.0 1.0 0.9428755215068985 -0.0888637853130756 -0.32107472432897266 8.14829409285647 0.10686749222887111 0.9935137798677468 0.03885496516038225 2.359764479353959 0.3155393637057131 -0.07094784614584125 0.9462564732034648 26.95437539982789 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/66599130_8409392232.jpg sacre_coeur/test/images/66118802_124159749.jpg 0 0 701.54 0.0 319.5 0.0 701.54 239.5 0.0 0.0 1.0 618.946 0.0 187.0 0.0 618.946 249.5 0.0 0.0 1.0 0.9996222815353697 0.008873630068887597 -0.026010631430675384 0.05633981316149672 -0.010956022788936539 0.9966503952302505 -0.0810429222821696 0.15912261314094311 0.025204361183537406 0.0812972839447051 0.9963711616664465 -0.11436543840492241 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/05383315_4256744078.jpg sacre_coeur/test/images/00246274_6807912549.jpg 0 0 606.112 0.0 239.5 0.0 606.112 319.5 0.0 0.0 1.0 1138.93 0.0 308.5 0.0 1138.93 319.5 0.0 0.0 1.0 0.8060456680939052 0.30805455097020185 0.5053640020555455 -9.925840536037498 -0.29300209124468435 0.9495872624272207 -0.11150697539713943 2.3582883269651775 -0.5142374504772009 -0.05819299496093987 0.8556713270083229 11.394131955556368 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/87493438_3174891219.jpg sacre_coeur/test/images/60535642_3153438485.jpg 0 0 1913.51 0.0 212.5 0.0 1913.51 319.5 0.0 0.0 1.0 722.898 0.0 319.5 0.0 722.898 239.5 0.0 0.0 1.0 0.9688886617028473 0.03371464895961384 0.24518989308125122 -14.166386483425352 -0.06318479275727673 0.9915453048678725 0.11333838872464111 -8.238494543099005 -0.2392957232962708 -0.12530455235149235 0.9628272565585724 -36.37859200143103 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/99543611_6046123347.jpg sacre_coeur/test/images/56739575_3512017389.jpg 0 0 803.204 0.0 213.0 0.0 803.204 319.5 0.0 0.0 1.0 767.042 0.0 319.5 0.0 767.042 213.0 0.0 0.0 1.0 0.985847169995066 -0.04075281773795903 -0.16261785037054294 3.7320298009926325 0.07788363836963827 0.9703069496483067 0.22899467753313826 -2.6350515406425563 0.14845705199493558 -0.2384190246406844 0.959748338056575 -4.486270516396104 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/87565848_5767537300.jpg sacre_coeur/test/images/73413427_2624866230.jpg 0 0 1030.07 0.0 213.0 0.0 1030.07 319.5 0.0 0.0 1.0 1391.03 0.0 212.5 0.0 1391.03 319.5 0.0 0.0 1.0 0.9096779875874618 0.14204860125428123 0.3902667725806643 -11.661637800862671 -0.12655276081922906 0.989809176860229 -0.06528546647077708 1.9103271056196727 -0.39556334211837263 0.009999414231751925 0.9183842627610543 19.314872874197338 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/55597679_2718818848.jpg sacre_coeur/test/images/39585572_5151898468.jpg 0 0 682.241 0.0 239.5 0.0 682.241 319.5 0.0 0.0 1.0 697.515 0.0 239.5 0.0 697.515 319.5 0.0 0.0 1.0 0.9996030553378972 0.02297367727788315 0.01630772551499981 0.7159103074677303 -0.02499160655970116 0.9902798221516466 0.13682577769144302 -0.36672447950891685 -0.013005820262713292 -0.1371790216893048 0.9904608849660136 -0.5611291053112828 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/39980369_7971720718.jpg sacre_coeur/test/images/88231888_30382573.jpg 0 0 670.012 0.0 319.5 0.0 670.012 239.0 0.0 0.0 1.0 545.858 0.0 249.5 0.0 545.858 187.0 0.0 0.0 1.0 0.9853514040643255 0.06712635874107842 0.1567694564340453 -0.6220726887072072 -0.048959106312667706 0.991924164453925 -0.11700195674196098 0.7053955081446298 -0.1633573274069054 0.10761274986983119 0.9806803147039949 5.336465090034083 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/85291069_9106452141.jpg sacre_coeur/test/images/84259836_1237320024.jpg 0 0 1805.38 0.0 239.5 0.0 1805.38 319.5 0.0 0.0 1.0 693.174 0.0 239.5 0.0 693.174 319.5 0.0 0.0 1.0 0.7633523623615349 -0.14903736274172175 -0.6285547194827641 36.86613795082614 0.18857160779357732 0.9820519213818122 -0.003843493779879539 -4.789446751216937 0.6178461941383222 -0.11559363398251286 0.7777558692620118 -31.956523346945545 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/21037086_3590495621.jpg sacre_coeur/test/images/56504296_2750328426.jpg 0 0 661.089 0.0 239.5 0.0 661.089 319.5 0.0 0.0 1.0 415.365 0.0 249.5 0.0 415.365 166.0 0.0 0.0 1.0 0.9852727487764753 -0.05471482231628303 -0.16199968746064225 3.8996304421549315 0.05495620568434254 0.9984842768007238 -0.002994067219631352 1.6555431118062585 0.16191796063200783 -0.005952915305378469 0.9867862670427363 7.800761725187211 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/76342746_8957142551.jpg sacre_coeur/test/images/97202520_2635602680.jpg 0 0 461.782 0.0 319.5 0.0 461.782 239.5 0.0 0.0 1.0 677.356 0.0 319.5 0.0 677.356 239.5 0.0 0.0 1.0 0.783772757960669 0.18840186000926465 0.5917812121246975 -10.583501361063503 -0.2914121091392154 0.9530295777873937 0.08254457286470267 -1.1601447195846797 -0.5484334476723323 -0.2371483987030729 0.8018612039915685 -0.4523495485140048 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/97643496_704095933.jpg sacre_coeur/test/images/63516274_5829260794.jpg 0 0 753.473 0.0 239.5 0.0 753.473 319.5 0.0 0.0 1.0 522.011 0.0 319.5 0.0 522.011 213.0 0.0 0.0 1.0 0.9867320110130132 -0.048610545613085594 -0.15490950034588802 0.8347716539315324 0.0788947050743176 0.9774629566022098 0.19581060742897133 -0.7038893599141882 0.14189983774991083 -0.20543413378906733 0.9683291035184706 -1.0184028230386886 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/87551911_7790325846.jpg sacre_coeur/test/images/85015287_3451838837.jpg 0 0 479.404 0.0 319.5 0.0 479.404 239.5 0.0 0.0 1.0 2131.2 0.0 239.5 0.0 2131.2 319.5 0.0 0.0 1.0 0.8081445625121103 0.20394823457110087 0.5525463633917441 -10.704817732449555 -0.16187960470299326 0.9789173964700628 -0.12456213096072348 5.34216983502819 -0.5663014741843011 0.01121822194489806 0.8241218306980359 49.94316076461371 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/31148870_2948239995.jpg sacre_coeur/test/images/23363225_3187214147.jpg 0 0 722.471 0.0 319.5 0.0 722.471 239.5 0.0 0.0 1.0 482.157 0.0 158.5 0.0 482.157 234.0 0.0 0.0 1.0 0.939576675138465 -0.1852378663300951 -0.2878933907077775 6.094199819089283 0.18832516255046805 0.9819562404039066 -0.017192297175330894 0.5511737986886742 0.2858833760226133 -0.0380640881842578 0.9575081307772869 -0.4343807045348589 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/70185138_6825344581.jpg sacre_coeur/test/images/26161317_4040935017.jpg 0 0 2115.3 0.0 319.5 0.0 2115.3 319.5 0.0 0.0 1.0 576.672 0.0 319.5 0.0 576.672 312.5 0.0 0.0 1.0 0.9733857473340464 -0.06298878654762656 -0.22034654446166685 14.547721554583067 0.08827676196377203 0.990347327963831 0.10686151455080448 -11.76117304440874 0.21148853440347848 -0.12346895465726522 0.9695504200668015 -47.5559075812004 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/55864846_6415556309.jpg sacre_coeur/test/images/48325951_2932818065.jpg 0 0 437.599 0.0 213.0 0.0 437.599 319.5 0.0 0.0 1.0 714.985 0.0 239.5 0.0 714.985 319.5 0.0 0.0 1.0 0.9855256420903 -0.057524788139392324 -0.15946820225994887 2.6096674581603807 0.04249657738441926 0.9944641067982006 -0.09609985015944171 -0.024078515315041127 0.16411352684380406 0.08793201373547126 0.9825144839987414 0.6136105022829534 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/96789550_6435726869.jpg sacre_coeur/test/images/77299481_4479618965.jpg 0 0 924.329 0.0 317.5 0.0 924.329 319.5 0.0 0.0 1.0 696.583 0.0 239.5 0.0 696.583 319.5 0.0 0.0 1.0 0.963535785844136 0.09185751146987678 0.25131849709936827 -6.021017360793712 -0.10151773715779307 0.9945012326604812 0.02571861736456347 -3.5175474040744232 -0.2475741069661466 -0.05029409332461458 0.9675626934398465 -12.853586570088943 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/20864632_4515642500.jpg sacre_coeur/test/images/15556549_5221678700.jpg 0 0 707.548 0.0 319.5 0.0 707.548 239.5 0.0 0.0 1.0 1213.47 0.0 319.5 0.0 1213.47 213.0 0.0 0.0 1.0 0.9943968404006942 0.029051861433253178 -0.10164109970075715 -0.7237419586976497 -0.02199411669447847 0.9973127522723755 0.0698822794829214 4.2928488193234156 0.10339817518673075 -0.06725521171004178 0.9923636197815254 22.807726941013946 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/57895226_4857581382.jpg sacre_coeur/test/images/44748036_142906563.jpg 0 0 456.232 0.0 319.5 0.0 456.232 239.5 0.0 0.0 1.0 516.863 0.0 187.0 0.0 516.863 249.5 0.0 0.0 1.0 0.9774807541868024 -0.059394414419487736 -0.20249365108606845 1.1689037647026028 0.05724476309907986 0.9982244555545988 -0.016461270620910302 0.5849184961885372 0.2031118221377834 0.004498874135910788 0.9791452128460715 1.5855253695975953 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/96482156_2206813531.jpg sacre_coeur/test/images/84278429_5829272410.jpg 0 0 889.73 0.0 239.5 0.0 889.73 319.5 0.0 0.0 1.0 1453.22 0.0 319.5 0.0 1453.22 213.0 0.0 0.0 1.0 0.9994648531537468 -0.002393117846273195 -0.032623309110713 0.5363473374526717 0.0033972417107084696 0.9995210645403677 0.030758743291125528 3.4902056516423787 0.03253407535367042 -0.03085311211311082 0.9989943039946814 25.711617107778608 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/75878456_4122246314.jpg sacre_coeur/test/images/06132465_4129851965.jpg 0 0 887.502 0.0 319.5 0.0 887.502 213.0 0.0 0.0 1.0 298.312 0.0 319.5 0.0 298.312 213.0 0.0 0.0 1.0 0.9881052247353088 0.11323172912499348 0.10405114305065916 0.2350726594224073 -0.09595280565421953 0.9827281964900854 -0.1582351127608146 -0.5714738717575175 -0.12017122757910152 0.1463689425483024 0.9819037675451823 -8.496367069004856 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/86437085_9493229723.jpg sacre_coeur/test/images/80871904_5968113125.jpg 0 0 520.807 0.0 319.5 0.0 520.807 212.0 0.0 0.0 1.0 526.948 0.0 319.5 0.0 526.948 239.5 0.0 0.0 1.0 0.9968878383233596 -0.0491785548673146 -0.06161255995446157 -0.01775560806715107 0.0485263877606394 0.9987493575771486 -0.012037874818158014 -1.0848528683674816 0.062127509960432696 0.009010576030204895 0.9980275457249265 -2.5418059248719898 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/85291069_9106452141.jpg sacre_coeur/test/images/04915709_121816865.jpg 0 0 1805.38 0.0 239.5 0.0 1805.38 319.5 0.0 0.0 1.0 582.627 0.0 249.5 0.0 582.627 183.5 0.0 0.0 1.0 0.9984861823152668 0.03264394926135443 0.04426868308529414 -3.668572538403018 -0.039775657912915985 0.9844291731895725 0.17122237006562252 -14.157845312621403 -0.037990008727016314 -0.17272398660845117 0.984237361456577 -42.705576047708725 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/55695069_9640098822.jpg sacre_coeur/test/images/28570538_3018664920.jpg 0 0 462.683 0.0 319.5 0.0 462.683 239.5 0.0 0.0 1.0 655.109 0.0 319.5 0.0 655.109 239.5 0.0 0.0 1.0 0.9789704517766898 0.021557863173852977 0.20285983605317506 1.731014922062724 0.02260910943009667 0.9768094583525734 -0.21291338671800394 2.5464813108234075 -0.20274536423534217 0.21302239461692715 0.9557801926555856 15.561235028622342 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/68684534_2877733555.jpg sacre_coeur/test/images/74361805_4541261018.jpg 0 0 509.45 0.0 212.5 0.0 509.45 319.5 0.0 0.0 1.0 903.565 0.0 319.5 0.0 903.565 212.5 0.0 0.0 1.0 0.991153431153352 0.019727722434398336 0.1312466871219567 -2.469256551645926 -0.03354226199382231 0.994022626234203 0.10389386504888369 3.886945256615066 -0.12841258728518495 -0.10737707158425028 0.9858906490705323 13.840926576719582 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/42792712_254986596.jpg sacre_coeur/test/images/84278429_5829272410.jpg 0 0 1329.63 0.0 319.5 0.0 1329.63 239.5 0.0 0.0 1.0 1453.22 0.0 319.5 0.0 1453.22 213.0 0.0 0.0 1.0 0.9964110475379422 -0.0053507611017144345 -0.08447717857488508 3.627106703917527 0.014928321617700033 0.9934652826683553 0.11315421930428994 -3.8060748799748563 0.08331968289677508 -0.11400921668144731 0.9899796608787796 -13.933724295461666 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/16634907_9608639107.jpg sacre_coeur/test/images/23743016_2389191967.jpg 0 0 772.57 0.0 305.5 0.0 772.57 305.5 0.0 0.0 1.0 714.056 0.0 239.5 0.0 714.056 319.5 0.0 0.0 1.0 0.7680372397285322 0.2899090008331584 0.5710267678717844 -9.916433058260496 -0.2701966381036539 0.9551094603500118 -0.1214894872299337 0.9385266119166015 -0.5806139639619944 -0.0609810625180387 0.8118920709469398 7.1046770738470055 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/25923245_22222637.jpg sacre_coeur/test/images/81147304_5790709520.jpg 0 0 530.117 0.0 187.0 0.0 530.117 249.5 0.0 0.0 1.0 1292.87 0.0 319.5 0.0 1292.87 239.5 0.0 0.0 1.0 0.9490661120096913 0.12642288592926762 0.2886014015006233 -4.294517560707467 -0.10250324583692852 0.9900306403407749 -0.0966044293980814 4.401358547220429 -0.29793724108896297 0.06210140980485127 0.9525632867545059 39.03258218709901 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/56504296_2750328426.jpg sacre_coeur/test/images/88074069_5867013385.jpg 0 0 415.365 0.0 249.5 0.0 415.365 166.0 0.0 0.0 1.0 1107.69 0.0 319.5 0.0 1107.69 239.5 0.0 0.0 1.0 0.9950984166329817 0.04332329406975562 0.08889450717270644 -0.6568987057325097 -0.03520660573492438 0.995235122299598 -0.09092604826962244 2.6819589351092588 -0.09241015164557664 0.08735069279776546 0.991882160511314 28.333414339467485 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/68833924_5994205213.jpg sacre_coeur/test/images/72482105_8590533286.jpg 0 0 499.829 0.0 319.5 0.0 499.829 212.5 0.0 0.0 1.0 877.949 0.0 319.5 0.0 877.949 206.5 0.0 0.0 1.0 0.9708980652124786 0.06615696571125014 0.23017428799617584 -5.505267068440564 0.01184252105675743 0.9466517540262711 -0.32204069819512665 -0.6161892771696644 -0.23920012889145004 0.3153945346496431 0.9183188911546188 7.557093080133398 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/24662873_8171467618.jpg sacre_coeur/test/images/60453279_4122247122.jpg 0 0 733.364 0.0 239.5 0.0 733.364 319.5 0.0 0.0 1.0 885.173 0.0 319.5 0.0 885.173 213.0 0.0 0.0 1.0 0.9986861621826368 0.00797720342922127 0.05061930155943095 -1.6878598114064325 -0.009781993431092971 0.9993215451350421 0.03550721100601947 2.3762974592649053 -0.050301710402627875 -0.035955717964751555 0.9980866316488812 8.21115207796014 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/44122025_7441115438.jpg sacre_coeur/test/images/22231604_4505331212.jpg 0 0 1479.22 0.0 319.5 0.0 1479.22 213.0 0.0 0.0 1.0 711.736 0.0 319.5 0.0 711.736 179.5 0.0 0.0 1.0 0.9997898634249671 -0.00855139332878858 -0.018630691474613655 -0.7882228767824938 0.008966003070564365 0.9997114432702033 0.02228544331050409 -4.597433178045096 0.018434743871953346 -0.022447803160741853 0.9995780391503367 -20.248179444843892 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/72198457_1660226670.jpg sacre_coeur/test/images/77706306_5103474140.jpg 0 0 1443.11 0.0 187.0 0.0 1443.11 249.5 0.0 0.0 1.0 505.257 0.0 319.5 0.0 505.257 214.0 0.0 0.0 1.0 0.9672985295369879 0.053595709084641945 0.24791340166133663 -16.425813878735788 -0.11484284710955604 0.9640363717499626 0.2396768541410269 -16.05153739591858 -0.2261518852969215 -0.26031014945806935 0.9386660486380476 -45.44710455044905 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/01617203_4574281148.jpg sacre_coeur/test/images/11830476_115274962.jpg 0 0 609.931 0.0 319.5 0.0 609.931 239.5 0.0 0.0 1.0 708.87 0.0 319.5 0.0 708.87 239.5 0.0 0.0 1.0 0.9881688316949919 0.020315411493696377 0.15201856505833952 -0.34089496665791064 -0.0645328927943347 0.9542508339949112 0.2919603595826177 0.18705519150708128 -0.13913254764486152 -0.2983163251916634 0.9442719440447184 0.3328438889911838 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/59914221_4605768617.jpg sacre_coeur/test/images/04808852_3532579721.jpg 3 0 658.209 0.0 319.5 0.0 658.209 239.5 0.0 0.0 1.0 536.862 0.0 319.5 0.0 536.862 223.5 0.0 0.0 1.0 0.016277354814864135 -0.991740984083656 0.12721976343718544 -2.646450718192919 0.9898959338934776 0.03390876680111396 0.1376816458181273 -1.1499001730841183 -0.14085839620481125 0.12369323353688383 0.9822723126484827 -5.673658543888916 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/73088789_3818781918.jpg sacre_coeur/test/images/28570538_3018664920.jpg 0 0 512.969 0.0 319.5 0.0 512.969 239.5 0.0 0.0 1.0 655.109 0.0 319.5 0.0 655.109 239.5 0.0 0.0 1.0 0.8695226105169701 0.2635407322089899 0.4177040965402458 -7.203881906462649 -0.17114675367320195 0.9541159750845234 -0.24570611468914202 2.010600407544123 -0.463291720740699 0.14215832214562402 0.8747295541696661 14.576707777963598 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/61737552_3071958212.jpg sacre_coeur/test/images/95748780_10564008623.jpg 0 0 531.42 0.0 319.5 0.0 531.42 213.0 0.0 0.0 1.0 512.767 0.0 319.5 0.0 512.767 212.5 0.0 0.0 1.0 0.8285907807643347 -0.27573348515162177 -0.4872456907951991 11.61353078340759 0.2308563731429018 0.9611474650898479 -0.15133038469079757 3.063121367019837 0.5100418149638868 0.012907188597827628 0.8600527608646137 1.5926936250629922 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/48325951_2932818065.jpg sacre_coeur/test/images/78882005_4504743257.jpg 0 0 714.985 0.0 239.5 0.0 714.985 319.5 0.0 0.0 1.0 1001.41 0.0 319.5 0.0 1001.41 239.5 0.0 0.0 1.0 0.9880981443435026 0.008352327381582042 0.1535978377850325 -2.7506498276973153 -0.003858440677584859 0.9995563781753489 -0.029532343024491862 3.3441404064989224 -0.15377636222925758 0.028588205195317417 0.9876920294014965 43.770849481410345 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/44937588_1061437022.jpg sacre_coeur/test/images/99936428_253699491.jpg 0 0 521.234 0.0 319.5 0.0 521.234 239.5 0.0 0.0 1.0 658.712 0.0 319.5 0.0 658.712 239.5 0.0 0.0 1.0 0.8665454165683575 0.16090528870283555 0.4724494989856887 -6.089506907742045 -0.2376749308461303 0.9654185835638365 0.1071334950278509 -0.4646562159162334 -0.4388731801690077 -0.20512544107704564 0.8748222020223817 -0.40655824419480957 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/06423637_6065403341.jpg sacre_coeur/test/images/34935406_396311145.jpg 0 0 1816.82 0.0 230.0 0.0 1816.82 319.5 0.0 0.0 1.0 481.009 0.0 187.0 0.0 481.009 249.5 0.0 0.0 1.0 0.9994725721676511 0.0065600729763463875 -0.03180476264846258 1.7535389086840711 -0.00511251581420739 0.9989565597303142 0.04538341055744105 -5.622449769835294 0.032069294763519655 -0.04519687173157876 0.9984632207142383 -44.566334233603314 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/07643413_4366433493.jpg sacre_coeur/test/images/55185330_108661534.jpg 0 0 692.547 0.0 319.5 0.0 692.547 239.5 0.0 0.0 1.0 674.5 0.0 319.5 0.0 674.5 239.5 0.0 0.0 1.0 0.976753051458996 -0.0826502465499265 -0.19779386545283997 2.4053869348850503 0.07417019147786463 0.9959955105291133 -0.049917188442342754 1.1180549824756811 0.20112746993306688 0.03408635725752787 0.9789718387610726 4.126604427041441 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/84259836_1237320024.jpg sacre_coeur/test/images/22199037_8161715444.jpg 0 0 693.174 0.0 239.5 0.0 693.174 319.5 0.0 0.0 1.0 593.177 0.0 319.5 0.0 593.177 212.0 0.0 0.0 1.0 0.7465859412930078 0.24521956568402206 0.6184470849388596 -8.357749505392054 -0.25382016015159925 0.9642665687981623 -0.07592964242531135 2.3119749206148805 -0.6149672825152978 -0.10028633458232847 0.7821495333577789 8.394061245801998 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/92863105_622062757.jpg sacre_coeur/test/images/85291069_9106452141.jpg 0 0 1225.4 0.0 239.0 0.0 1225.4 319.5 0.0 0.0 1.0 1805.38 0.0 239.5 0.0 1805.38 319.5 0.0 0.0 1.0 0.9970158558135583 -0.05179220108156379 -0.05724466056746719 4.315455124545306 0.05394607508616107 0.9978676185222797 0.036742848113236894 2.339716378975594 0.05521960013578459 -0.03972132691390088 0.9976838236380516 9.100551868536584 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/72841866_5318338358.jpg sacre_coeur/test/images/70724808_2779990339.jpg 0 0 535.133 0.0 319.5 0.0 535.133 239.5 0.0 0.0 1.0 1030.95 0.0 249.5 0.0 1030.95 165.5 0.0 0.0 1.0 0.9995152270623023 0.00431764291982584 0.030832917964590336 0.35973904698453074 0.00040886717418450735 0.9884314294216164 -0.1516678679192608 1.8892865948762494 -0.03113107287306613 0.15160695000941526 0.987950499271403 7.761525133608035 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/19631710_3287132673.jpg sacre_coeur/test/images/25927611_9367586008.jpg 0 0 500.5 0.0 319.5 0.0 500.5 213.0 0.0 0.0 1.0 828.45 0.0 213.0 0.0 828.45 319.5 0.0 0.0 1.0 0.9874103170725406 0.0495789462706552 0.15020916691532665 1.1990133531404341 -0.07508036112712474 0.9827207067639354 0.16918319027140952 0.2828121325389952 -0.13922573437308752 -0.17833098604584371 0.9740709698498317 0.40974063528218574 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/03836329_3380486130.jpg sacre_coeur/test/images/56739575_3512017389.jpg 0 0 944.708 0.0 319.5 0.0 944.708 301.0 0.0 0.0 1.0 767.042 0.0 319.5 0.0 767.042 213.0 0.0 0.0 1.0 0.996773238693364 0.024155758348544585 0.07654808922075765 -2.175545806224487 -0.03801152119673334 0.9819862611998913 0.18508945694168882 -2.977608549231541 -0.07069819574114072 -0.18740192675974737 0.9797358230490919 -5.196692628285938 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/18427217_3121596461.jpg sacre_coeur/test/images/30588853_4939266422.jpg 0 0 653.258 0.0 319.5 0.0 653.258 239.5 0.0 0.0 1.0 850.404 0.0 213.0 0.0 850.404 319.5 0.0 0.0 1.0 0.9907808190251233 -0.06160980714514663 -0.12065488102618921 3.343943729945367 0.06363263040631942 0.9978889603541267 0.012981184496527128 -0.23867921150284666 0.11960040551552815 -0.02053909605844335 0.9926096355232621 -0.4473990039990703 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/94661279_5887793763.jpg sacre_coeur/test/images/68684534_2877733555.jpg 0 0 526.02 0.0 319.5 0.0 526.02 213.0 0.0 0.0 1.0 509.45 0.0 212.5 0.0 509.45 319.5 0.0 0.0 1.0 0.9953047612769972 -0.025328771867408815 -0.09341780073962594 1.7887261244371735 0.007843492044759844 0.9830851755587237 -0.18298092039668343 -0.18756706602436132 0.09647233702924111 0.18138905951672601 0.9786680219950757 -2.6495587555729436 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/79053608_2390017929.jpg sacre_coeur/test/images/63170630_8128095778.jpg 0 0 560.07 0.0 249.5 0.0 560.07 187.0 0.0 0.0 1.0 1392.01 0.0 212.0 0.0 1392.01 319.5 0.0 0.0 1.0 0.9796166290691658 -0.03934056728565131 -0.19698624270950452 6.5058562636956765 0.057752192260698096 0.9943906700886955 0.08861083189790192 -0.26924056396231677 0.19239528149164167 -0.09818103180450904 0.9763936402156428 -1.2768847740075753 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/48617069_6378730779.jpg sacre_coeur/test/images/99378904_311153817.jpg 0 0 978.983 0.0 319.5 0.0 978.983 213.5 0.0 0.0 1.0 728.066 0.0 319.5 0.0 728.066 239.5 0.0 0.0 1.0 0.9951267711572279 0.07524618375109353 0.06372378800013637 -1.441989424722927 -0.05700665822175354 0.9663463303640728 -0.25084858124031345 2.5265199427420675 -0.08045464712853967 0.24599345849592544 0.9659266370344258 8.350838788228254 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/44656171_6113568114.jpg sacre_coeur/test/images/78937340_9546137587.jpg 0 0 533.981 0.0 319.5 0.0 533.981 239.5 0.0 0.0 1.0 944.217 0.0 239.5 0.0 944.217 319.5 0.0 0.0 1.0 0.9977900589077445 -0.022679049262879093 -0.062455256539476846 1.701530595042105 0.0264452317289831 0.9978389131870712 0.06015108518094241 3.2505623724819706 0.06095611588413709 -0.06166979855793683 0.9962335006825175 20.671031711442275 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/58207157_8155269003.jpg sacre_coeur/test/images/39890331_3228856431.jpg 0 0 716.507 0.0 319.5 0.0 716.507 239.5 0.0 0.0 1.0 853.952 0.0 295.0 0.0 853.952 319.5 0.0 0.0 1.0 0.9936618955973417 0.025096130185919316 0.1095729048970997 -1.983394855171424 -0.010431841066828764 0.9911407146942864 -0.13240566591825087 1.0957603159230755 -0.11192503710007826 0.13042341785504025 0.9851205602083206 3.7136599970610975 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/58219592_4573644273.jpg sacre_coeur/test/images/15114643_8210538601.jpg 0 0 612.079 0.0 319.5 0.0 612.079 239.5 0.0 0.0 1.0 927.73 0.0 239.5 0.0 927.73 319.5 0.0 0.0 1.0 0.9992173444474702 0.03402894306382892 0.020167538008006036 0.41638381904707944 -0.03426420135363935 0.9993473705597163 0.01143667176140428 1.231103246490047 -0.019765198226755414 -0.012118745369861267 0.9997312003482324 5.22886015922238 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/40430408_7756569670.jpg sacre_coeur/test/images/23743016_2389191967.jpg 0 0 517.998 0.0 319.5 0.0 517.998 201.0 0.0 0.0 1.0 714.056 0.0 239.5 0.0 714.056 319.5 0.0 0.0 1.0 0.9759676884595125 -0.09726260417766228 -0.19500527406092222 2.9728440858796557 0.04315258873572659 0.9634070062058316 -0.2645463938119776 2.1462846523628527 0.21359991846534307 0.24977375006612698 0.9444512420498491 8.896701533048414 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/67770719_8270986474.jpg sacre_coeur/test/images/15012791_5817353527.jpg 0 0 499.694 0.0 212.5 0.0 499.694 319.5 0.0 0.0 1.0 506.581 0.0 212.0 0.0 506.581 319.5 0.0 0.0 1.0 0.9936956942710568 -0.044246542932491494 -0.10301024524621456 4.289366111997187 0.07407948480323782 0.9487993082242505 0.3070701917224637 -3.2440321861775305 0.08414925500828238 -0.31276527325089487 0.9460955484145583 -9.241595544635468 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/55695069_9640098822.jpg sacre_coeur/test/images/60386407_4541255112.jpg 0 0 462.683 0.0 319.5 0.0 462.683 239.5 0.0 0.0 1.0 1433.05 0.0 212.5 0.0 1433.05 319.5 0.0 0.0 1.0 0.9753447153732742 0.01964804536716708 0.21981046496169473 1.69088040711171 0.03922992332053389 0.9647291706033928 -0.26030489911477805 4.296309817524874 -0.21717205001954495 0.26251015542287026 0.9401727070013086 50.701674578207694 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/61059746_3651170874.jpg sacre_coeur/test/images/67569977_7754509434.jpg 0 0 1456.26 0.0 239.5 0.0 1456.26 319.5 0.0 0.0 1.0 1806.88 0.0 239.5 0.0 1806.88 319.5 0.0 0.0 1.0 0.9967736051996919 0.07477574354306513 0.02917135846665493 -0.027740244720777074 -0.07714772032157982 0.9928477776636079 0.09111267550466516 -0.26493721541642934 -0.02214970036798746 -0.09306921384656079 0.9954132369059553 -1.1792329106213089 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/09199317_7932673946.jpg sacre_coeur/test/images/65899853_4831283587.jpg 0 0 592.689 0.0 319.5 0.0 592.689 212.5 0.0 0.0 1.0 703.681 0.0 319.5 0.0 703.681 239.5 0.0 0.0 1.0 0.9920228861456821 0.00531999902020576 0.1259455873526969 0.34655532877632655 -0.01353333662839188 0.9978293024618642 0.06444790103775606 -0.09797362671403809 -0.12532933480591613 -0.06563825682401063 0.9899415018465545 -0.6696340555717075 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/54990444_8865247484.jpg sacre_coeur/test/images/14122634_883725893.jpg 0 0 600.166 0.0 319.5 0.0 600.166 239.5 0.0 0.0 1.0 479.75 0.0 319.5 0.0 479.75 239.5 0.0 0.0 1.0 0.9998714398382904 -0.006263189249102075 0.01476063196932083 -1.849086177375217 0.010666866219917255 0.9471270874733014 -0.32068130307111375 -0.599511614768318 -0.011971706676585097 0.320797525917472 0.9470721332636064 5.726730101295304 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/11830476_115274962.jpg sacre_coeur/test/images/75878456_4122246314.jpg 0 0 708.87 0.0 319.5 0.0 708.87 239.5 0.0 0.0 1.0 887.502 0.0 319.5 0.0 887.502 213.0 0.0 0.0 1.0 0.9023934875352968 0.2655604587446184 0.33935768210728934 -8.62454737016776 -0.15977300934688707 0.9375954000874043 -0.30884858947254373 1.2364182276823146 -0.4001981748310751 0.22448275765922002 0.8885093766390922 7.582392208287066 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/72776302_21108497.jpg sacre_coeur/test/images/43759956_9209511641.jpg 0 0 565.519 0.0 187.0 0.0 565.519 249.5 0.0 0.0 1.0 634.092 0.0 319.5 0.0 634.092 213.0 0.0 0.0 1.0 0.9999441603898102 -0.010488926972341408 0.0012878327866109804 1.0256191414472948 0.010402988823360267 0.998454446204576 0.054593925283446885 -0.2199501785410778 -0.0018584740671913154 -0.05457747946985492 0.99850780908757 -0.42083927021394896 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/04915709_121816865.jpg sacre_coeur/test/images/99119091_3503925030.jpg 0 0 582.627 0.0 249.5 0.0 582.627 183.5 0.0 0.0 1.0 504.731 0.0 319.5 0.0 504.731 214.0 0.0 0.0 1.0 0.9845915847306729 0.07916390828051405 0.15592461929822704 -2.597463697264187 -0.07669344043730691 0.9968162306455288 -0.021806387035210185 -0.5819660399321953 -0.1571544700968826 0.009511989665389681 0.9875282247010327 -2.661888883203094 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/88231888_30382573.jpg sacre_coeur/test/images/28566706_4319457080.jpg 0 0 545.858 0.0 249.5 0.0 545.858 187.0 0.0 0.0 1.0 1554.78 0.0 319.5 0.0 1554.78 239.5 0.0 0.0 1.0 0.9994696926439756 0.029820016389992373 0.013080524020747995 -2.7971731572271876 -0.028578187061073606 0.9958334232020358 -0.08659723123759412 5.348747146992644 -0.015608353867690924 0.08617749042653569 0.9961575274188943 34.62600150808214 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/95748780_10564008623.jpg sacre_coeur/test/images/88346204_4983096872.jpg 0 0 512.767 0.0 319.5 0.0 512.767 212.5 0.0 0.0 1.0 525.321 0.0 319.5 0.0 525.321 239.5 0.0 0.0 1.0 0.9995702561578895 0.029241866884721152 -0.0020533449654300934 -2.494756179013671 -0.028099667826094524 0.9757649234690453 0.2170097297254457 -1.655620349574685 0.008349351622369163 -0.21685877281895713 0.976167281247913 -1.9276227754000859 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/77653698_4129853031.jpg sacre_coeur/test/images/42792712_254986596.jpg 0 0 346.996 0.0 213.0 0.0 346.996 319.5 0.0 0.0 1.0 1329.63 0.0 319.5 0.0 1329.63 239.5 0.0 0.0 1.0 0.9957254422762147 -0.0037307959360053473 0.09228718635607144 -1.0609419583108217 -0.009273449230054931 0.9900966557491571 0.14008074604924192 3.9196205815762775 -0.09189584725771868 -0.14033778335152114 0.9858298330953307 54.54373117206136 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/92313704_2399275366.jpg sacre_coeur/test/images/93650031_6280047097.jpg 0 0 2645.81 0.0 319.5 0.0 2645.81 214.0 0.0 0.0 1.0 536.98 0.0 319.5 0.0 536.98 195.0 0.0 0.0 1.0 0.9814413740750388 -0.076126806882745 -0.1760043707625964 5.065642521978621 0.10165348990245872 0.9847921670375999 0.14089341976131645 -8.3285200169382 0.16260195953416726 -0.15617009001478183 0.9742543331904785 -31.105164810291363 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/36940211_2500226864.jpg sacre_coeur/test/images/74917306_234403154.jpg 0 0 647.827 0.0 319.5 0.0 647.827 239.5 0.0 0.0 1.0 701.955 0.0 319.5 0.0 701.955 239.5 0.0 0.0 1.0 0.9682181174466589 0.10862692692480572 0.22528619086602053 -6.805482262183558 -0.11773890361533486 0.9926672764273821 0.027372045698163816 -0.5060661097164112 -0.2206608882958351 -0.05302705966878042 0.9739080569126517 -4.225042812870262 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/18427217_3121596461.jpg sacre_coeur/test/images/14702458_3061790008.jpg 0 0 653.258 0.0 319.5 0.0 653.258 239.5 0.0 0.0 1.0 810.323 0.0 319.5 0.0 810.323 212.5 0.0 0.0 1.0 0.9853581151756675 -0.07402815832398374 -0.15358781407590644 2.104257284544386 0.08791450666470027 0.9924366009085684 0.08567749234746248 1.740877731100975 0.14608362117416984 -0.09792560927666634 0.9844136075209624 5.847758327557232 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/63858075_3812078922.jpg sacre_coeur/test/images/75030977_10341125684.jpg 0 0 537.525 0.0 249.5 0.0 537.525 187.0 0.0 0.0 1.0 870.934 0.0 319.5 0.0 870.934 239.5 0.0 0.0 1.0 0.9972735015062687 -0.02209519488703678 -0.07040856166923488 1.9895118317293108 0.032024381817947846 0.9891786687752415 0.1431782113633896 -0.7913717281173884 0.06648309681870179 -0.14504262684792027 0.9871892595821988 -1.2942498158376736 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/79205306_10858206333.jpg sacre_coeur/test/images/85019556_13753237.jpg 0 0 428.425 0.0 319.5 0.0 428.425 212.5 0.0 0.0 1.0 1875.74 0.0 239.5 0.0 1875.74 319.5 0.0 0.0 1.0 0.9934301578342942 0.07598467867827403 0.08557365313861828 2.2937136890298557 -0.03600376942944281 0.917307554219195 -0.39654833193353606 3.895689968199411 -0.10862895604856299 0.39086209790482085 0.9140167232218684 45.51592230454709 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/08124432_3626165332.jpg sacre_coeur/test/images/96718433_4122167216.jpg 0 0 1404.56 0.0 196.5 0.0 1404.56 249.5 0.0 0.0 1.0 536.625 0.0 239.5 0.0 536.625 319.5 0.0 0.0 1.0 0.9877574614519005 0.043866729092274626 0.14970273018499797 -8.504573447666708 -0.07161356337786129 0.9800630782604659 0.185331757049203 -14.805988027804421 -0.13858822059043246 -0.19378357182528344 0.9712060710293221 -47.93242480921861 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/82330476_2679804255.jpg sacre_coeur/test/images/27172569_5015079786.jpg 0 0 1431.71 0.0 239.5 0.0 1431.71 319.5 0.0 0.0 1.0 476.902 0.0 239.5 0.0 476.902 319.5 0.0 0.0 1.0 0.9693564942468342 -0.16558530118290268 -0.18146485911507626 3.444482890424244 0.18143294756740616 0.980584091548543 0.074410516319411 -4.008364567032575 0.1656202662674165 -0.10505402150363347 0.9805781865651634 -8.392261161237917 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/65409197_2096349519.jpg sacre_coeur/test/images/12365089_8352000383.jpg 0 0 548.189 0.0 166.0 0.0 548.189 249.5 0.0 0.0 1.0 1716.68 0.0 319.5 0.0 1716.68 239.5 0.0 0.0 1.0 0.9999001425404067 -0.00785806154921968 -0.011745459393454788 -6.777857478350497 0.006383711459888344 0.9926713826137379 -0.12067632065872295 1.9397647267992624 0.012607663370803896 0.12058929060417728 0.9926224205688232 29.903396019981535 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/36981833_2290028612.jpg sacre_coeur/test/images/40053940_4478762600.jpg 0 0 1252.04 0.0 249.5 0.0 1252.04 187.5 0.0 0.0 1.0 492.186 0.0 319.5 0.0 492.186 179.5 0.0 0.0 1.0 0.9913164766243955 -0.007049212222745008 -0.1313086127412564 7.270842662531234 0.03707322999911387 0.9730374702475287 0.22764809929301538 -14.148885354718026 0.12616346059944356 -0.2305393461024137 0.9648494136953415 -37.4820399118599 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/75030977_10341125684.jpg sacre_coeur/test/images/59066216_374458283.jpg 0 0 870.934 0.0 319.5 0.0 870.934 239.5 0.0 0.0 1.0 1271.07 0.0 249.5 0.0 1271.07 239.5 0.0 0.0 1.0 0.9938418372716723 0.05665377815552288 0.09522999479770934 -2.5762956721603794 -0.03367694310071826 0.9731937857377673 -0.22750762383881476 4.246885484797099 -0.10556640560262501 0.22289953975299603 0.969108626102381 31.782538655328004 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/79302802_4840098295.jpg sacre_coeur/test/images/69077959_3760142614.jpg 0 0 528.086 0.0 319.5 0.0 528.086 213.0 0.0 0.0 1.0 2150.73 0.0 319.5 0.0 2150.73 319.5 0.0 0.0 1.0 0.9999836527510135 -0.00270353722538537 -0.005038364537333006 0.5352159863483141 0.002146291386403431 0.9942030983061777 -0.10749694298761069 4.763908609946864 0.005299779620394592 0.1074843719099104 0.9941926483992464 43.133127244661935 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/46259219_6904914541.jpg sacre_coeur/test/images/39123262_5579580720.jpg 0 0 605.234 0.0 319.5 0.0 605.234 264.5 0.0 0.0 1.0 683.689 0.0 319.5 0.0 683.689 214.0 0.0 0.0 1.0 0.996994499821162 0.07501318631909208 0.01936463799321251 -0.6082888801204636 -0.0761371423509432 0.9949160039935337 0.0659187420402636 0.39922231221329296 -0.0143214133724019 -0.0671949914487366 0.997637073410577 0.5817494054582166 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/44509707_7002758055.jpg sacre_coeur/test/images/97963132_2552614010.jpg 0 0 1017.42 0.0 213.0 0.0 1017.42 319.5 0.0 0.0 1.0 756.149 0.0 319.5 0.0 756.149 239.5 0.0 0.0 1.0 0.998223211264314 -0.024542497248923177 0.05429628276362246 -2.066257259710357 0.01476113750897966 0.9846863927342293 0.17370900029501155 -6.32193848667287 -0.0577280634752426 -0.1725988812038998 0.9832990882201409 -32.917346361361176 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/04388678_7557805274.jpg sacre_coeur/test/images/86255041_34613076.jpg 0 0 528.283 0.0 213.0 0.0 528.283 319.5 0.0 0.0 1.0 943.253 0.0 319.5 0.0 943.253 283.5 0.0 0.0 1.0 0.9997149699475244 -0.003451694707512041 -0.0236233923572941 1.423167700672415 0.006810681172154569 0.9896087296216803 0.14362512620894596 1.8910562732064227 0.02288216521205516 -0.14374508012523607 0.9893501697857023 5.63458126140885 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/92912238_291183223.jpg sacre_coeur/test/images/76212982_3312164124.jpg 0 0 1859.84 0.0 239.5 0.0 1859.84 319.5 0.0 0.0 1.0 540.23 0.0 319.5 0.0 540.23 213.0 0.0 0.0 1.0 0.7465070838575636 -0.16195992699336853 -0.6453651337024485 41.69658979562014 0.2531034454876307 0.9661301259675272 0.05031128680783127 -3.0125096599419976 0.615358285580658 -0.20090187093771086 0.762215598515906 -29.402227123664755 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/97879806_8161726916.jpg sacre_coeur/test/images/74182138_8276852729.jpg 0 0 794.081 0.0 319.5 0.0 794.081 239.5 0.0 0.0 1.0 710.115 0.0 319.5 0.0 710.115 213.0 0.0 0.0 1.0 0.9768209649800939 -0.02013117121748942 -0.21310921688366916 5.193095850627207 0.008332881432037887 0.9983894348370611 -0.056116837872186215 -0.7314240097186833 0.21389568827444422 0.053040289885574354 0.9754154818263118 -5.445513105488342 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/70185138_6825344581.jpg sacre_coeur/test/images/67741421_496100843.jpg 0 0 2115.3 0.0 319.5 0.0 2115.3 319.5 0.0 0.0 1.0 1150.26 0.0 239.5 0.0 1150.26 319.5 0.0 0.0 1.0 0.999901138454184 -0.002118106506330532 0.013900609441820215 0.1618825861330052 0.0024991099788385825 0.9996200747356719 -0.02744923741679477 -1.8970961208899864 -0.013837187840737366 0.027481262894520256 0.9995265441309613 -10.393850430250062 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/89538096_6079882006.jpg sacre_coeur/test/images/17616986_7085723791.jpg 0 0 478.755 0.0 239.5 0.0 478.755 319.5 0.0 0.0 1.0 511.96 0.0 319.5 0.0 511.96 212.0 0.0 0.0 1.0 0.8369055685381283 0.24592188437477433 0.4889902822505089 -4.202244909677781 -0.34933781478480436 0.9277505941046884 0.1313085157169007 1.4322700577776772 -0.42136938724977396 -0.2807156246523482 0.8623494521160153 2.35401980336746 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/55864846_6415556309.jpg sacre_coeur/test/images/59340498_8155265289.jpg 0 0 437.599 0.0 213.0 0.0 437.599 319.5 0.0 0.0 1.0 709.882 0.0 319.5 0.0 709.882 239.5 0.0 0.0 1.0 0.9931472128660622 -0.05642433445489826 -0.10234699828375265 2.004144408239116 0.05429226021187432 0.9982484830612597 -0.023501415850544098 -1.6449487964246732 0.10349378753074416 0.01778371578764839 0.9944711033485717 -7.991369740596844 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/31148870_2948239995.jpg sacre_coeur/test/images/60635619_2829148962.jpg 0 0 722.471 0.0 319.5 0.0 722.471 239.5 0.0 0.0 1.0 530.154 0.0 249.5 0.0 530.154 187.0 0.0 0.0 1.0 0.7587669948783845 -0.2805976777285789 -0.5878244557149304 13.905573092327414 0.3454826641514656 0.9384229907442128 -0.0020047976188991555 0.7232563313518501 0.5521905253207728 -0.20156198474914794 0.808986025868156 -2.0980870049089946 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/61737552_3071958212.jpg sacre_coeur/test/images/03654060_2228949569.jpg 0 0 531.42 0.0 319.5 0.0 531.42 213.0 0.0 0.0 1.0 517.828 0.0 187.0 0.0 517.828 249.5 0.0 0.0 1.0 0.8163969611704207 -0.2740123162028546 -0.5083436360975214 11.646673398186838 0.20581919391697262 0.9605173226085535 -0.1872029176702744 3.2464100630945776 0.5395687733802523 0.048205015693833786 0.840560417373366 2.6873969808191127 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/73413427_2624866230.jpg sacre_coeur/test/images/42008365_12432214243.jpg 0 0 1391.03 0.0 212.5 0.0 1391.03 319.5 0.0 0.0 1.0 848.932 0.0 319.5 0.0 848.932 319.5 0.0 0.0 1.0 0.9837860236838359 -0.05553565532279843 -0.1705310839472223 7.844390448156291 0.09711487615011387 0.9643410745277607 0.24620112268020206 -10.251349634349227 0.1507771880447944 -0.25877032860533133 0.9540986094732523 -24.924609331371368 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/14702458_3061790008.jpg sacre_coeur/test/images/77447644_11774301175.jpg 0 0 810.323 0.0 319.5 0.0 810.323 212.5 0.0 0.0 1.0 511.678 0.0 319.5 0.0 511.678 212.5 0.0 0.0 1.0 0.9894924109230309 0.07328731446531457 0.12463441845730071 -1.8439388959784817 -0.057985931136905 0.9908038464113074 -0.12225125654464236 -1.2639739036480735 -0.13244772748489708 0.11373964777077487 0.9846425199071317 -6.2047571728749915 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/89443230_8712904049.jpg sacre_coeur/test/images/34297653_2634761938.jpg 0 0 614.242 0.0 238.5 0.0 614.242 319.5 0.0 0.0 1.0 648.902 0.0 239.0 0.0 648.902 319.5 0.0 0.0 1.0 0.9956687640986562 0.008358241214208747 0.09259509707354627 -3.8285146490483175 -0.0171129663603347 0.9954097647901734 0.09416234142544298 0.3697265062753421 -0.09138303223577343 -0.095339078893058 0.9912414445810963 0.19578168779023386 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/22593097_5934502901.jpg sacre_coeur/test/images/07643413_4366433493.jpg 0 0 1517.12 0.0 319.5 0.0 1517.12 179.5 0.0 0.0 1.0 692.547 0.0 319.5 0.0 692.547 239.5 0.0 0.0 1.0 0.9921413986910361 -0.008305598200545463 0.1248457529991526 -8.121074688517789 -0.02656889149415038 0.9610549258363188 0.27507730464456653 -15.019702423510182 -0.12226830745604683 -0.27623259504316056 0.9532817078007711 -38.89075020425644 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/02933228_4036000307.jpg sacre_coeur/test/images/21155361_10359960085.jpg 0 0 679.926 0.0 319.5 0.0 679.926 239.5 0.0 0.0 1.0 778.711 0.0 212.5 0.0 778.711 319.5 0.0 0.0 1.0 0.9616003061667764 -0.09569097211363119 -0.25723158638843396 3.1795167835506044 0.032835732226029556 0.9706293546430601 -0.23832849303928702 1.2269736624510834 0.27248241387132227 0.22073036438411744 0.9364995677359987 8.171450109338256 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/85759221_9290609964.jpg sacre_coeur/test/images/99543611_6046123347.jpg 0 0 1001.31 0.0 212.5 0.0 1001.31 319.5 0.0 0.0 1.0 803.204 0.0 213.0 0.0 803.204 319.5 0.0 0.0 1.0 0.9966426656411678 0.06038240603582953 0.05529341791743099 -1.8073774515787362 -0.05104044813612892 0.9862696459921727 -0.1570574991795592 1.8520799922689184 -0.06401772940155405 0.15370800381176747 0.9860403540862164 6.96622086256254 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/68663909_1356782012.jpg sacre_coeur/test/images/69212502_553330789.jpg 0 0 672.136 0.0 319.5 0.0 672.136 239.0 0.0 0.0 1.0 859.802 0.0 213.0 0.0 859.802 319.5 0.0 0.0 1.0 0.9886668656635631 0.07333205504934634 0.1309970932548712 -2.3688322667717996 -0.054361478331779685 0.9882379703248398 -0.1429354528513623 2.8613038734226293 -0.13993805205364707 0.13419435051625755 0.9810245755723709 14.211917345081021 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/65899853_4831283587.jpg sacre_coeur/test/images/38901171_7234089272.jpg 0 0 703.681 0.0 319.5 0.0 703.681 239.5 0.0 0.0 1.0 528.65 0.0 319.5 0.0 528.65 239.5 0.0 0.0 1.0 0.8201273597197678 -0.15554156725228643 -0.5506341205335766 12.284509105396946 0.19752191374641603 0.980145364339443 0.017325078754617144 -1.4660618256599585 0.5370067107858487 -0.12297107635782797 0.8345668978280658 -4.501904284988671 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/88346204_4983096872.jpg sacre_coeur/test/images/90741813_5700626652.jpg 0 0 525.321 0.0 319.5 0.0 525.321 239.5 0.0 0.0 1.0 756.043 0.0 266.0 0.0 756.043 319.5 0.0 0.0 1.0 0.8495636781326175 0.31509501155682323 0.42303272980915285 -7.362086933826552 -0.213474104148963 0.9387501264630196 -0.27051248940383993 1.6563011847279103 -0.4823591645813065 0.13951105245703765 0.8647926355992827 8.771084335164431 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/15012791_5817353527.jpg sacre_coeur/test/images/47058715_3625029597.jpg 0 0 506.581 0.0 212.0 0.0 506.581 319.5 0.0 0.0 1.0 679.749 0.0 319.5 0.0 679.749 239.5 0.0 0.0 1.0 0.8809843425813713 0.22916957308675184 0.4139418979732603 -1.5885657310640309 -0.12400289182958739 0.9561242381238391 -0.2654236690463151 1.4837632516702899 -0.45660691074968274 0.182504104182191 0.8707481731317541 11.491890419398704 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/18244579_9045725729.jpg sacre_coeur/test/images/57417409_1401404166.jpg 0 0 676.419 0.0 319.5 0.0 676.419 239.5 0.0 0.0 1.0 548.254 0.0 187.0 0.0 548.254 249.5 0.0 0.0 1.0 0.9714212759146149 0.0552184207747922 0.23084980118587836 -7.1505992870387 0.00014274149871402824 0.9724283218240531 -0.2332019265343233 -0.30902833533738805 -0.23736192686546442 0.22657026486631768 0.9446296791616916 6.136578617622172 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/97523888_2454093481.jpg sacre_coeur/test/images/43274786_5333458956.jpg 0 0 651.106 0.0 319.5 0.0 651.106 239.5 0.0 0.0 1.0 502.299 0.0 319.5 0.0 502.299 239.5 0.0 0.0 1.0 0.9094508476070096 0.09274194114179744 0.40533700563869446 -8.730198014246351 -0.17137531225584576 0.9717670004290153 0.1621708951273481 -1.9575430497984956 -0.3788530825215799 -0.216951213940935 0.8996680013390781 -4.739892743278401 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/12060097_10141374576.jpg sacre_coeur/test/images/08319155_4244960671.jpg 0 0 852.046 0.0 319.5 0.0 852.046 209.0 0.0 0.0 1.0 661.935 0.0 239.5 0.0 661.935 319.5 0.0 0.0 1.0 0.977997146524418 0.11100502559450572 0.1766337048325129 -5.838862547940984 -0.11841053282684572 0.9924515573614469 0.03191946125017678 -4.147279507595103 -0.17175717483051087 -0.052132433125667316 0.9837589553903128 -17.098699349729248 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/90319881_5214536200.jpg sacre_coeur/test/images/69077959_3760142614.jpg 0 0 519.617 0.0 319.5 0.0 519.617 213.0 0.0 0.0 1.0 2150.73 0.0 319.5 0.0 2150.73 319.5 0.0 0.0 1.0 0.8083588394668516 0.2613509960173143 0.5274956336658748 -6.81785300256844 -0.09522779554653005 0.9423008550677195 -0.3209373233109434 5.592089194634177 -0.5809368757542883 0.2092002758588107 0.7866051048457825 51.577377526631516 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/60748234_6779431614.jpg sacre_coeur/test/images/35996631_900261655.jpg 0 0 1251.64 0.0 305.5 0.0 1251.64 305.5 0.0 0.0 1.0 896.808 0.0 319.5 0.0 896.808 204.0 0.0 0.0 1.0 0.9992416750363785 -0.01930190260837582 -0.03381584578550233 1.4328676234482955 0.015136273934078142 0.9927335539144246 -0.11937748591685463 2.778110220350502 0.03587433737206375 0.11877511308406763 0.992272898163596 22.387919612853366 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/67569977_7754509434.jpg sacre_coeur/test/images/28566706_4319457080.jpg 0 0 1806.88 0.0 239.5 0.0 1806.88 319.5 0.0 0.0 1.0 1554.78 0.0 319.5 0.0 1554.78 239.5 0.0 0.0 1.0 0.9997520273817808 -0.02138678599620366 0.00620396089378449 -1.6237524014373892 0.02090215611553476 0.9973426295819777 0.06979096709623246 -3.3761356304194585 -0.007680079149385976 -0.069643984688257 0.9975423458585612 -13.242712277888863 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/61084833_3699152935.jpg sacre_coeur/test/images/35719192_2298527061.jpg 0 0 1839.79 0.0 239.5 0.0 1839.79 319.5 0.0 0.0 1.0 551.852 0.0 249.5 0.0 551.852 187.0 0.0 0.0 1.0 0.9981365362717466 0.03465764066304613 0.05022253381811512 -2.486878780857627 -0.035107286820007216 0.9993507356178328 0.008098495677261074 -1.4637441103108078 -0.04990925136263107 -0.00984658132389312 0.9987052175014677 -9.008421610902182 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/72482105_8590533286.jpg sacre_coeur/test/images/04073909_6377255611.jpg 0 0 877.949 0.0 319.5 0.0 877.949 206.5 0.0 0.0 1.0 679.951 0.0 319.5 0.0 679.951 221.5 0.0 0.0 1.0 0.9984331901276489 -0.003555369345531498 0.05584374808645377 -0.10691040093958379 -0.0106926405492468 0.9674674628797266 0.2527694121272372 0.46251847055199136 -0.05492569789826124 -0.252970487642099 0.9659136090212765 0.42431853697387467 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/69212502_553330789.jpg sacre_coeur/test/images/10162786_7360656560.jpg 0 0 859.802 0.0 213.0 0.0 859.802 319.5 0.0 0.0 1.0 534.866 0.0 319.5 0.0 534.866 211.5 0.0 0.0 1.0 0.6942734592636038 -0.2338997936291219 -0.6806432621442773 20.36813234260545 0.27969929760213236 0.9590660856584156 -0.04427805619850876 1.3531154556805391 0.6631384973616167 -0.1596343630929715 0.7312757369398213 -2.295264099838745 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/47232856_233187107.jpg sacre_coeur/test/images/68833924_5994205213.jpg 0 0 548.399 0.0 249.5 0.0 548.399 187.0 0.0 0.0 1.0 499.829 0.0 319.5 0.0 499.829 212.5 0.0 0.0 1.0 0.9194122207573112 -0.07505847185908576 -0.3860665669600103 9.68005836670552 0.0749183223361742 0.9970702587011476 -0.015431921201181384 -1.6754440097855325 0.3860937882178919 -0.014735162564600246 0.9223418355922889 -5.684191607331163 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/84982523_3167326578.jpg sacre_coeur/test/images/48360689_7391063350.jpg 0 0 463.512 0.0 187.0 0.0 463.512 249.5 0.0 0.0 1.0 1914.59 0.0 212.0 0.0 1914.59 319.5 0.0 0.0 1.0 0.9999184014611934 0.005369269051846308 -0.011591435163097293 0.7210955611352294 -0.0033559568333318673 0.9859188577809287 0.16719073965289416 3.649078757755283 0.012325906580216144 -0.16713819677679276 0.9858564272779166 41.448422751930096 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/36940211_2500226864.jpg sacre_coeur/test/images/39123262_5579580720.jpg 0 0 647.827 0.0 319.5 0.0 647.827 239.5 0.0 0.0 1.0 683.689 0.0 319.5 0.0 683.689 214.0 0.0 0.0 1.0 0.9029380767107663 -0.10724233018979144 -0.4161753383386935 15.456017343950379 0.16911771100710962 0.9789023793640466 0.11467053457241866 -1.431110278420301 0.3950974936007289 -0.17392301253966438 0.9020248091153312 -7.413558862081466 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/91666803_2206807381.jpg sacre_coeur/test/images/99117955_5783559928.jpg 0 0 1763.14 0.0 239.5 0.0 1763.14 319.5 0.0 0.0 1.0 537.035 0.0 319.5 0.0 537.035 239.5 0.0 0.0 1.0 0.9904135848874603 0.05617774741139379 0.12619426122511146 -3.7784673241345113 -0.06584134888056549 0.9951004340463586 0.07375664674005024 -0.8512184536860281 -0.12143248184879413 -0.08135838528713894 0.9892598068735593 -5.560486540222735 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/22593097_5934502901.jpg sacre_coeur/test/images/96718433_4122167216.jpg 0 0 1517.12 0.0 319.5 0.0 1517.12 179.5 0.0 0.0 1.0 536.625 0.0 239.5 0.0 536.625 319.5 0.0 0.0 1.0 0.9942075142745317 -0.0032863117883275257 0.10742727174645575 -7.303250173325553 -0.018453391351029136 0.97946998619127 0.20074366365621363 -12.427554031392498 -0.10588149464237229 -0.20156325633731756 0.973735776680201 -40.8019275906569 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/85532633_499885666.jpg sacre_coeur/test/images/88698102_4801040627.jpg 0 0 1397.17 0.0 239.5 0.0 1397.17 319.5 0.0 0.0 1.0 1399.17 0.0 319.5 0.0 1399.17 239.5 0.0 0.0 1.0 0.9977326286668349 -0.03815711837655983 -0.05544038249114855 2.796253598618553 0.045038452640341856 0.9906592439747287 0.1287081975290714 -3.767115221747309 0.050011393475200595 -0.13091331729284075 0.9901315891729001 -15.687589425919 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/97202520_2635602680.jpg sacre_coeur/test/images/70170436_3664390013.jpg 0 0 677.356 0.0 319.5 0.0 677.356 239.5 0.0 0.0 1.0 523.702 0.0 213.5 0.0 523.702 319.5 0.0 0.0 1.0 0.9992431486488165 0.009495839227276048 -0.03772212766757433 1.0226807633528296 -0.006382419984392582 0.9966271282089377 0.08181461992302269 3.026356238793336 0.03837179424449516 -0.08151193995590805 0.9959334360543793 6.687529275166679 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/53515910_7697309520.jpg sacre_coeur/test/images/77706306_5103474140.jpg 0 0 500.109 0.0 319.5 0.0 500.109 212.5 0.0 0.0 1.0 505.257 0.0 319.5 0.0 505.257 214.0 0.0 0.0 1.0 0.6784494339032083 0.3018447769838739 0.6697731677545552 -10.770751264727675 -0.3611974457079961 0.9309436128148774 -0.05366931127937711 1.4340373571935578 -0.6397208538498923 -0.2055084435412301 0.7406237295569361 2.779223233535841 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/97242119_2076423149.jpg sacre_coeur/test/images/65047902_2191034090.jpg 0 0 1416.69 0.0 213.0 0.0 1416.69 319.5 0.0 0.0 1.0 1085.88 0.0 319.5 0.0 1085.88 212.5 0.0 0.0 1.0 0.998349181766661 -0.01815397629743345 0.054491691205458076 -1.949650908129853 0.015480792759755438 0.9986746663980811 0.04908417005726946 -3.681518831094026 -0.05531054439587695 -0.04815956643569041 0.9973070739944433 -13.480465606923858 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/49997128_3263255043.jpg sacre_coeur/test/images/38432569_8875267871.jpg 0 0 1444.69 0.0 213.0 0.0 1444.69 319.5 0.0 0.0 1.0 569.282 0.0 239.5 0.0 569.282 319.5 0.0 0.0 1.0 0.9998571531141021 0.016702268760719032 0.0025899005401551502 2.9206634403269636 -0.016892544582320018 0.9925944418606172 0.12029512012107564 -13.904168151048447 -0.0005615194542646289 -0.12032168634811596 0.9927347966553043 -47.45804098655597 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/97879806_8161726916.jpg sacre_coeur/test/images/97643496_704095933.jpg 0 0 794.081 0.0 319.5 0.0 794.081 239.5 0.0 0.0 1.0 753.473 0.0 239.5 0.0 753.473 319.5 0.0 0.0 1.0 0.9956728888771716 0.05774465894088402 0.07280832863614378 -1.913530334677357 -0.05778577068785891 0.998327813175637 -0.001543420215193417 -2.514595111396898 -0.07277570378222344 -0.002670543718321365 0.997344757411022 -13.488901653197075 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/31148870_2948239995.jpg sacre_coeur/test/images/03337951_335877896.jpg 0 0 722.471 0.0 319.5 0.0 722.471 239.5 0.0 0.0 1.0 572.41 0.0 249.5 0.0 572.41 187.0 0.0 0.0 1.0 0.9942768752568242 -0.07596335431383566 -0.07512033100909658 3.1598078629726496 0.07827623455438684 0.9965289424253916 0.02833545504340653 1.5585520783805142 0.07270712780403432 -0.03405342434940965 0.9967718083175139 5.822217920098174 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/20864632_4515642500.jpg sacre_coeur/test/images/75026938_1499132926.jpg 0 0 707.548 0.0 319.5 0.0 707.548 239.5 0.0 0.0 1.0 580.942 0.0 187.0 0.0 580.942 249.5 0.0 0.0 1.0 0.9612753239147545 -0.04698572554312985 -0.2715549543421539 1.4594743170341467 0.09075768650736345 0.9843659375197101 0.150952785303131 -0.3854750747496688 0.2602168210789125 -0.16975288700380828 0.950511001189075 -2.106553398341316 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/66926938_4371324505.jpg sacre_coeur/test/images/12573771_2610756325.jpg 0 0 1503.42 0.0 239.5 0.0 1503.42 319.5 0.0 0.0 1.0 686.081 0.0 213.5 0.0 686.081 319.5 0.0 0.0 1.0 0.998014294977702 -0.007652040139148997 -0.06252130278448544 4.5318695364635975 0.009198983508306577 0.999657692131395 0.024492391980923397 -3.9620437320530835 0.06231248448404506 -0.025018889748391074 0.9977430578225958 -31.683938893355222 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/72198457_1660226670.jpg sacre_coeur/test/images/24557061_6127380941.jpg 0 0 1443.11 0.0 187.0 0.0 1443.11 249.5 0.0 0.0 1.0 1027.21 0.0 296.5 0.0 1027.21 319.5 0.0 0.0 1.0 0.9997520975715923 0.015817181997346216 0.015670359117269734 -2.2290475057724635 -0.014499219670100537 0.9966152674692645 -0.08091836179832569 0.018720394814651264 -0.016897219598488444 0.08067109396078244 0.996597540920612 -1.0047731580238022 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/26122587_7769817838.jpg sacre_coeur/test/images/30178210_1968722368.jpg 0 0 535.329 0.0 239.5 0.0 535.329 319.5 0.0 0.0 1.0 742.141 0.0 319.5 0.0 742.141 249.0 0.0 0.0 1.0 0.9901594220548937 0.03294932271731033 0.13600978291427837 -3.7063844766759395 -0.06906328445796885 0.960342238081743 0.2701352411219727 -7.329319421327379 -0.12171516608786377 -0.2768702365524673 0.953167503881445 -12.356539272613844 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/47029087_8959697396.jpg sacre_coeur/test/images/40053940_4478762600.jpg 0 0 622.643 0.0 319.5 0.0 622.643 239.5 0.0 0.0 1.0 492.186 0.0 319.5 0.0 492.186 179.5 0.0 0.0 1.0 0.9356906017709161 -0.07528242483365598 -0.34469646686432104 4.255006183764442 0.11873610248644147 0.987174874491574 0.10671225393025127 -3.4267119833145676 0.33224213417914095 -0.14077756811264389 0.9326289940766261 -8.094492836102338 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/45575968_5097432755.jpg sacre_coeur/test/images/89598965_8275144360.jpg 0 0 588.085 0.0 319.5 0.0 588.085 179.5 0.0 0.0 1.0 715.898 0.0 213.0 0.0 715.898 319.5 0.0 0.0 1.0 0.982818890139278 0.06887820911677343 0.17123907700715854 -3.7293242438143936 -0.0837692045226611 0.9931626886290795 0.08130556124090337 -4.09525214412297 -0.16446808066928403 -0.09425320272502011 0.981868924152831 -14.125751605212715 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/30588853_4939266422.jpg sacre_coeur/test/images/15701912_177669906.jpg 0 0 850.404 0.0 213.0 0.0 850.404 319.5 0.0 0.0 1.0 743.975 0.0 319.5 0.0 743.975 239.0 0.0 0.0 1.0 0.9632981586110981 0.09370194452942608 0.2515484112608796 -6.819504470915048 -0.10226727753415743 0.9945317472750133 0.02116619020656659 1.1344701999209532 -0.2481895677949014 -0.046114523238490614 0.9676132435969791 2.648530810527882 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/44509707_7002758055.jpg sacre_coeur/test/images/92423741_5783562525.jpg 0 0 1017.42 0.0 213.0 0.0 1017.42 319.5 0.0 0.0 1.0 502.585 0.0 212.0 0.0 502.585 319.5 0.0 0.0 1.0 0.9998426345109581 -0.01708786068749096 0.004765630211370172 -0.7775377318167953 0.015812169354723217 0.9802193543589983 0.1972815060778024 -7.283154029812935 -0.008042481860978909 -0.19717510582513537 0.9803352978080319 -33.9836288483695 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/01012753_375984446.jpg sacre_coeur/test/images/00204549_3820006713.jpg 0 0 773.348 0.0 249.5 0.0 773.348 199.0 0.0 0.0 1.0 565.301 0.0 319.5 0.0 565.301 213.5 0.0 0.0 1.0 0.9997948969653894 0.005853448001916466 0.019388170322529485 -1.0548365273536802 -0.00847260138498115 0.9904105024906361 0.1378957997257956 -4.02245180557097 -0.01839508161813284 -0.1380317851175387 0.9902569602227128 -10.5511492931943 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/86437085_9493229723.jpg sacre_coeur/test/images/88231888_30382573.jpg 0 0 520.807 0.0 319.5 0.0 520.807 212.0 0.0 0.0 1.0 545.858 0.0 249.5 0.0 545.858 187.0 0.0 0.0 1.0 0.9844068600055326 0.018082654724611104 0.17497471695121738 -1.317469662993755 -0.029958190927989507 0.9974048277010885 0.06546843876925988 -1.2227279068610106 -0.17333678423915183 -0.0696895062163071 0.9823938782143122 -2.394117620185087 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/89443230_8712904049.jpg sacre_coeur/test/images/47029087_8959697396.jpg 0 0 614.242 0.0 238.5 0.0 614.242 319.5 0.0 0.0 1.0 622.643 0.0 319.5 0.0 622.643 239.5 0.0 0.0 1.0 0.960327517280926 0.007461023651082767 0.2787748063924188 -2.7670893532884495 -0.052414819557275616 0.9866557579933701 0.15415285242027307 0.4947407043034535 -0.27390462983277747 -0.16264915722070686 0.9479037426930873 1.2235988152196269 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/67569977_7754509434.jpg sacre_coeur/test/images/72213636_3271218925.jpg 0 0 1806.88 0.0 239.5 0.0 1806.88 319.5 0.0 0.0 1.0 348.891 0.0 319.5 0.0 348.891 212.5 0.0 0.0 1.0 0.9964066970112837 0.035396158314833295 0.07694677464075707 -6.296429907402615 -0.03989876453187361 0.9975312541164092 0.05778828297997537 -8.462376969330354 -0.07471132939450555 -0.060650713412909354 0.9953590850655912 -53.721884038185905 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/23236854_6565983213.jpg sacre_coeur/test/images/77447644_11774301175.jpg 0 0 668.656 0.0 239.5 0.0 668.656 319.5 0.0 0.0 1.0 511.678 0.0 319.5 0.0 511.678 212.5 0.0 0.0 1.0 0.9855102576453317 -0.06961021415170625 -0.1546736892997172 4.982671677854141 0.06596001566277086 0.9974119174270789 -0.028613690922438907 -0.42443239813771094 0.15626518617273283 0.017996806944328758 0.9875511665378203 -0.6062282820138254 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/88074069_5867013385.jpg sacre_coeur/test/images/60953043_2624021191.jpg 0 0 1107.69 0.0 319.5 0.0 1107.69 239.5 0.0 0.0 1.0 1395.38 0.0 212.5 0.0 1395.38 319.5 0.0 0.0 1.0 0.9960365876404783 0.00270159260968378 -0.08890341657598431 2.8900506456032846 0.006157537884400315 0.9950460822788412 0.09922388255219547 -3.5834312645401036 0.08873105887294411 -0.09937804354534766 0.9910856691792012 -21.4695620579026 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/08619228_3960784810.jpg sacre_coeur/test/images/41248376_5125754940.jpg 0 0 484.401 0.0 319.5 0.0 484.401 213.0 0.0 0.0 1.0 1042.61 0.0 319.5 0.0 1042.61 213.5 0.0 0.0 1.0 0.9950600888700974 -0.026184165072416013 -0.09575911986486721 -5.207459772620821 0.02676781328751544 0.9996300803729413 0.004815245101943575 3.9924410438654405 0.09559761351434591 -0.007354720460190972 0.9953928894548696 42.58801815337103 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/97242119_2076423149.jpg sacre_coeur/test/images/59088601_13927956521.jpg 0 0 1416.69 0.0 213.0 0.0 1416.69 319.5 0.0 0.0 1.0 1295.39 0.0 319.5 0.0 1295.39 213.0 0.0 0.0 1.0 0.9987500718208749 -0.007057602442283337 0.04948216128630522 -1.8380070923675946 0.0065643509710859764 0.9999272073191995 0.010123702838150436 -1.755812167535459 -0.04955000841700888 -0.009786230663204875 0.9987236987051428 -5.532004511366118 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/79893810_6766787721.jpg sacre_coeur/test/images/65409197_2096349519.jpg 0 0 1017.45 0.0 212.0 0.0 1017.45 319.5 0.0 0.0 1.0 548.189 0.0 166.0 0.0 548.189 249.5 0.0 0.0 1.0 0.9999844024658296 -0.0007433253884224575 0.005535548069047888 0.14757607310280638 0.0007076407732703783 0.9999789764091104 0.006445617450936297 -0.734347352800258 -0.005540222883045287 -0.006441599735681816 0.9999639052102088 -1.8689528261551098 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/64661937_6056840145.jpg sacre_coeur/test/images/08081221_11367454663.jpg 0 0 697.765 0.0 239.5 0.0 697.765 319.5 0.0 0.0 1.0 670.286 0.0 212.5 0.0 670.286 319.5 0.0 0.0 1.0 0.9980289698302142 -0.028288423011396426 0.05601732324173957 -1.317256735332234 0.023509933863945228 0.9961716853976812 0.0841977210003707 -0.11098347625610616 -0.058184692053444446 -0.08271480118740324 0.9948732599055892 -0.12379258499877821 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/02933228_4036000307.jpg sacre_coeur/test/images/04543624_3663972093.jpg 0 0 679.926 0.0 319.5 0.0 679.926 239.5 0.0 0.0 1.0 433.924 0.0 319.5 0.0 433.924 212.5 0.0 0.0 1.0 0.962620969325611 -0.115303109688375 -0.24508378630748207 3.2612431100543127 0.11380037235430396 0.9932955347578709 -0.02033361458514491 0.13140948147751932 0.24578515957364627 -0.008317062357948556 0.9692886473115692 0.03642406289358816 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/57007030_768923483.jpg sacre_coeur/test/images/49028473_4605994993.jpg 0 0 515.756 0.0 319.5 0.0 515.756 239.5 0.0 0.0 1.0 619.868 0.0 319.5 0.0 619.868 239.5 0.0 0.0 1.0 0.9929932536101557 0.06153850442133587 0.10088315398668983 -2.7446916936433796 -0.0702949346768073 0.9938404264533988 0.08567280143493228 -2.589092323254424 -0.09498958071020393 -0.0921640885622549 0.9912026837816716 -7.224299357815626 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/38552135_2122457546.jpg sacre_coeur/test/images/30959030_12203993343.jpg 0 0 1367.85 0.0 239.5 0.0 1367.85 319.5 0.0 0.0 1.0 1448.34 0.0 213.0 0.0 1448.34 319.5 0.0 0.0 1.0 0.9984340984134009 -0.001281457822819645 -0.055925924143167896 2.3568435232094664 0.004146188721398685 0.998683002466901 0.05113775222653432 -2.313377710110834 0.05578673896640299 -0.05128955497510385 0.9971244763348006 -13.63614273568296 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/97643496_704095933.jpg sacre_coeur/test/images/41814686_978754656.jpg 0 0 753.473 0.0 239.5 0.0 753.473 319.5 0.0 0.0 1.0 701.026 0.0 239.5 0.0 701.026 319.5 0.0 0.0 1.0 0.8947521709075095 -0.15247066588393948 -0.41972758868247756 5.621624031248494 0.179656165624142 0.9833923138039287 0.02575304456925826 0.2608778794971603 0.40883030074779164 -0.09844924172518264 0.9072847028326925 0.652287458982609 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/15865748_8030415.jpg sacre_coeur/test/images/49997128_3263255043.jpg 0 0 666.681 0.0 212.0 0.0 666.681 319.5 0.0 0.0 1.0 1444.69 0.0 213.0 0.0 1444.69 319.5 0.0 0.0 1.0 0.9993484044842904 0.013323937407942599 -0.0335445844608658 -3.420480982397877 -0.013907593885454808 0.9997548809026506 -0.017226634716160195 6.884665709656513 0.03330683543989418 0.017681934375966362 0.9992887490158707 43.67890337337635 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/32903762_508473415.jpg sacre_coeur/test/images/88074069_5867013385.jpg 0 0 713.267 0.0 319.5 0.0 713.267 239.5 0.0 0.0 1.0 1107.69 0.0 319.5 0.0 1107.69 239.5 0.0 0.0 1.0 0.9830044569787931 0.05092614320932685 0.17637677142314076 -2.130615273840552 -0.0329468070167834 0.9940933702520544 -0.10340637856685099 2.6361552467677933 -0.1806010671818595 0.09583787956092936 0.9788760674232659 28.473070315498042 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/77706306_5103474140.jpg sacre_coeur/test/images/20864632_4515642500.jpg 0 0 505.257 0.0 319.5 0.0 505.257 214.0 0.0 0.0 1.0 707.548 0.0 319.5 0.0 707.548 239.5 0.0 0.0 1.0 0.9999843596266742 0.0034170753061779956 -0.004427651565144392 2.876259024751061 -0.004277641451654021 0.9772873423458969 -0.2118753224755175 0.07533661417763204 0.003603093898513892 0.211890948572244 0.9772866742299892 5.599219186471706 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/75519914_2079302390.jpg sacre_coeur/test/images/63360516_5790897098.jpg 0 0 569.028 0.0 187.0 0.0 569.028 249.5 0.0 0.0 1.0 516.78 0.0 319.5 0.0 516.78 239.5 0.0 0.0 1.0 0.9998534237006539 0.016643616807422053 -0.004015113155110234 -1.051235220658553 -0.016754038947519347 0.9994318513333015 -0.029245114454120105 -0.35184295382429354 0.0035260874954609403 0.029308097175648955 0.9995642061153035 -1.0046347222233667 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/58207157_8155269003.jpg sacre_coeur/test/images/32813607_2497921988.jpg 0 0 716.507 0.0 319.5 0.0 716.507 239.5 0.0 0.0 1.0 769.873 0.0 319.5 0.0 769.873 212.5 0.0 0.0 1.0 0.9976036175529632 -0.013021530879988473 0.06795190930932477 -1.9769433533286245 0.011594176023667394 0.999704669267045 0.021357652680024583 -0.5249569180636015 -0.06820995035603976 -0.020518625178355645 0.9974599684665127 -2.4962012062294217 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/89611407_866799904.jpg sacre_coeur/test/images/58219592_4573644273.jpg 0 0 673.378 0.0 319.5 0.0 673.378 239.5 0.0 0.0 1.0 612.079 0.0 319.5 0.0 612.079 239.5 0.0 0.0 1.0 0.9998056363001179 -0.015700347223014846 -0.011924291156852711 -0.3489497308109155 0.013314921389520964 0.9837764982164432 -0.1789036456458711 1.6461803260134287 0.014539686754105208 0.17871010227200174 0.9837943366654551 8.89058685661376 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/69212502_553330789.jpg sacre_coeur/test/images/73088789_3818781918.jpg 0 0 859.802 0.0 213.0 0.0 859.802 319.5 0.0 0.0 1.0 512.969 0.0 319.5 0.0 512.969 239.5 0.0 0.0 1.0 0.8093563305618198 -0.23588413347377482 -0.537867089302583 16.000620771303797 0.3168651644300797 0.946459718335647 0.061728997551440824 -1.1548427622190531 0.4945086427457107 -0.22039209864088505 0.8407666293963275 -7.8024703147446495 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/43759956_9209511641.jpg sacre_coeur/test/images/01012753_375984446.jpg 0 0 634.092 0.0 319.5 0.0 634.092 213.0 0.0 0.0 1.0 773.348 0.0 249.5 0.0 773.348 199.0 0.0 0.0 1.0 0.9942911768760566 0.03602716396132299 0.10043455104360503 -1.7712161939510496 -0.031747680463292884 0.998531902879609 -0.043887626010388786 1.3239356120437185 -0.10186825006657968 0.04044851528215907 0.9939752397518973 7.8753807945703365 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/74917306_234403154.jpg sacre_coeur/test/images/46331415_3742093205.jpg 0 0 701.955 0.0 319.5 0.0 701.955 239.5 0.0 0.0 1.0 631.609 0.0 239.5 0.0 631.609 319.5 0.0 0.0 1.0 0.9715367790929481 -0.11451268517529865 -0.20737196484492015 5.432175752851395 0.06255649509675491 0.9683445262456228 -0.24165173993031805 -0.41490367619426183 0.22847969667108187 0.22180108977208235 0.9479458343096441 -2.3060428064189447 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/06841583_3820040279.jpg sacre_coeur/test/images/97879806_8161726916.jpg 0 0 566.414 0.0 249.5 0.0 566.414 187.0 0.0 0.0 1.0 794.081 0.0 319.5 0.0 794.081 239.5 0.0 0.0 1.0 0.9910819490352939 -0.021942300625142776 0.13143479653303047 -2.0347952633979474 -0.018587214885048706 0.9539428573632853 0.299411990956254 1.2863577679977063 -0.13195107327801575 -0.29918482636799393 0.9450277000871101 6.31568146572916 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/61084833_3699152935.jpg sacre_coeur/test/images/16971221_7856309770.jpg 0 0 1839.79 0.0 239.5 0.0 1839.79 319.5 0.0 0.0 1.0 410.251 0.0 319.5 0.0 410.251 213.5 0.0 0.0 1.0 0.8276725500037391 -0.15760887564661497 -0.5386256513458284 35.944896877758744 0.19260415811023288 0.9812367141069971 0.008840201759681632 -2.7290702076701363 0.527125970000489 -0.11105833244702237 0.8424988181268448 -37.34838372474187 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/89443230_8712904049.jpg sacre_coeur/test/images/24557061_6127380941.jpg 0 0 614.242 0.0 238.5 0.0 614.242 319.5 0.0 0.0 1.0 1027.21 0.0 296.5 0.0 1027.21 319.5 0.0 0.0 1.0 0.9990110228038863 0.012541815772995924 0.04265769770450405 -2.0862283879736743 -0.009148761520314373 0.9968463816978477 -0.07882633734072357 0.43437030428031076 -0.04351179700928282 0.07835811478733634 0.9959752654398589 41.21112831791807 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/73088789_3818781918.jpg sacre_coeur/test/images/13402995_4460408839.jpg 0 0 512.969 0.0 319.5 0.0 512.969 239.5 0.0 0.0 1.0 702.935 0.0 239.5 0.0 702.935 319.5 0.0 0.0 1.0 0.7913280160048267 0.32146669058854116 0.5200568602834845 -8.918010864885886 -0.2551935860963042 0.9466401794966646 -0.1968466514265131 2.3913660556061496 -0.5555863611547469 0.023055094980809217 0.8311391326933492 9.808727043604204 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/65409197_2096349519.jpg sacre_coeur/test/images/79770190_8442039294.jpg 0 0 548.189 0.0 166.0 0.0 548.189 249.5 0.0 0.0 1.0 704.085 0.0 239.5 0.0 704.085 319.5 0.0 0.0 1.0 0.9979775282289969 0.0364077032466332 0.05210885044066281 -1.268805349603384 -0.030272585849586312 0.9930157758371145 -0.1140317477047204 1.272840224699158 -0.05589654457944335 0.1122236520655012 0.992109584784443 7.601947563707465 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/48445083_12204174934.jpg sacre_coeur/test/images/25923245_22222637.jpg 0 0 1439.35 0.0 213.0 0.0 1439.35 319.5 0.0 0.0 1.0 530.117 0.0 187.0 0.0 530.117 249.5 0.0 0.0 1.0 0.9517375046237334 -0.062346806479587326 -0.30051388988595146 18.49953694458 0.11325981599359833 0.9813860907051113 0.1550920857156661 -9.86651876573804 0.28525065534312993 -0.1816431025179216 0.94108333686979 -45.945359498930856 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/30959030_12203993343.jpg sacre_coeur/test/images/92313704_2399275366.jpg 0 0 1448.34 0.0 213.0 0.0 1448.34 319.5 0.0 0.0 1.0 2645.81 0.0 319.5 0.0 2645.81 214.0 0.0 0.0 1.0 0.9860527510522136 0.05754311894781601 0.15616901614634823 -3.701415214669942 -0.06363085047522149 0.9973851837404661 0.034262371820944416 0.1930538337716996 -0.15378909912656646 -0.043721673306886824 0.9871359218836506 0.1897588924270437 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/76212982_3312164124.jpg sacre_coeur/test/images/04671520_6574800359.jpg 0 0 540.23 0.0 319.5 0.0 540.23 213.0 0.0 0.0 1.0 497.791 0.0 319.5 0.0 497.791 214.0 0.0 0.0 1.0 0.9919417040556489 0.03221804434763817 0.12253021412528801 -3.3463912830035314 -0.06253745838667216 0.965606513524525 0.2523749736751771 -4.547839855182729 -0.11018494476883206 -0.25800398961532495 0.9598402050804418 -5.523837208491356 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/28406439_2578759591.jpg sacre_coeur/test/images/92423741_5783562525.jpg 0 0 812.302 0.0 213.0 0.0 812.302 319.5 0.0 0.0 1.0 502.585 0.0 212.0 0.0 502.585 319.5 0.0 0.0 1.0 0.9923531599426891 0.034530771680231914 0.11850245465359441 -2.2174311782797202 -0.024717167089435596 0.9962174098206005 -0.08330626639939308 -0.3473905768356855 -0.12093083809695701 0.07974019173228403 0.9894529974787415 -2.494762434762325 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/96301971_7410171184.jpg sacre_coeur/test/images/16555640_3650571161.jpg 0 0 509.198 0.0 319.5 0.0 509.198 180.0 0.0 0.0 1.0 1235.34 0.0 239.5 0.0 1235.34 319.5 0.0 0.0 1.0 0.9929813339722512 0.0010169097024939145 -0.11826680124762419 -0.9037880367337026 -0.017177924248915226 0.9905996510161591 -0.1357101703085011 1.6118344330897947 0.11701704705378017 0.13678924409953003 0.9836644312963099 40.92269517443121 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/97643496_704095933.jpg sacre_coeur/test/images/30588853_4939266422.jpg 0 0 753.473 0.0 239.5 0.0 753.473 319.5 0.0 0.0 1.0 850.404 0.0 213.0 0.0 850.404 319.5 0.0 0.0 1.0 0.9667868688118142 -0.09490345114385489 -0.23731094634262795 3.2702548321041682 0.09789846628216617 0.9951960531476177 0.0008402969733825485 1.333771147965411 0.2360911700861497 -0.024044765758681336 0.9714333783883294 7.499531702556311 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/02099432_2588386443.jpg sacre_coeur/test/images/97181778_57457394.jpg 0 0 938.485 0.0 249.5 0.0 938.485 167.0 0.0 0.0 1.0 1458.98 0.0 239.5 0.0 1458.98 319.5 0.0 0.0 1.0 0.9999023328552334 -0.013922327730232895 0.001222105246564312 1.3179474129928102 0.013885748930284431 0.9995636746440519 0.026070027018105974 -3.061656451710105 -0.001584527471139694 -0.026050510986382926 0.9996593720613245 -13.410825250530976 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/08319155_4244960671.jpg sacre_coeur/test/images/16577293_2866312822.jpg 0 0 661.935 0.0 239.5 0.0 661.935 319.5 0.0 0.0 1.0 536.259 0.0 319.5 0.0 536.259 213.0 0.0 0.0 1.0 0.9729964569368688 -0.12136885828365351 -0.19633515993632555 3.4262356683416604 0.11372584058663235 0.9922638806402253 -0.049787793279723075 2.030148219825161 0.2008589753313602 0.026114965359406224 0.9792720156387157 8.625759376052594 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/04739785_8198592553.jpg sacre_coeur/test/images/35719192_2298527061.jpg 0 0 720.152 0.0 319.5 0.0 720.152 239.5 0.0 0.0 1.0 551.852 0.0 249.5 0.0 551.852 187.0 0.0 0.0 1.0 0.9897376696037922 0.03658096461952858 0.1381346386492522 -1.74561482971527 -0.026855667782888216 0.9970701138188763 -0.07162374771783415 1.9938075025213136 -0.14034998566152343 0.06717902318966551 0.9878202571156822 27.29221227876964 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/61672452_5135373512.jpg sacre_coeur/test/images/18698491_4586522698.jpg 0 0 1840.71 0.0 239.5 0.0 1840.71 319.5 0.0 0.0 1.0 1792.43 0.0 246.5 0.0 1792.43 319.5 0.0 0.0 1.0 0.9998146533748782 0.019252480718532267 -2.971623927178582e-05 -0.11359062573351197 -0.01925094204585944 0.9997520243871983 0.01119334463178131 0.08677918742207513 0.0002452085220683706 -0.011190697917529973 0.9999373521140709 0.2114684670409801 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/24721269_9145209888.jpg sacre_coeur/test/images/41814686_978754656.jpg 0 0 581.406 0.0 239.5 0.0 581.406 319.5 0.0 0.0 1.0 701.026 0.0 239.5 0.0 701.026 319.5 0.0 0.0 1.0 0.7753448162773148 0.2376689478115186 0.5851101495599464 -10.478688327264651 -0.2972826114998085 0.9547699555148129 0.006113995918877528 -2.0837930450754723 -0.557192484489652 -0.17868352831866668 0.8109307812235526 -4.002625730254425 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/64044824_2624053101.jpg sacre_coeur/test/images/60535642_3153438485.jpg 0 0 1359.6 0.0 212.5 0.0 1359.6 319.5 0.0 0.0 1.0 722.898 0.0 319.5 0.0 722.898 239.5 0.0 0.0 1.0 0.9672453958544971 0.033405407272065896 0.251635496230688 -13.93372393693571 -0.08313043806120807 0.9783234794186858 0.18966417660134857 -8.673861999408572 -0.23984510515336527 -0.20437037060959518 0.9490558872642157 -36.947117538130314 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/27770418_2219914621.jpg sacre_coeur/test/images/61046986_5564238795.jpg 0 0 1305.61 0.0 319.5 0.0 1305.61 239.5 0.0 0.0 1.0 1203.71 0.0 210.0 0.0 1203.71 319.5 0.0 0.0 1.0 0.9953451679583173 -0.02431779531472146 -0.09325578509165193 2.428031976301798 0.020114704013087018 0.9987504446615741 -0.04574874829734498 2.2386699830688577 0.0942517655245511 0.043659983043276986 0.9945905743451251 11.563432502784586 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/60748234_6779431614.jpg sacre_coeur/test/images/12365089_8352000383.jpg 0 0 1251.64 0.0 305.5 0.0 1251.64 305.5 0.0 0.0 1.0 1716.68 0.0 319.5 0.0 1716.68 239.5 0.0 0.0 1.0 0.9954333280182875 -0.0406345292301531 -0.08637895869180263 -2.472874801104612 0.03295669284214332 0.9955286450465843 -0.08852442198975724 0.9166867651824826 0.08958987591991036 0.08527339518252941 0.9923215719748811 8.911164201950221 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/62327360_2404846280.jpg sacre_coeur/test/images/68609645_2691880358.jpg 0 0 1508.2 0.0 319.5 0.0 1508.2 213.0 0.0 0.0 1.0 681.797 0.0 319.5 0.0 681.797 239.5 0.0 0.0 1.0 0.8050056869110669 -0.17673901853550342 -0.5663295536769631 37.92171787168608 0.2435023800914427 0.968913135109602 0.043748457137194115 -4.512038657463937 0.5409920839814978 -0.1731203510254913 0.8230169555544811 -33.03994174448386 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/68663909_1356782012.jpg sacre_coeur/test/images/95748780_10564008623.jpg 0 0 672.136 0.0 319.5 0.0 672.136 239.0 0.0 0.0 1.0 512.767 0.0 319.5 0.0 512.767 212.5 0.0 0.0 1.0 0.8545033166368066 -0.28909675923499045 -0.4315636055745704 8.863850591332966 0.2303900316893247 0.955556719860539 -0.18393419591679772 3.126422603672613 0.4655582833060641 0.057744427689543285 0.8831313978768492 5.8131659298631355 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/80276097_6193446637.jpg sacre_coeur/test/images/75911664_13736760514.jpg 0 0 625.301 0.0 319.5 0.0 625.301 245.5 0.0 0.0 1.0 675.746 0.0 255.5 0.0 675.746 319.5 0.0 0.0 1.0 0.9810680760161238 0.07825680408579373 0.1771476865112814 -3.4121587330236998 -0.05992010485348818 0.9924949455933619 -0.10659908069949076 1.2462306405858352 -0.18416028686002997 0.09396624705662811 0.9783942626353264 4.85505495141279 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/99543611_6046123347.jpg sacre_coeur/test/images/04808852_3532579721.jpg 0 0 803.204 0.0 213.0 0.0 803.204 319.5 0.0 0.0 1.0 536.862 0.0 319.5 0.0 536.862 223.5 0.0 0.0 1.0 0.9917307424797389 0.04634148449424769 0.11967707063366581 -2.8952368289448636 -0.055529259772436425 0.9956653057172579 0.07461300355892957 -2.392232793285308 -0.11570062977231939 -0.08064158856216166 0.9900052012310135 -7.716358166320637 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/93760319_30262336.jpg sacre_coeur/test/images/56774631_6820191793.jpg 0 0 1034.56 0.0 239.5 0.0 1034.56 319.5 0.0 0.0 1.0 1196.24 0.0 319.5 0.0 1196.24 213.0 0.0 0.0 1.0 0.9857762656561098 -0.06713210629714408 -0.1540728216565269 8.823252519622342 0.08445669194611301 0.990469410481385 0.10879988091067502 -4.210475681721875 0.14530045166693167 -0.12026482114386829 0.9820509923321797 -18.196434616692066 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/89575205_6345371382.jpg sacre_coeur/test/images/16385535_4660789205.jpg 0 0 1030.86 0.0 212.5 0.0 1030.86 319.5 0.0 0.0 1.0 669.771 0.0 239.5 0.0 669.771 319.5 0.0 0.0 1.0 0.996607922930964 -0.02460806263828384 -0.07853082964301238 1.414404092864019 0.004004013854650932 0.9676162052554222 -0.2523942297283131 -0.3161136824070381 0.08219863638942736 0.2512236505193868 0.9644325075376875 -1.5193330028037124 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/59358073_3809805538.jpg sacre_coeur/test/images/28570538_3018664920.jpg 0 0 1733.74 0.0 319.5 0.0 1733.74 239.5 0.0 0.0 1.0 655.109 0.0 319.5 0.0 655.109 239.5 0.0 0.0 1.0 0.9973905577846464 -0.029148940714156885 -0.06604857679976636 5.045848807801112 0.029729757281445852 0.9995273216485152 0.007827822821954449 -4.244983428661751 0.06578918432400865 -0.009771004727670528 0.9977857037924492 -34.524071801249946 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/48445083_12204174934.jpg sacre_coeur/test/images/74061457_6280563618.jpg 0 0 1439.35 0.0 213.0 0.0 1439.35 319.5 0.0 0.0 1.0 545.636 0.0 319.5 0.0 545.636 213.0 0.0 0.0 1.0 0.9985449711439669 -0.009080198540804786 -0.05315534401688699 2.546061294728183 0.02327614346622869 0.9617428113687618 0.27296334172531234 -16.217556710874398 0.04864320865684719 -0.27380342359979665 0.9605547998300756 -47.45982987027909 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/98073777_2853247623.jpg sacre_coeur/test/images/79142222_31041441.jpg 0 0 712.676 0.0 239.5 0.0 712.676 319.5 0.0 0.0 1.0 495.471 0.0 212.5 0.0 495.471 319.5 0.0 0.0 1.0 0.8741704477903137 -0.2514662004591723 -0.41544046292665066 3.6424568895169482 0.28289884710917745 0.9590359980108438 0.014771486846045326 -0.3402630901148488 0.39470782930463977 -0.13044042527518865 0.9095004260249949 -0.3623754605257777 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/58219592_4573644273.jpg sacre_coeur/test/images/93845208_10996896025.jpg 0 0 612.079 0.0 319.5 0.0 612.079 239.5 0.0 0.0 1.0 1826.02 0.0 226.0 0.0 1826.02 301.5 0.0 0.0 1.0 0.997577191596935 0.012246153825320271 -0.06848195763891743 2.586078937320893 -0.02101910264353996 0.9914356096810315 -0.12889386789316903 3.199845653799248 0.06631699729053042 0.13002101204377686 0.9892909543190416 45.77889263513801 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/17082719_403390685.jpg sacre_coeur/test/images/27614460_8959698816.jpg 0 0 780.101 0.0 319.5 0.0 780.101 212.5 0.0 0.0 1.0 807.303 0.0 319.5 0.0 807.303 319.5 0.0 0.0 1.0 0.9144743628566357 0.20027137498366135 0.35160775878826084 -6.690983508175359 -0.06982071088006529 0.9339943556244142 -0.35039921802700713 0.8005341192241493 -0.3985745952894544 0.29588159798116787 0.8680969830416175 5.7447301538440865 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/23236854_6565983213.jpg sacre_coeur/test/images/08047759_7746982324.jpg 0 0 668.656 0.0 239.5 0.0 668.656 319.5 0.0 0.0 1.0 499.512 0.0 319.5 0.0 499.512 213.5 0.0 0.0 1.0 0.9937300104665621 -0.027360493138434576 -0.10840696339879631 4.5188201944301545 0.02508321058552016 0.9994362718476104 -0.022315265225223438 -0.4680602327601098 0.10895640800269041 0.019456154053956606 0.9938561058949027 -0.7179314218106718 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/41248376_5125754940.jpg sacre_coeur/test/images/59066216_374458283.jpg 0 0 1042.61 0.0 319.5 0.0 1042.61 213.5 0.0 0.0 1.0 1271.07 0.0 249.5 0.0 1271.07 239.5 0.0 0.0 1.0 0.988644172104238 0.027606093727838336 0.14771798994508212 -2.3479387356077583 -0.037814460178379465 0.9970528479801419 0.0667509171180878 -2.799043003535921 -0.145439910498265 -0.0715787812398191 0.9867743969674521 -10.868654398345193 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/42008365_12432214243.jpg sacre_coeur/test/images/80871904_5968113125.jpg 0 0 848.932 0.0 319.5 0.0 848.932 319.5 0.0 0.0 1.0 526.948 0.0 319.5 0.0 526.948 239.5 0.0 0.0 1.0 0.9889045453612945 -0.08079649345699412 -0.12465844058396447 -0.05502128772189202 0.04583525178754229 0.9641659758754055 -0.26131035313932727 0.38522382766158075 0.14130438725441083 0.25269724495783735 0.9571714436470483 4.814392763673439 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/02933228_4036000307.jpg sacre_coeur/test/images/12573771_2610756325.jpg 0 0 679.926 0.0 319.5 0.0 679.926 239.5 0.0 0.0 1.0 686.081 0.0 213.5 0.0 686.081 319.5 0.0 0.0 1.0 0.948541922413089 -0.1405365748747012 -0.28375639648714335 4.645092797848061 0.07202564227999636 0.9683828080370752 -0.2388452301227379 1.507345224901386 0.30835130659531085 0.20611697703177465 0.9286739274364537 8.401976117971724 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/96399538_6003485006.jpg sacre_coeur/test/images/55185330_108661534.jpg 0 0 944.215 0.0 319.5 0.0 944.215 239.5 0.0 0.0 1.0 674.5 0.0 319.5 0.0 674.5 239.5 0.0 0.0 1.0 0.9997911751749166 -0.01813593779602421 -0.00941773872103948 -0.002768928571917184 0.017235208674620348 0.9959512597191683 -0.08822718314524101 0.06261664714032178 0.010979691448365789 0.08804644242705295 0.9960558570439904 0.5533906161531776 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/63516274_5829260794.jpg sacre_coeur/test/images/22663714_8829093598.jpg 0 0 522.011 0.0 319.5 0.0 522.011 213.0 0.0 0.0 1.0 595.075 0.0 239.5 0.0 595.075 319.5 0.0 0.0 1.0 0.9947226815888706 -0.010376263562406738 -0.10207409018516854 3.5166803955299755 -0.026810965874066253 0.9340164755397721 -0.35622239616447776 -0.41055280691319296 0.09903513942811464 0.3570792021033232 0.9288091755488358 7.429332852934281 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/97879806_8161726916.jpg sacre_coeur/test/images/67569977_7754509434.jpg 0 0 794.081 0.0 319.5 0.0 794.081 239.5 0.0 0.0 1.0 1806.88 0.0 239.5 0.0 1806.88 319.5 0.0 0.0 1.0 0.9941592376234197 0.03270058652126783 -0.10284980257242238 2.8255783525378577 -0.04233867634937731 0.9947683858247276 -0.09296932315903247 3.6677459656772533 0.09927158069157478 0.09678083593786017 0.9903426796125494 39.32251819504385 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/76812051_2399423344.jpg sacre_coeur/test/images/60748234_6779431614.jpg 0 0 731.379 0.0 319.5 0.0 731.379 239.5 0.0 0.0 1.0 1251.64 0.0 305.5 0.0 1251.64 305.5 0.0 0.0 1.0 0.9702841339889215 0.05581433969839743 0.23544311162869147 -5.255031572079005 -0.045618082693425197 0.9977790725532982 -0.04853774722888975 2.5472109263457527 -0.23762931187196668 0.03635494269988145 0.9706753464884867 19.961941584118236 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/01617203_4574281148.jpg sacre_coeur/test/images/31938889_10141160664.jpg 0 0 609.931 0.0 319.5 0.0 609.931 239.5 0.0 0.0 1.0 1776.39 0.0 210.0 0.0 1776.39 319.5 0.0 0.0 1.0 0.7823467591392301 0.19670058721101671 0.5909673658123473 -9.40084474552608 -0.1519904268171812 0.9804304244479365 -0.1251203139892576 4.931340422147441 -0.6040136245319924 0.008066089987134623 0.7969331713337353 49.03028917301137 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/70139640_13923464795.jpg sacre_coeur/test/images/00204549_3820006713.jpg 0 0 544.883 0.0 239.5 0.0 544.883 319.5 0.0 0.0 1.0 565.301 0.0 319.5 0.0 565.301 213.5 0.0 0.0 1.0 0.9747626819291414 0.08197616029932636 0.207647834231148 -2.1983094490626574 -0.11298797287204057 0.9833709401619628 0.1421805613691414 0.9503668737518429 -0.19253942948023448 -0.16205401317942209 0.9678156151395105 4.322970560864036 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/41560346_5689316901.jpg sacre_coeur/test/images/98073777_2853247623.jpg 0 0 771.673 0.0 299.5 0.0 771.673 299.5 0.0 0.0 1.0 712.676 0.0 239.5 0.0 712.676 319.5 0.0 0.0 1.0 0.7981296248326382 0.3497478256043856 0.49057676305499487 -5.601488422911158 -0.2931005822307188 0.9368037163560359 -0.1910257723908834 1.1997037932672483 -0.5263849833159434 0.008674993171420311 0.8502020899956372 1.9224990641493602 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/96718433_4122167216.jpg sacre_coeur/test/images/79205306_10858206333.jpg 0 0 536.625 0.0 239.5 0.0 536.625 319.5 0.0 0.0 1.0 428.425 0.0 319.5 0.0 428.425 212.5 0.0 0.0 1.0 0.9734408390939375 -0.06668463188025124 -0.21901162675777272 -1.4784479578146805 0.10571668186670363 0.9794693475822202 0.17165016842972922 4.868213416349591 0.2030687468794367 -0.19024446645791204 0.9605051415911107 8.617351483008694 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/75519914_2079302390.jpg sacre_coeur/test/images/99936428_253699491.jpg 0 0 569.028 0.0 187.0 0.0 569.028 249.5 0.0 0.0 1.0 658.712 0.0 319.5 0.0 658.712 239.5 0.0 0.0 1.0 0.9805852023317474 0.038419500852548666 0.19229301319144956 -4.098752785621039 -0.0900322706420454 0.9593601504033864 0.26743651968463356 -4.954660397998039 -0.174203476460843 -0.2795568703720817 0.9441933620910092 -9.001692299637583 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/97131582_5799687022.jpg sacre_coeur/test/images/38432569_8875267871.jpg 0 0 470.42 0.0 212.5 0.0 470.42 319.5 0.0 0.0 1.0 569.282 0.0 239.5 0.0 569.282 319.5 0.0 0.0 1.0 0.7722043964220031 0.26270745253637967 0.5785198047849146 -9.281902308404883 -0.29795954496748195 0.9539195347406513 -0.03546309071345196 1.6572979064975355 -0.5611777612390757 -0.1449907432287498 0.8148970515768685 6.999263312668518 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/32813607_2497921988.jpg sacre_coeur/test/images/75519914_2079302390.jpg 0 0 769.873 0.0 319.5 0.0 769.873 212.5 0.0 0.0 1.0 569.028 0.0 187.0 0.0 569.028 249.5 0.0 0.0 1.0 0.9967782009904084 -0.04491047527599305 -0.06645500162372786 2.0706515216184824 0.037014062136401335 0.9926036937252503 -0.11561948973746651 1.5883320054504795 0.07115600631350723 0.11278721742056551 0.99106804325033 6.343264688280281 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/70116109_2697195876.jpg sacre_coeur/test/images/86827532_95504488.jpg 0 0 606.734 0.0 212.5 0.0 606.734 319.5 0.0 0.0 1.0 526.393 0.0 249.5 0.0 526.393 166.0 0.0 0.0 1.0 0.9926671631520859 0.015436791872536049 -0.11988998563797512 3.584093026280142 0.022508735040111017 0.9508608996709799 0.3087991358857547 -2.8863750041890492 0.11876556759635326 -0.3092333341242155 0.9435409291705037 -7.418124593813831 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/94573763_208832452.jpg sacre_coeur/test/images/04073909_6377255611.jpg 0 0 760.459 0.0 239.5 0.0 760.459 319.5 0.0 0.0 1.0 679.951 0.0 319.5 0.0 679.951 221.5 0.0 0.0 1.0 0.9681333335773997 -0.08808801257703211 -0.2344319740490617 5.755711865305856 0.109211398865651 0.9908998623051213 0.07867867081680911 -0.07581715013817059 0.22536796306067766 -0.10177408768405026 0.968943402011676 -0.14082869181508428 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/26140494_3397638398.jpg sacre_coeur/test/images/01723814_7963028620.jpg 0 0 675.035 0.0 319.5 0.0 675.035 239.5 0.0 0.0 1.0 505.251 0.0 319.5 0.0 505.251 214.0 0.0 0.0 1.0 0.7733243211862636 -0.2579113499102927 -0.5791815171854637 14.705985222259738 0.2722836753563509 0.960087818132832 -0.06397641446170318 1.7233644499785794 0.5725653625536935 -0.1082271549121979 0.8126843105064653 -0.6689556891471673 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/30442266_2401730436.jpg sacre_coeur/test/images/38714154_3919914519.jpg 0 0 523.192 0.0 319.5 0.0 523.192 239.5 0.0 0.0 1.0 1481.11 0.0 213.5 0.0 1481.11 319.5 0.0 0.0 1.0 0.9821853263106235 -0.0765592400530909 -0.17161196794684008 0.28244180891294546 0.04794004651734821 0.9851108433445096 -0.16510111527480265 4.0603675025085035 0.18169682638947918 0.1539328070541247 0.9712316686519387 48.489252150483566 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/62327360_2404846280.jpg sacre_coeur/test/images/30442266_2401730436.jpg 0 0 1508.2 0.0 319.5 0.0 1508.2 213.0 0.0 0.0 1.0 523.192 0.0 319.5 0.0 523.192 239.5 0.0 0.0 1.0 0.9723071789040126 0.06777266513761522 0.22366406888873525 -12.136341275192958 -0.09529778747136372 0.988824207840164 0.11465172345994247 -11.458460220288977 -0.2133941928797104 -0.1327913846957588 0.9678994609957171 -46.477290047469594 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/67741421_496100843.jpg sacre_coeur/test/images/95271137_4372074334.jpg 0 0 1150.26 0.0 239.5 0.0 1150.26 319.5 0.0 0.0 1.0 1503.0 0.0 239.5 0.0 1503.0 319.5 0.0 0.0 1.0 0.9987921074156698 -0.01408471133194645 -0.04707384699448996 1.2042744604296671 0.015263207861722387 0.9995766491813284 0.024770080686124577 0.6100902077390753 0.04670503880669374 -0.025458659000878372 0.9985842458360448 1.9073157874204938 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/09199317_7932673946.jpg sacre_coeur/test/images/70724808_2779990339.jpg 0 0 592.689 0.0 319.5 0.0 592.689 212.5 0.0 0.0 1.0 1030.95 0.0 249.5 0.0 1030.95 165.5 0.0 0.0 1.0 0.9865564327365316 0.013361275716502584 0.1628738202947207 0.26598576053126144 -0.026279010299423086 0.9966524189572097 0.07741685478257056 -0.1762583256964949 -0.16129419903968084 -0.08065625888900627 0.9836049762268274 -0.7718468527769797 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/24721269_9145209888.jpg sacre_coeur/test/images/04398000_3306414527.jpg 0 0 581.406 0.0 239.5 0.0 581.406 319.5 0.0 0.0 1.0 619.126 0.0 209.0 0.0 619.126 249.5 0.0 0.0 1.0 0.6296060138107974 0.23386353389370124 0.7408806347098215 -13.929986191986595 -0.2863785368613364 0.9563286943570556 -0.058504375686688787 0.16253563138940108 -0.722207450112804 -0.1753376053905114 0.66908379380873 7.30563905220007 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/57606942_9403768875.jpg sacre_coeur/test/images/40932424_8951501615.jpg 0 0 456.61 0.0 179.5 0.0 456.61 319.5 0.0 0.0 1.0 640.24 0.0 319.5 0.0 640.24 212.0 0.0 0.0 1.0 0.9984932649497822 0.006643511959144169 0.05447075911691133 2.210668041218955 -0.0208429413999009 0.9641676681771121 0.2644735892971364 2.3241572803528157 -0.05076191134821625 -0.2652104285105675 0.962853393287637 7.445528746488182 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/04073909_6377255611.jpg sacre_coeur/test/images/84982523_3167326578.jpg 0 0 679.951 0.0 319.5 0.0 679.951 221.5 0.0 0.0 1.0 463.512 0.0 187.0 0.0 463.512 249.5 0.0 0.0 1.0 0.9988250503996691 0.006320916563497467 0.048047525512724266 -1.7073316411650563 0.00887967569062163 0.950800619577596 -0.3096761746897697 -0.236953398652744 -0.0476410542885857 0.3097389672363758 0.9496273490804776 5.7057575023118545 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/55695069_9640098822.jpg sacre_coeur/test/images/43759956_9209511641.jpg 0 0 462.683 0.0 319.5 0.0 462.683 239.5 0.0 0.0 1.0 634.092 0.0 319.5 0.0 634.092 213.0 0.0 0.0 1.0 0.9960280729188623 -0.024688061320806125 0.08554868547065686 3.391698519254078 0.03236444734841073 0.9954572911425138 -0.08953951116150058 2.838984820737677 -0.08294950575723294 0.09195260267892724 0.9923024228304603 9.395959802419279 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/33317152_9653273357.jpg sacre_coeur/test/images/64655298_3515609807.jpg 0 0 531.534 0.0 319.5 0.0 531.534 239.5 0.0 0.0 1.0 649.481 0.0 179.5 0.0 649.481 319.5 0.0 0.0 1.0 0.8995977339200139 0.1894106035038871 0.3935067221868887 -5.2922071214373085 -0.06687430889690081 0.9501703638265694 -0.30447349066092166 3.4732924585986225 -0.43156893300553717 0.2475881721447487 0.8674378093434043 10.572595193074518 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/23735654_3093471146.jpg sacre_coeur/test/images/35558294_6148191791.jpg 0 0 662.801 0.0 239.5 0.0 662.801 319.5 0.0 0.0 1.0 638.785 0.0 319.5 0.0 638.785 239.5 0.0 0.0 1.0 0.36202786329270115 0.8798134185722067 -0.3080002836037788 0.4736372176191217 -0.9321346314217066 0.3444482224056608 -0.11171593881760847 -1.4545095929950036 0.007800968147637413 0.32754201346066636 0.9448044106131662 13.3206457770721 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/08081221_11367454663.jpg sacre_coeur/test/images/44937588_1061437022.jpg 0 0 670.286 0.0 212.5 0.0 670.286 319.5 0.0 0.0 1.0 521.234 0.0 319.5 0.0 521.234 239.5 0.0 0.0 1.0 0.9007684555439807 -0.15211646803012682 -0.40678835977809324 9.33349442488496 0.147990535450036 0.9881052312892287 -0.041795374338213995 -1.5501919303997995 0.4083074710486251 -0.022552872386886358 0.912565820657873 -5.36183998634301 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/02580991_8300101521.jpg sacre_coeur/test/images/30588853_4939266422.jpg 0 0 610.611 0.0 238.5 0.0 610.611 319.5 0.0 0.0 1.0 850.404 0.0 213.0 0.0 850.404 319.5 0.0 0.0 1.0 0.9863498156343713 -0.06675382049680861 -0.15052564116163591 3.5291223629053374 0.05166574935613742 0.9934405681676084 -0.10201219467440421 0.9046904035848923 0.15634798221118978 0.09284268936162725 0.9833288074141783 2.090595795835174 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/25134250_4289943327.jpg sacre_coeur/test/images/67741421_496100843.jpg 0 0 695.364 0.0 319.5 0.0 695.364 239.5 0.0 0.0 1.0 1150.26 0.0 239.5 0.0 1150.26 319.5 0.0 0.0 1.0 0.9978479178111389 0.05170793838442117 0.040321483454951186 -0.3923090824727783 -0.040198535218971765 0.968223127445833 -0.24683608578418761 3.2577488295812427 -0.051803577928788744 0.2446840096676582 0.9682180150806601 34.937864350913124 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/99378904_311153817.jpg sacre_coeur/test/images/53515910_7697309520.jpg 0 0 728.066 0.0 319.5 0.0 728.066 239.5 0.0 0.0 1.0 500.109 0.0 319.5 0.0 500.109 212.5 0.0 0.0 1.0 0.8589483868650271 -0.23005218021018728 -0.45747531417827053 10.85064022980296 0.22949924792629162 0.9715978347099331 -0.05768659106097335 0.015086860361512633 0.4577529507313244 -0.05544043621319156 0.8873491951476921 -3.458216311550925 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/56739575_3512017389.jpg sacre_coeur/test/images/70724808_2779990339.jpg 0 0 767.042 0.0 319.5 0.0 767.042 213.0 0.0 0.0 1.0 1030.95 0.0 249.5 0.0 1030.95 165.5 0.0 0.0 1.0 0.9840822271112912 0.07043148865128158 0.16316119541743193 -1.640438061704562 -0.031185179317505068 0.9723052920419816 -0.2316244884680638 1.7267037007360304 -0.17495615129116227 0.22284933132841472 0.9590247758279566 5.459345537549991 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/44937588_1061437022.jpg sacre_coeur/test/images/63516274_5829260794.jpg 0 0 521.234 0.0 319.5 0.0 521.234 239.5 0.0 0.0 1.0 522.011 0.0 319.5 0.0 522.011 213.0 0.0 0.0 1.0 0.9022819308960969 0.17870316076185178 0.39236780896517803 -6.5040792459166 -0.21185212291897473 0.9763779854279406 0.0424818500821174 0.2118481717470816 -0.3755076499795102 -0.1214545590144711 0.9188268579560928 -0.010396027113899364 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/51939662_7396091320.jpg sacre_coeur/test/images/70970334_5790897082.jpg 0 0 1086.81 0.0 319.5 0.0 1086.81 212.0 0.0 0.0 1.0 633.07 0.0 319.5 0.0 633.07 239.5 0.0 0.0 1.0 0.9976602499007576 0.010406592612757158 0.06757017535976842 -1.9837172199337914 -0.012961064706874104 0.9992134308032731 0.037477066374206745 -6.126557466359503 -0.06712701817913536 -0.038265160819531144 0.9970104015996188 -29.88870690391599 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/12060097_10141374576.jpg sacre_coeur/test/images/33631460_6836524250.jpg 0 0 852.046 0.0 319.5 0.0 852.046 209.0 0.0 0.0 1.0 492.214 0.0 319.5 0.0 492.214 212.0 0.0 0.0 1.0 0.8462264354569281 0.1723714119552895 0.5041715147391825 -15.68521655001694 -0.257257488751464 0.9608053706079167 0.10330355411250004 -5.545398966050055 -0.4666041195865636 -0.2171200961484766 0.8574027405095719 -14.129539216532327 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/48360689_7391063350.jpg sacre_coeur/test/images/59358073_3809805538.jpg 0 0 1914.59 0.0 212.0 0.0 1914.59 319.5 0.0 0.0 1.0 1733.74 0.0 319.5 0.0 1733.74 239.5 0.0 0.0 1.0 0.9967672805658745 0.021479222389581405 0.07741854686604697 -5.938229694199129 -0.024878268463875912 0.9987561640333739 0.043211069919401865 -1.572419380859607 -0.0763941107124805 -0.04499742004692072 0.9960618314329539 -6.176293607843 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/79205306_10858206333.jpg sacre_coeur/test/images/73479674_2286585340.jpg 0 0 428.425 0.0 319.5 0.0 428.425 212.5 0.0 0.0 1.0 510.127 0.0 249.5 0.0 510.127 187.0 0.0 0.0 1.0 0.9994353366802687 0.021378860774680507 0.025922039016529157 3.6208937866385216 -0.01868577771202632 0.9948101150078444 -0.10001838225734169 -4.373919270385916 -0.027925785684459692 0.0994775320866768 0.9946478628659743 -9.800379681193032 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/39980369_7971720718.jpg sacre_coeur/test/images/87252152_3382721265.jpg 0 0 670.012 0.0 319.5 0.0 670.012 239.0 0.0 0.0 1.0 1262.46 0.0 239.5 0.0 1262.46 319.5 0.0 0.0 1.0 0.9874335453969104 0.05353289366813814 0.14869170360313752 -2.6166429078210722 -0.018828410244404476 0.9740288179746686 -0.22563987396410748 4.011057413660604 -0.15690915968341648 0.22000475233591144 0.9627966683350428 39.17353198619065 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/97202520_2635602680.jpg sacre_coeur/test/images/04543624_3663972093.jpg 0 0 677.356 0.0 319.5 0.0 677.356 239.5 0.0 0.0 1.0 433.924 0.0 319.5 0.0 433.924 212.5 0.0 0.0 1.0 0.9900921290113908 -0.03592460636898161 -0.13574608181058206 1.0288241904005497 0.0390243460238271 0.9990332059799831 0.020242375521894278 1.258824313554619 0.13488764393784966 -0.02533921874467527 0.9905368481315097 1.9072738501649622 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/36940211_2500226864.jpg sacre_coeur/test/images/71870353_3302102984.jpg 0 0 647.827 0.0 319.5 0.0 647.827 239.5 0.0 0.0 1.0 682.987 0.0 239.5 0.0 682.987 319.5 0.0 0.0 1.0 0.9997807701319013 -0.004783270524578327 -0.020384601971862704 1.0462195562939505 0.0017446220680337639 0.9892016100434303 -0.1465507795316184 -0.3316871758261425 0.020865473114748637 0.1464830877971037 0.9889930925042519 -5.452124956380311 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/76298563_8026742947.jpg sacre_coeur/test/images/63170630_8128095778.jpg 0 0 520.791 0.0 319.5 0.0 520.791 239.5 0.0 0.0 1.0 1392.01 0.0 212.0 0.0 1392.01 319.5 0.0 0.0 1.0 0.996901064093504 -0.03525145164085113 -0.0703249853640407 1.545767765986779 0.035287523266602935 0.9993769349934395 -0.000729729283793702 0.8726687443026862 0.07030689234313205 -0.0017541266577429453 0.9975238663454221 4.4137687623075 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/38714154_3919914519.jpg sacre_coeur/test/images/15865748_8030415.jpg 0 0 1481.11 0.0 213.5 0.0 1481.11 319.5 0.0 0.0 1.0 666.681 0.0 212.0 0.0 666.681 319.5 0.0 0.0 1.0 0.9973707583784306 -0.010150999677204179 -0.07175324060408474 5.6811219256912935 0.014849076642210829 0.9977585600677321 0.06524845388543304 -5.488204182906468 0.070930072990996 -0.0661423693037914 0.9952859447055267 -36.99568707231483 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/59088601_13927956521.jpg sacre_coeur/test/images/90301699_2168560949.jpg 0 0 1295.39 0.0 319.5 0.0 1295.39 213.0 0.0 0.0 1.0 599.141 0.0 213.5 0.0 599.141 319.5 0.0 0.0 1.0 0.6746230909351922 -0.2103760295593269 -0.7075490169337392 44.15244930158436 0.2955958614301116 0.9553105432404414 -0.002202879715966044 -0.4352862109720492 0.6763924688244521 -0.20766244764161376 0.7066608351656801 -25.283687071318866 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/30959030_12203993343.jpg sacre_coeur/test/images/38432569_8875267871.jpg 0 0 1448.34 0.0 213.0 0.0 1448.34 319.5 0.0 0.0 1.0 569.282 0.0 239.5 0.0 569.282 319.5 0.0 0.0 1.0 0.9971983974252263 0.015351012638292047 -0.07320998964307847 3.482355215565024 -0.0029940415930708795 0.9861224347873345 0.165992708647212 -9.005487628528426 0.07474216940589574 -0.1653084692932526 0.9834056732053268 -34.02661560679787 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/83916827_2652728872.jpg sacre_coeur/test/images/98400098_660544149.jpg 0 0 690.499 0.0 239.5 0.0 690.499 319.5 0.0 0.0 1.0 1210.72 0.0 239.0 0.0 1210.72 319.5 0.0 0.0 1.0 0.9886069500758838 0.02482546774793445 0.14845872966166368 -3.9576521090992283 0.012662736379923278 0.9690916727350748 -0.24637569876695825 -0.2080314428287548 -0.1499865106235599 0.2454486218878213 0.9577364045729586 38.521208443949114 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/51093888_43012197.jpg sacre_coeur/test/images/30959030_12203993343.jpg 0 0 1767.41 0.0 319.5 0.0 1767.41 239.5 0.0 0.0 1.0 1448.34 0.0 213.0 0.0 1448.34 319.5 0.0 0.0 1.0 0.9984959287570454 -0.0047011473052127285 -0.05462398254997439 2.21817483120392 0.003093740878915556 0.9995607555749382 -0.02947413581146612 -1.4564644365103172 0.05473855152430822 0.029260812163597143 0.998071889118488 -9.402337124615045 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/58368117_3401402227.jpg sacre_coeur/test/images/95803142_180463023.jpg 0 0 682.756 0.0 319.5 0.0 682.756 239.0 0.0 0.0 1.0 586.012 0.0 187.0 0.0 586.012 249.5 0.0 0.0 1.0 0.7522087380089644 -0.2619017551724017 -0.6046399632017194 12.012338596395175 0.28466255500916987 0.9567310552820187 -0.06027368940595704 1.2577969699459297 0.5942636151057985 -0.12677996094245259 0.7942150824964339 -2.376828125783148 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/34366638_4030867612.jpg sacre_coeur/test/images/33672452_9565324953.jpg 0 0 648.225 0.0 239.5 0.0 648.225 319.5 0.0 0.0 1.0 493.101 0.0 212.5 0.0 493.101 319.5 0.0 0.0 1.0 0.9552173696395215 0.06997779672421942 0.2875115383851185 -1.3990175219515715 -0.013032437776657958 0.9806408337024103 -0.19538093776271884 -0.11501255691113965 -0.295617882247592 0.18288428921333205 0.9376371390118798 6.504941168952737 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/95803142_180463023.jpg sacre_coeur/test/images/59088601_13927956521.jpg 0 0 586.012 0.0 187.0 0.0 586.012 249.5 0.0 0.0 1.0 1295.39 0.0 319.5 0.0 1295.39 213.0 0.0 0.0 1.0 0.7127203787035985 0.27767775300735253 0.6441465107142835 -9.214835190040393 -0.20701677073196065 0.9606731887775036 -0.18507047576470376 4.766140093042574 -0.6702042363461377 -0.0014456309524565668 0.7421753106475852 49.48313176495665 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/75907133_3528579515.jpg sacre_coeur/test/images/70139640_13923464795.jpg 0 0 539.794 0.0 187.0 0.0 539.794 249.5 0.0 0.0 1.0 544.883 0.0 239.5 0.0 544.883 319.5 0.0 0.0 1.0 0.9712296922887514 -0.06456656265359592 -0.2292248760579798 4.000180573670244 0.08245925801582271 0.9941787531581816 0.06934751283444432 -1.3442937271200364 0.22341297093986487 -0.08625407674969755 0.970900035358883 -7.064357900204783 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/92423741_5783562525.jpg sacre_coeur/test/images/31148870_2948239995.jpg 0 0 502.585 0.0 212.0 0.0 502.585 319.5 0.0 0.0 1.0 722.471 0.0 319.5 0.0 722.471 239.5 0.0 0.0 1.0 0.9964043392112382 0.0692205116459875 0.048856049456375686 -0.8878756569020436 -0.06757341771343184 0.9971142489278082 -0.034597800561006295 2.069214644131167 -0.05110994051593257 0.031172028368407885 0.9982064308688146 8.410849291747311 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/77647660_7639153124.jpg sacre_coeur/test/images/45927449_5904684394.jpg 0 0 1863.9 0.0 305.5 0.0 1863.9 305.5 0.0 0.0 1.0 445.549 0.0 239.5 0.0 445.549 319.5 0.0 0.0 1.0 0.9964225631009409 0.03137643631343469 0.07847034463808786 -8.64658475162144 -0.048056174905323004 0.9741562641158434 0.22070382220825252 -17.42487789666032 -0.06951747835487347 -0.22368525281773022 0.9721791130625302 -55.07305413097956 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/30959030_12203993343.jpg sacre_coeur/test/images/99543611_6046123347.jpg 0 0 1448.34 0.0 213.0 0.0 1448.34 319.5 0.0 0.0 1.0 803.204 0.0 213.0 0.0 803.204 319.5 0.0 0.0 1.0 0.997131961283098 0.021908175511364102 0.07244227794240882 -4.321670568492825 -0.031435102556200814 0.9906029009994055 0.13310795189936317 -6.735961827221482 -0.06884537831258597 -0.13500342357631268 0.9884504992702828 -31.99052378608348 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/62766948_5445805244.jpg sacre_coeur/test/images/57895226_4857581382.jpg 0 0 473.93 0.0 319.5 0.0 473.93 212.5 0.0 0.0 1.0 456.232 0.0 319.5 0.0 456.232 239.5 0.0 0.0 1.0 0.9545212496324872 0.15468508152564422 0.2548758708733332 -4.1899932848236165 -0.13631804167859876 0.986719707513716 -0.08832672481734262 -0.029483719014493315 -0.26515387138970253 0.049565556160014526 0.9629312956434646 -0.7292693805080832 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/17616986_7085723791.jpg sacre_coeur/test/images/15012791_5817353527.jpg 0 0 511.96 0.0 319.5 0.0 511.96 212.0 0.0 0.0 1.0 506.581 0.0 212.0 0.0 506.581 319.5 0.0 0.0 1.0 0.9816315825188737 0.03338008229561879 0.1878435687145799 -1.7298396328154344 -0.04015538575045685 0.9986686925538121 0.03237881264177903 -1.0109467420506604 -0.18651268374221475 -0.03932699605610806 0.9816651191646157 -1.7282417973981576 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/17412880_2226819267.jpg sacre_coeur/test/images/20864632_4515642500.jpg 0 0 298.489 0.0 319.5 0.0 298.489 213.0 0.0 0.0 1.0 707.548 0.0 319.5 0.0 707.548 239.5 0.0 0.0 1.0 0.9827632505102504 0.02874140965098489 0.18262071300321123 -0.16569082103645016 -0.027475613463621186 0.999577728099302 -0.009458126275089919 -0.0075278204826877415 -0.18281543728942765 0.0042774828009165934 0.9831379450664913 -0.16165266038102466 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/95398527_2664763907.jpg sacre_coeur/test/images/65606241_8601988847.jpg 0 0 829.676 0.0 319.5 0.0 829.676 213.0 0.0 0.0 1.0 545.165 0.0 319.5 0.0 545.165 212.5 0.0 0.0 1.0 0.9912856527998786 0.030891549058764928 0.1280564982727093 0.2511750205258587 -0.019659145108573504 0.9959204396400746 -0.08806813226542613 1.0840014310925032 -0.13025464508691628 0.08478319470196001 0.9878489445909283 5.546480313141622 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/95803142_180463023.jpg sacre_coeur/test/images/86827532_95504488.jpg 0 0 586.012 0.0 187.0 0.0 586.012 249.5 0.0 0.0 1.0 526.393 0.0 249.5 0.0 526.393 166.0 0.0 0.0 1.0 0.7963094567853961 0.2725119820795558 0.5400263592244541 -7.413954759414829 -0.3173723229520631 0.9482426614186142 -0.010519681067164041 1.2920061002269974 -0.5149427712456586 -0.16301249856626135 0.8415823593998547 5.600481337154966 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/85019556_13753237.jpg sacre_coeur/test/images/94661279_5887793763.jpg 0 0 1875.74 0.0 239.5 0.0 1875.74 319.5 0.0 0.0 1.0 526.02 0.0 319.5 0.0 526.02 213.0 0.0 0.0 1.0 0.9989370764054007 -0.0390187948953357 -0.02454080331909559 1.2608837408469697 0.044077741844939414 0.9643577221003696 0.26090484184705537 -18.103899685750523 0.013485920676085946 -0.2617092231280774 0.9650525438924124 -48.777383707385134 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/04808852_3532579721.jpg sacre_coeur/test/images/60162628_4661185887.jpg 0 0 536.862 0.0 319.5 0.0 536.862 223.5 0.0 0.0 1.0 517.267 0.0 239.5 0.0 517.267 319.5 0.0 0.0 1.0 0.9755728411467824 -0.0955973072326097 -0.19778469725099745 4.164818369035435 0.06790555322630908 0.9874847593563938 -0.14234706136718783 2.2328092355185465 0.20891736992845664 0.12543924780035579 0.9698549003090398 13.808588506998971 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/88496846_9311240752.jpg sacre_coeur/test/images/08124432_3626165332.jpg 0 0 586.712 0.0 319.5 0.0 586.712 239.5 0.0 0.0 1.0 1404.56 0.0 196.5 0.0 1404.56 249.5 0.0 0.0 1.0 0.9991872883078712 -0.024080955667522 0.032324456037213095 -1.680030850518099 0.027477638651165245 0.9936485425742129 -0.10912173575552642 4.236223131847725 -0.02949139294978912 0.10992125096759853 0.9935026805840032 41.54401758955858 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/93845208_10996896025.jpg sacre_coeur/test/images/69077959_3760142614.jpg 0 0 1826.02 0.0 226.0 0.0 1826.02 301.5 0.0 0.0 1.0 2150.73 0.0 319.5 0.0 2150.73 319.5 0.0 0.0 1.0 0.9998176309751339 -0.0030181314419147126 0.01885724459910562 -1.3205022304926515 0.001976026370009678 0.9984822478459799 0.05503904120007913 -1.0395608539608325 -0.01899473903627523 -0.0549917413712124 0.9983061195194115 -3.0919311413230517 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/00204549_3820006713.jpg sacre_coeur/test/images/50922291_2317878312.jpg 0 0 565.301 0.0 319.5 0.0 565.301 213.5 0.0 0.0 1.0 660.33 0.0 239.5 0.0 660.33 319.5 0.0 0.0 1.0 0.9989147194282663 -0.04505306417781079 0.011815444034756692 0.011858289608326023 0.046228493753415305 0.9899752656001188 -0.13346122982074066 -0.33373821708780116 -0.005684159994128232 0.13386259712169105 0.9909835999737822 -3.99121953236575 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/83916827_2652728872.jpg sacre_coeur/test/images/25134250_4289943327.jpg 0 0 690.499 0.0 239.5 0.0 690.499 319.5 0.0 0.0 1.0 695.364 0.0 319.5 0.0 695.364 239.5 0.0 0.0 1.0 0.9830199541434328 0.01901051917859876 0.18251128709316444 -2.369540050059228 -0.031962108425385445 0.9971536662277941 0.0682860860898671 1.127941384168011 -0.18069364510365954 -0.07296003076362402 0.9808295675244112 4.921666602750978 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/96789550_6435726869.jpg sacre_coeur/test/images/15701912_177669906.jpg 0 0 924.329 0.0 317.5 0.0 924.329 319.5 0.0 0.0 1.0 743.975 0.0 319.5 0.0 743.975 239.0 0.0 0.0 1.0 0.9813165685000635 0.06902444736158642 0.17959236635694795 -6.430341143840837 -0.06985090924597954 0.997555949806164 -0.0017255387077143934 -0.4075203422049918 -0.17927253795484288 -0.010851390360201604 0.9837396019590144 -3.3633807211332414 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/21155361_10359960085.jpg sacre_coeur/test/images/84982523_3167326578.jpg 0 0 778.711 0.0 212.5 0.0 778.711 319.5 0.0 0.0 1.0 463.512 0.0 187.0 0.0 463.512 249.5 0.0 0.0 1.0 0.9993368866089056 -0.010225921318523547 0.0349459238825741 -1.5327348223855233 0.018018009947274958 0.9728896736038452 -0.23056676758055042 -0.18098285612127218 -0.031640770855957324 0.2310435316735594 0.9724287881852581 6.265642013203831 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/37166302_11262849873.jpg sacre_coeur/test/images/93650031_6280047097.jpg 0 0 749.58 0.0 319.5 0.0 749.58 239.5 0.0 0.0 1.0 536.98 0.0 319.5 0.0 536.98 195.0 0.0 0.0 1.0 0.9719860873275927 -0.04557242008803312 -0.23057797069303296 1.7944455449702814 0.12881296115515153 0.9238581558172975 0.3604071710833497 -9.007175239165864 0.19659671177321025 -0.3800121872482268 0.9038475924970869 -32.54443837148102 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/47698078_3766965066.jpg sacre_coeur/test/images/14122634_883725893.jpg 0 0 1262.73 0.0 249.5 0.0 1262.73 187.0 0.0 0.0 1.0 479.75 0.0 319.5 0.0 479.75 239.5 0.0 0.0 1.0 0.9957102570962192 -0.04063686959024977 -0.08312477815480744 4.337380469942259 0.0328216669330479 0.9950955978670531 -0.09331392867813482 -0.5465119941955157 0.08650908676617151 0.09018534213228326 0.9921606633864123 -45.946080330230295 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/73976579_3891239596.jpg sacre_coeur/test/images/66599130_8409392232.jpg 0 0 769.694 0.0 239.5 0.0 769.694 319.5 0.0 0.0 1.0 701.54 0.0 319.5 0.0 701.54 239.5 0.0 0.0 1.0 0.99476411868843 0.0008505877009076261 0.10219405398845018 -1.919029807914665 -0.015264083510777772 0.9899854538786953 0.14034175737523544 -0.8292706653191546 -0.1010512539487126 -0.14116684316494618 0.9848149909837057 -4.259753104162401 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/63858075_3812078922.jpg sacre_coeur/test/images/18432192_5847633717.jpg 0 0 537.525 0.0 249.5 0.0 537.525 187.0 0.0 0.0 1.0 708.131 0.0 213.5 0.0 708.131 319.5 0.0 0.0 1.0 0.9989624662759752 -0.007816137668673567 -0.04486534256824277 0.5024768064290657 0.011903874717203118 0.9957265278598578 0.09158045360703015 2.4985315661325393 0.04395780634356728 -0.09201950721502809 0.994786470330877 6.104993526251571 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/92423741_5783562525.jpg sacre_coeur/test/images/59088601_13927956521.jpg 0 0 502.585 0.0 212.0 0.0 502.585 319.5 0.0 0.0 1.0 1295.39 0.0 319.5 0.0 1295.39 213.0 0.0 0.0 1.0 0.9964416753616442 -0.039894109405347884 -0.07424585939454038 0.9376064325697013 0.028316636910292094 0.988140493922702 -0.1509189595255991 4.8682064840283665 0.07938611765649213 0.14827954783095626 0.9857540362679104 48.872364973869814 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/77447644_11774301175.jpg sacre_coeur/test/images/09906423_9611413320.jpg 0 0 511.678 0.0 319.5 0.0 511.678 212.5 0.0 0.0 1.0 1488.12 0.0 239.5 0.0 1488.12 319.5 0.0 0.0 1.0 0.9977981551458438 -0.023958698521442758 -0.061845148174365955 0.09318901184592776 0.020428901109491516 0.9981600436492128 -0.057089292005247004 4.263675770114406 0.06309914093717349 0.05570016182526189 0.9964516999762861 41.86836950945358 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/40133282_13969857252.jpg sacre_coeur/test/images/16214259_2076433877.jpg 0 0 1447.89 0.0 213.0 0.0 1447.89 319.5 0.0 0.0 1.0 593.424 0.0 319.5 0.0 593.424 213.0 0.0 0.0 1.0 0.9792782647371712 -0.027189616254413084 -0.2006858365238871 11.260236318343512 0.05808271192031766 0.9870242242273471 0.14969829446050864 -7.662501292124834 0.1940115429280845 -0.15825266366270588 0.9681506162030381 -30.91635300876093 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/92423741_5783562525.jpg sacre_coeur/test/images/53515910_7697309520.jpg 0 0 502.585 0.0 212.0 0.0 502.585 319.5 0.0 0.0 1.0 500.109 0.0 319.5 0.0 500.109 212.5 0.0 0.0 1.0 0.7887352485106107 -0.2461467559375319 -0.5633014133644033 8.41487320036713 0.24959945275075243 0.9656339376248048 -0.07246524472972883 2.0557396097394283 0.5617800467651286 -0.08344383169919559 0.823067619341161 4.171246273876243 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/27733835_2747519645.jpg sacre_coeur/test/images/86437085_9493229723.jpg 0 0 506.292 0.0 187.0 0.0 506.292 249.5 0.0 0.0 1.0 520.807 0.0 319.5 0.0 520.807 212.0 0.0 0.0 1.0 0.9932728282075047 0.007357317415360245 -0.11556365616020474 1.5792364773467833 0.0040406346380084165 0.9951696922137164 0.0980864770036055 -0.1433423002080827 0.11572710147751267 -0.09789358293425744 0.9884452864999191 0.153813896746696 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/23735654_3093471146.jpg sacre_coeur/test/images/62721852_537101715.jpg 0 0 662.801 0.0 239.5 0.0 662.801 319.5 0.0 0.0 1.0 662.611 0.0 319.5 0.0 662.611 239.5 0.0 0.0 1.0 0.9542653110134192 0.17082997574626546 0.2453463584058111 2.8390683958487584 -0.12472645111331805 0.9733210770484222 -0.1925860674243508 1.846467131858832 -0.2717002550406227 0.1531770229500164 0.9501135569241348 12.789807770863016 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/00246274_6807912549.jpg sacre_coeur/test/images/08124432_3626165332.jpg 0 0 1138.93 0.0 308.5 0.0 1138.93 319.5 0.0 0.0 1.0 1404.56 0.0 196.5 0.0 1404.56 249.5 0.0 0.0 1.0 0.9978834537427316 -0.010143687477802171 0.0642317550035058 -2.4681200943091746 0.018877811159685957 0.9904090034045074 -0.13687086695535286 3.9013620555013215 -0.06222733316073371 0.1377937283755809 0.9885042475518554 37.63260155230241 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/89598965_8275144360.jpg sacre_coeur/test/images/96399538_6003485006.jpg 0 0 715.898 0.0 213.0 0.0 715.898 319.5 0.0 0.0 1.0 944.215 0.0 319.5 0.0 944.215 239.5 0.0 0.0 1.0 0.9954791799598025 -0.032172277562896694 -0.08936524393171752 1.569062794762268 0.045424474748898394 0.9875705595836692 0.15046928901734463 1.3591012598749745 0.08341354422601967 -0.15384841370652616 0.9845673396165646 3.4690997684150866 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/18698491_4586522698.jpg sacre_coeur/test/images/64655298_3515609807.jpg 0 0 1792.43 0.0 246.5 0.0 1792.43 319.5 0.0 0.0 1.0 649.481 0.0 179.5 0.0 649.481 319.5 0.0 0.0 1.0 0.9988854364150471 -0.04644798882517706 -0.008394596596455892 1.079780541019645 0.04719812702292247 0.9846861725981128 0.16782573789382774 -10.66413610199228 0.00047087519479969324 -0.16803489467421906 0.9857809353240582 -40.14680077825571 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/34904068_5083153.jpg sacre_coeur/test/images/88496846_9311240752.jpg 0 0 646.015 0.0 319.5 0.0 646.015 239.5 0.0 0.0 1.0 586.712 0.0 319.5 0.0 586.712 239.5 0.0 0.0 1.0 0.9983364740482141 -0.039948351509633155 -0.04157419628378215 2.08543164106712 0.04206932868610804 0.9977886682332795 0.051458188164355524 -0.8774339316120527 0.039426592154025435 -0.05312158466123542 0.9978094212194025 -4.619669062866082 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/78937340_9546137587.jpg sacre_coeur/test/images/34935406_396311145.jpg 0 0 944.217 0.0 239.5 0.0 944.217 319.5 0.0 0.0 1.0 481.009 0.0 187.0 0.0 481.009 249.5 0.0 0.0 1.0 0.9983677296740427 -0.0023413251979871636 -0.05706482753688737 3.43593223421418 0.0027904495091708734 0.999965748395086 0.0077920105359473215 -4.89852648231242 0.0570446293443493 -0.007938528388361121 0.9983400673267565 -41.857076721211236 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/28574044_3399035477.jpg sacre_coeur/test/images/33068710_5695493160.jpg 0 0 838.765 0.0 213.0 0.0 838.765 319.5 0.0 0.0 1.0 1466.84 0.0 213.0 0.0 1466.84 319.5 0.0 0.0 1.0 0.9994080458880368 -0.03127301238079556 -0.014337242094852707 0.38132003759228605 0.029100328951509487 0.9907475791839446 -0.13256094898599288 2.373271198243411 0.018350168096498403 0.13206526052593726 0.991071157028115 43.9488719513213 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/60748234_6779431614.jpg sacre_coeur/test/images/33411162_10141421203.jpg 0 0 1251.64 0.0 305.5 0.0 1251.64 305.5 0.0 0.0 1.0 878.795 0.0 218.5 0.0 878.795 319.5 0.0 0.0 1.0 0.9980928131164113 -0.03607836496397675 -0.05009079742721482 2.6092488127294073 0.03718914988285757 0.9990785839058272 0.02142312562903259 -1.2232040189257436 0.04927173161518209 -0.023245101898099946 0.9985148780571015 -13.19471781451864 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/85019556_13753237.jpg sacre_coeur/test/images/02928139_3448003521.jpg 0 0 1875.74 0.0 239.5 0.0 1875.74 319.5 0.0 0.0 1.0 771.785 0.0 239.0 0.0 771.785 319.5 0.0 0.0 1.0 0.9985336930182348 0.014610066395445506 0.052124944770104834 -4.182604003587049 -0.016771234745889665 0.9990073566021922 0.041267749390999524 -5.001070206837515 -0.05147027872922461 -0.042081437886801715 0.9977875339935427 -39.96518147858127 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/48454490_5884386331.jpg sacre_coeur/test/images/95898988_2340390005.jpg 0 0 966.21 0.0 213.5 0.0 966.21 319.5 0.0 0.0 1.0 727.689 0.0 319.5 0.0 727.689 239.5 0.0 0.0 1.0 0.9861682234479686 0.14399316892074057 0.08208655410991789 -4.765041881328486 -0.13560252920106147 0.9857047817412906 -0.0999901861515898 -1.147590319246822 -0.0953110126677534 0.08747599988864029 0.9915965713473046 -2.5785593494252064 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/97437832_311711460.jpg sacre_coeur/test/images/45575968_5097432755.jpg 0 0 489.971 0.0 249.5 0.0 489.971 187.0 0.0 0.0 1.0 588.085 0.0 319.5 0.0 588.085 179.5 0.0 0.0 1.0 0.9914795505629692 -0.04809027405097496 -0.12106042440514989 0.22759622061981377 0.0400796303106161 0.9968963806554686 -0.06775861177881327 2.7981005223585 0.12394322913986561 0.06232922089782375 0.9903298158556337 14.630688047023172 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/92912238_291183223.jpg sacre_coeur/test/images/41814686_978754656.jpg 0 0 1859.84 0.0 239.5 0.0 1859.84 319.5 0.0 0.0 1.0 701.026 0.0 239.5 0.0 701.026 319.5 0.0 0.0 1.0 0.9654890000625591 -0.08339519238894998 -0.24673109379364763 16.72382112981465 0.12471802355428245 0.9797088212960751 0.15689499697367268 -11.453833589578243 0.22864034062018265 -0.18225220811025952 0.9562989737942948 -46.62934817373388 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/47029087_8959697396.jpg sacre_coeur/test/images/81670953_3302107502.jpg 0 0 622.643 0.0 319.5 0.0 622.643 239.5 0.0 0.0 1.0 672.741 0.0 319.5 0.0 672.741 239.5 0.0 0.0 1.0 0.9708048152821748 -0.029286978398130034 -0.238076213682195 0.6077676170087347 0.012900537225057001 0.997456711756306 -0.07009767693442015 1.1525358734240774 0.2395236663969713 0.06497985125102151 0.9687135965635806 5.30109502895805 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/42008365_12432214243.jpg sacre_coeur/test/images/99117955_5783559928.jpg 0 0 848.932 0.0 319.5 0.0 848.932 319.5 0.0 0.0 1.0 537.035 0.0 319.5 0.0 537.035 239.5 0.0 0.0 1.0 0.9559599103459963 0.15215368532816864 0.2509778991312418 -3.8783119990284805 -0.11140547517523149 0.9792438225974384 -0.16932322937428818 0.1400194687607137 -0.2715317106937163 0.13390590706094177 0.953068590470765 -0.2643972408931383 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/07140921_3822253827.jpg sacre_coeur/test/images/96301971_7410171184.jpg 0 0 566.389 0.0 249.5 0.0 566.389 187.0 0.0 0.0 1.0 509.198 0.0 319.5 0.0 509.198 180.0 0.0 0.0 1.0 0.9982377658272787 -0.015381215061048352 0.05731300986171174 0.8710169475377788 -0.001440635599865516 0.9592573991221155 0.2825299396498407 1.2540464260020714 -0.05932358253874499 -0.28211462289771516 0.9575448042269606 5.91499124713561 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/07140921_3822253827.jpg sacre_coeur/test/images/06841583_3820040279.jpg 0 0 566.389 0.0 249.5 0.0 566.389 187.0 0.0 0.0 1.0 566.414 0.0 249.5 0.0 566.414 187.0 0.0 0.0 1.0 0.9999999999337922 -1.1486415145856709e-05 6.90999970975889e-07 -0.0002959526492209985 1.1486419587749505e-05 0.999999999913368 -6.428526797222241e-06 -0.000355352400895681 -6.909261301865862e-07 6.428534733795443e-06 0.9999999999790982 0.0003747986418147775 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/50715122_352221583.jpg sacre_coeur/test/images/39049516_4219301204.jpg 0 0 530.151 0.0 249.5 0.0 530.151 187.0 0.0 0.0 1.0 1803.38 0.0 239.5 0.0 1803.38 319.5 0.0 0.0 1.0 0.9109532700498502 -0.24337624740776836 -0.33306477145323754 4.7120507445015125 0.15413580538646532 0.9497501003008996 -0.27242778947144247 4.452355892920499 0.38263075318556183 0.19683177887765882 0.9026909535054098 49.71627624442145 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/17616986_7085723791.jpg sacre_coeur/test/images/40053940_4478762600.jpg 0 0 511.96 0.0 319.5 0.0 511.96 212.0 0.0 0.0 1.0 492.186 0.0 319.5 0.0 492.186 179.5 0.0 0.0 1.0 0.9816296761018176 0.08103446438074687 0.17273272584766886 -3.2935560077805617 -0.09716542099042756 0.9914529449973315 0.0870628440832903 -0.3469104544279642 -0.1642012788013341 -0.10224711946379617 0.9811133811142129 -0.6652932357918622 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/67354904_7410118438.jpg sacre_coeur/test/images/33672452_9565324953.jpg 0 0 959.85 0.0 319.5 0.0 959.85 180.0 0.0 0.0 1.0 493.101 0.0 212.5 0.0 493.101 319.5 0.0 0.0 1.0 0.9926817411275619 0.05229195830561746 0.10885087013210018 -6.983401659019245 -0.03505620317261091 0.9873513516339105 -0.15462331986414754 2.2887387598601965 -0.1155596099468685 0.14967584816279955 0.9819588163592575 -36.407023770557046 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/21155361_10359960085.jpg sacre_coeur/test/images/72841866_5318338358.jpg 0 0 778.711 0.0 212.5 0.0 778.711 319.5 0.0 0.0 1.0 535.133 0.0 319.5 0.0 535.133 239.5 0.0 0.0 1.0 0.9954156709473675 0.007981297922698615 0.09530971050145465 -1.7242570920951574 -0.03052671092963512 0.9709035470072143 0.23751720427924478 -2.6805541879934554 -0.09064084042097395 -0.23933783924043256 0.9666962484438947 -6.927601772494658 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/25923245_22222637.jpg sacre_coeur/test/images/10162786_7360656560.jpg 0 0 530.117 0.0 187.0 0.0 530.117 249.5 0.0 0.0 1.0 534.866 0.0 319.5 0.0 534.866 211.5 0.0 0.0 1.0 0.9249703826417016 -0.12633191861627416 -0.3584271719253374 5.45231853839938 0.13374304793204028 0.991007353126799 -0.004150081741813959 1.9014693743689042 0.35572825072731057 -0.04409843973823603 0.9335484664692781 4.181656350373884 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/28566706_4319457080.jpg sacre_coeur/test/images/47029087_8959697396.jpg 0 0 1554.78 0.0 319.5 0.0 1554.78 239.5 0.0 0.0 1.0 622.643 0.0 319.5 0.0 622.643 239.5 0.0 0.0 1.0 0.9792807539248678 0.00583335393480155 0.2024232619394668 -5.76186070188295 -0.024344206232924635 0.9957271393333295 0.08907762692142708 -6.728459410568588 -0.20103871422000166 -0.0921598392844489 0.9752384320810134 -29.944304098504986 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/93760319_30262336.jpg sacre_coeur/test/images/79302802_4840098295.jpg 0 0 1034.56 0.0 239.5 0.0 1034.56 319.5 0.0 0.0 1.0 528.086 0.0 319.5 0.0 528.086 213.0 0.0 0.0 1.0 0.995827643584197 -0.05957772710684432 -0.0691216225672386 2.427154662116936 0.07020581561510494 0.9840855252846744 0.16323854440359514 -9.886161800769145 0.05829620680081409 -0.16741019490451878 0.9841622726535841 -45.290388275369054 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/56774631_6820191793.jpg sacre_coeur/test/images/59996089_2005549974.jpg 0 0 1196.24 0.0 319.5 0.0 1196.24 213.0 0.0 0.0 1.0 497.691 0.0 319.5 0.0 497.691 213.5 0.0 0.0 1.0 0.9976199704231336 0.016756637294565897 0.06688504854991141 -4.3207765569861785 -0.024499561025154964 0.992867362403456 0.11667978481116266 -6.788871067470511 -0.06445282090428898 -0.11804073780090872 0.9909148389730051 -27.35082595819256 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/81703421_7754459314.jpg sacre_coeur/test/images/12573771_2610756325.jpg 0 0 514.334 0.0 319.5 0.0 514.334 239.5 0.0 0.0 1.0 686.081 0.0 213.5 0.0 686.081 319.5 0.0 0.0 1.0 0.8912865194568539 0.17118812804078165 0.41988446631469967 -6.71417908408233 -0.13138013522087422 0.9837707452757725 -0.12220630429276709 1.4983111299803777 -0.433990322822793 0.05375635364721577 0.8993123229105247 9.20340550576583 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/79410678_281876803.jpg sacre_coeur/test/images/64837411_8951541213.jpg 0 0 521.004 0.0 249.5 0.0 521.004 187.0 0.0 0.0 1.0 1049.84 0.0 319.5 0.0 1049.84 212.0 0.0 0.0 1.0 0.9992761534016857 -0.017042729550946007 0.03401050737910576 -1.2205800311837394 0.017307545923473392 0.9998220300551837 -0.007507134635694187 3.5909408798247004 -0.033876512465685654 0.008090339040169585 0.9993932801041725 30.802602233630985 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/04398000_3306414527.jpg sacre_coeur/test/images/92313704_2399275366.jpg 0 0 619.126 0.0 209.0 0.0 619.126 249.5 0.0 0.0 1.0 2645.81 0.0 319.5 0.0 2645.81 214.0 0.0 0.0 1.0 0.9776026979804138 0.11485512450637705 0.17635550821009213 0.5714299386081669 -0.10552480446462585 0.9925171502656247 -0.06143469761711121 3.6454400582379574 -0.18209195628615152 0.041448845619969144 0.9824075084468025 31.91951429867477 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/76298563_8026742947.jpg sacre_coeur/test/images/99936428_253699491.jpg 0 0 520.791 0.0 319.5 0.0 520.791 239.5 0.0 0.0 1.0 658.712 0.0 319.5 0.0 658.712 239.5 0.0 0.0 1.0 0.9913273973214932 0.01293862476784849 0.13077684546169235 -2.1793125345819937 -0.03995358514010193 0.9777088651706639 0.20612880924593044 -4.8670478883058665 -0.12519465785027403 -0.20956613981225444 0.9697465290940428 -8.681782109290147 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/25134250_4289943327.jpg sacre_coeur/test/images/21142120_2892123124.jpg 0 0 695.364 0.0 319.5 0.0 695.364 239.5 0.0 0.0 1.0 706.719 0.0 319.5 0.0 706.719 240.5 0.0 0.0 1.0 0.9993003753109067 0.03586012633525317 -0.010621263705456997 -1.5712923204530493 -0.03710114193338551 0.9863296012670515 -0.16055348931623245 -0.09428450145837652 0.004718598385109793 0.16083522314343476 0.986969992363335 -0.9210011942425442 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/58011909_11987000544.jpg sacre_coeur/test/images/59340498_8155265289.jpg 0 0 1714.15 0.0 213.5 0.0 1714.15 319.5 0.0 0.0 1.0 709.882 0.0 319.5 0.0 709.882 239.5 0.0 0.0 1.0 0.9914789400194407 0.039104882479252735 0.12425908282379247 -0.8484197011066676 -0.030489623328034808 0.9970461086938864 -0.07049425513964512 -1.9341228732614997 -0.12664870456203192 0.06610495673293086 0.9897425121354021 -12.668637841453416 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/27770418_2219914621.jpg sacre_coeur/test/images/44614566_9095733872.jpg 0 0 1305.61 0.0 319.5 0.0 1305.61 239.5 0.0 0.0 1.0 749.695 0.0 319.5 0.0 749.695 213.0 0.0 0.0 1.0 0.9879955090880213 -0.028128491377383342 -0.15190017114781154 5.014088133399984 0.04421957257716424 0.9936338938290771 0.10361618809413564 -6.586816481412047 0.14801859147754 -0.10908928914838005 0.9829496546467201 -28.148459030859293 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/68684534_2877733555.jpg sacre_coeur/test/images/94345410_6525608719.jpg 0 0 509.45 0.0 212.5 0.0 509.45 319.5 0.0 0.0 1.0 1400.71 0.0 319.5 0.0 1400.71 211.5 0.0 0.0 1.0 0.982015191572958 0.05297014667348639 0.18121900309105446 1.3361009663731658 -0.04631011031140058 0.9980939519694803 -0.040790154754433 5.572477316250517 -0.18303425144729657 0.031664279611796374 0.9825964767867803 49.73804091474214 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/45575968_5097432755.jpg sacre_coeur/test/images/34366638_4030867612.jpg 0 0 588.085 0.0 319.5 0.0 588.085 179.5 0.0 0.0 1.0 648.225 0.0 239.5 0.0 648.225 319.5 0.0 0.0 1.0 0.9993989466246901 0.032656442740777045 -0.011631948803966341 -0.2514021050748322 -0.0331569368028293 0.9983999139487079 -0.0458064337082231 -1.2831460722193364 0.010117461505383972 0.04616458138801879 0.9988826099186809 -7.081685602830687 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/80645091_144266710.jpg sacre_coeur/test/images/43759956_9209511641.jpg 0 0 518.261 0.0 187.0 0.0 518.261 249.5 0.0 0.0 1.0 634.092 0.0 319.5 0.0 634.092 213.0 0.0 0.0 1.0 0.9941469302091243 -0.026567763337679923 -0.10471883835780323 4.033610479820026 0.04026991245378629 0.990565497759237 0.13098980418322365 -1.808082128751927 0.10025076212547751 -0.13444013017037704 0.98583753027212 -5.942326021067275 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/87493438_3174891219.jpg sacre_coeur/test/images/42792712_254986596.jpg 0 0 1913.51 0.0 212.5 0.0 1913.51 319.5 0.0 0.0 1.0 1329.63 0.0 319.5 0.0 1329.63 239.5 0.0 0.0 1.0 0.9993347967612269 -0.036162234821881745 -0.004717706527993445 1.0930033143325166 0.035886181183830364 0.9981387459541506 -0.049307462164636814 1.2091856358750848 0.006491993702899801 0.04910536220987341 0.9987725053384274 6.462093600217763 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/02928139_3448003521.jpg sacre_coeur/test/images/36940211_2500226864.jpg 0 0 771.785 0.0 239.0 0.0 771.785 319.5 0.0 0.0 1.0 647.827 0.0 319.5 0.0 647.827 239.5 0.0 0.0 1.0 0.9926143820952396 -0.04489397035247469 -0.11269968892449057 2.766083730441256 0.04858631938184818 0.9983613723440211 0.030231436953739192 0.00357598024202721 0.11115780686308482 -0.03548382219200725 0.9931690894988805 0.1735014786532787 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/35996631_900261655.jpg sacre_coeur/test/images/36940211_2500226864.jpg 0 0 896.808 0.0 319.5 0.0 896.808 204.0 0.0 0.0 1.0 647.827 0.0 319.5 0.0 647.827 239.5 0.0 0.0 1.0 0.9983105949788572 -0.0032440316219984893 -0.05801234533955776 3.764387405408703 0.008033169519344395 0.9965576671437161 0.08251232783376962 -5.202042111806983 0.057544974936427865 -0.08283895409714852 0.9949001374729307 -35.45863178757961 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/69212502_553330789.jpg sacre_coeur/test/images/50922291_2317878312.jpg 0 0 859.802 0.0 213.0 0.0 859.802 319.5 0.0 0.0 1.0 660.33 0.0 239.5 0.0 660.33 319.5 0.0 0.0 1.0 0.9914494271747248 -0.08621797863801671 -0.09795148551443525 3.4415490819389523 0.08905782777243419 0.9957128674675287 0.024991776088282198 -2.8236663624773604 0.09537681409737685 -0.03350142861380511 0.9948773379736161 -13.21048732773549 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/79205306_10858206333.jpg sacre_coeur/test/images/74917306_234403154.jpg 0 0 428.425 0.0 319.5 0.0 428.425 212.5 0.0 0.0 1.0 701.955 0.0 319.5 0.0 701.955 239.5 0.0 0.0 1.0 0.9554092877944018 0.20274757223332504 0.21467769970280176 -2.90426485111573 -0.13264460192444816 0.944219678744954 -0.30142098110629284 0.23271126234210815 -0.263815280786573 0.2595045668659187 0.9290096218012135 0.3348506735728378 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/39598026_13855927694.jpg sacre_coeur/test/images/62327360_2404846280.jpg 0 0 546.706 0.0 319.5 0.0 546.706 239.5 0.0 0.0 1.0 1508.2 0.0 319.5 0.0 1508.2 213.0 0.0 0.0 1.0 0.9953184558684439 -0.06586881062341675 -0.07072814994549757 0.41821864254407193 0.05184971617011382 0.9814830252194017 -0.1843981511275253 5.902200217638691 0.08156456547260557 0.17986764854533308 0.9803034482577513 48.93769029008252 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/16385535_4660789205.jpg sacre_coeur/test/images/81147304_5790709520.jpg 0 0 669.771 0.0 239.5 0.0 669.771 319.5 0.0 0.0 1.0 1292.87 0.0 319.5 0.0 1292.87 239.5 0.0 0.0 1.0 0.9990935905407836 0.0033324485964599617 0.042436919382498085 0.8369718678591611 -0.013056798008830578 0.9728660886570609 0.2310002025255994 0.09182025764863688 -0.040515643473617545 -0.23134491204144367 0.9720277847399504 0.8682624025876606 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/19504977_367623688.jpg sacre_coeur/test/images/64951325_3689575044.jpg 0 0 495.415 0.0 319.5 0.0 495.415 212.5 0.0 0.0 1.0 782.711 0.0 212.5 0.0 782.711 319.5 0.0 0.0 1.0 0.8038197843707015 0.36525695542348696 0.46953286441845987 -5.422494418092513 -0.3295724793538046 0.9305321544289087 -0.15966180014793666 4.270444249686433 -0.49523301092195476 -0.0264057964973331 0.8683587961231904 15.839679302059015 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/48445083_12204174934.jpg sacre_coeur/test/images/03836329_3380486130.jpg 0 0 1439.35 0.0 213.0 0.0 1439.35 319.5 0.0 0.0 1.0 944.708 0.0 319.5 0.0 944.708 301.0 0.0 0.0 1.0 0.9851076632274685 0.0014859008738519358 -0.1719322074223141 10.206727049404886 0.03683277678487441 0.9749251223819423 0.21946378357913754 -10.947947790629746 0.16794712979039614 -0.22252819562281992 0.9603514792762178 -38.733085860891876 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/97643496_704095933.jpg sacre_coeur/test/images/58219592_4573644273.jpg 0 0 753.473 0.0 239.5 0.0 753.473 319.5 0.0 0.0 1.0 612.079 0.0 319.5 0.0 612.079 239.5 0.0 0.0 1.0 0.9837624254569177 -0.09416412592211255 -0.152789422567293 0.721422442083123 0.09378181978353342 0.9955452913700195 -0.009723328086183602 1.6113337149689282 0.1530243788983022 -0.004763425270458731 0.9882109335776861 8.620581554087265 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/01012753_375984446.jpg sacre_coeur/test/images/61084833_3699152935.jpg 0 0 773.348 0.0 249.5 0.0 773.348 199.0 0.0 0.0 1.0 1839.79 0.0 239.5 0.0 1839.79 319.5 0.0 0.0 1.0 0.9986089064288705 0.011784371614084436 0.05139436337378464 -1.5324256258158075 -0.0051795488463184285 0.9919149172800032 -0.126798931979543 3.4269508662545602 -0.052473081429282004 0.12635634318492017 0.9905961085438658 34.70009442391594 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/33418794_11622045914.jpg sacre_coeur/test/images/84259836_1237320024.jpg 0 0 441.749 0.0 319.5 0.0 441.749 237.0 0.0 0.0 1.0 693.174 0.0 239.5 0.0 693.174 319.5 0.0 0.0 1.0 0.9890253754660264 -0.02303552348482735 -0.1459389301799394 -1.0314541415022829 0.03557366344154821 0.9958394006815596 0.0838951877019162 0.07222190697996456 0.1433991671999273 -0.08816605190192128 0.9857298951225913 0.8347923646937643 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/92863105_622062757.jpg sacre_coeur/test/images/15556549_5221678700.jpg 0 0 1225.4 0.0 239.0 0.0 1225.4 319.5 0.0 0.0 1.0 1213.47 0.0 319.5 0.0 1213.47 213.0 0.0 0.0 1.0 0.9946773541091739 0.0840724161634548 0.059571722006435235 -2.404280146983668 -0.08894940794899307 0.9924374180587104 0.08459299062264987 -1.634610769855965 -0.05200926886523921 -0.089441601491694 0.9946332167561589 -9.709533621540967 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/70116109_2697195876.jpg sacre_coeur/test/images/42792712_254986596.jpg 0 0 606.734 0.0 212.5 0.0 606.734 319.5 0.0 0.0 1.0 1329.63 0.0 319.5 0.0 1329.63 239.5 0.0 0.0 1.0 0.996744395003465 0.014953634603333762 0.07922751946972956 -0.2469318794573442 -0.02048626328046292 0.9973725348799828 0.069486255359466 3.0079433315008046 -0.07798027985317793 -0.07088311138224211 0.9944318279675047 40.37937570691821 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/85759221_9290609964.jpg sacre_coeur/test/images/15701912_177669906.jpg 0 0 1001.31 0.0 212.5 0.0 1001.31 319.5 0.0 0.0 1.0 743.975 0.0 319.5 0.0 743.975 239.0 0.0 0.0 1.0 0.9732409614754955 0.14029859748952328 0.18198443463309125 -4.500815627873694 -0.11129584180724142 0.9806847538120274 -0.16084355516171756 2.593027429438327 -0.2010354856801919 0.1362854254244221 0.9700572232163491 8.701314519348044 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/64272078_4462759761.jpg sacre_coeur/test/images/15114643_8210538601.jpg 0 0 1069.29 0.0 319.5 0.0 1069.29 231.5 0.0 0.0 1.0 927.73 0.0 239.5 0.0 927.73 319.5 0.0 0.0 1.0 0.986225437228018 -0.06538728501183375 -0.15193383403042895 -2.1200625603475842 0.08617136054908522 0.9871581667039367 0.13451115392725563 -6.837266062227341 0.14118740590266632 -0.14575066678579388 0.9791950058828794 -35.4225384971015 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/78937340_9546137587.jpg sacre_coeur/test/images/07475389_4245726034.jpg 0 0 944.217 0.0 239.5 0.0 944.217 319.5 0.0 0.0 1.0 844.903 0.0 239.5 0.0 844.903 319.5 0.0 0.0 1.0 0.9984885278169731 0.0009479987498336649 0.05495235314583146 1.176397162675764 0.0078753242494343 0.9870655878249796 -0.160123404284614 -0.19474048638617836 -0.054393373547336935 0.1603141498124791 0.9855661998486159 -1.9839724319099474 0.0 0.0 0.0 1.0 diff --git a/third_party/SuperGluePretrainedNetwork/assets/yfcc_test_pairs_with_gt_original.txt b/third_party/SuperGluePretrainedNetwork/assets/yfcc_test_pairs_with_gt_original.txt new file mode 100644 index 0000000000000000000000000000000000000000..46182771c761f1059a37bf0ba7583c3d789ffdd1 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/assets/yfcc_test_pairs_with_gt_original.txt @@ -0,0 +1,4000 @@ +buckingham_palace/test/images/39197892_9580433466.jpg buckingham_palace/test/images/95099681_7121588727.jpg 0 0 920.78 0.0 319.5 0.0 920.78 239.5 0.0 0.0 1.0 544.463 0.0 319.5 0.0 544.463 240.0 0.0 0.0 1.0 0.9747380326086698 0.024572632273935094 0.22199539078393024 -24373.2623048354 -0.03993878766801623 0.9970859559972397 0.06499607367125937 -12816.954508357394 -0.2197513618292024 -0.07222037175340919 0.972879004233317 -85661.74428579654 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/73390455_10578819085.jpg buckingham_palace/test/images/23363801_5143002413.jpg 0 0 778.562 0.0 319.5 0.0 778.562 319.5 0.0 0.0 1.0 729.125 0.0 319.5 0.0 729.125 239.5 0.0 0.0 1.0 0.9822759427081103 -0.05174441684778953 -0.18015684195160464 32582.412554416667 0.055726427600088745 0.9982994776638782 0.01710900824010984 1340.836562214937 0.1789651855636322 -0.026845264407531454 0.9834890920264772 15054.03030803812 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/11279513_3229126513.jpg buckingham_palace/test/images/91136231_4677075766.jpg 0 0 539.004 0.0 319.5 0.0 539.004 239.5 0.0 0.0 1.0 492.926 0.0 319.5 0.0 492.926 213.5 0.0 0.0 1.0 0.976522989182697 0.03554364709478319 0.2124605863422481 -33337.29053583006 -0.06768435541258822 0.9869695506953869 0.14597922466066243 -10114.969640492498 -0.2045034953981785 -0.15693232666135815 0.9662042047199857 -32110.047624934596 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/73390455_10578819085.jpg buckingham_palace/test/images/52015143_29202491.jpg 0 0 778.562 0.0 319.5 0.0 778.562 319.5 0.0 0.0 1.0 483.179 0.0 249.5 0.0 483.179 187.0 0.0 0.0 1.0 0.9697609490953956 -0.05167708788058037 -0.23852291336008058 17171.747535575687 0.0730596646814646 0.9939764888564565 0.08168858547693564 -6689.048606066115 0.23286473972293373 -0.09664480425130698 0.9676950939242158 -40354.599856201385 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/30985649_2732223159.jpg buckingham_palace/test/images/09913545_5384620652.jpg 0 0 688.364 0.0 319.5 0.0 688.364 239.5 0.0 0.0 1.0 618.577 0.0 319.5 0.0 618.577 238.5 0.0 0.0 1.0 0.9971872010402233 -0.023251296015370355 0.07125351440575305 6281.948653822557 0.03172749673738798 0.9922378729910271 -0.12023880136221246 -2080.0653665978693 -0.06790472761409387 0.12216128943265198 0.9901846127524946 -20718.425298304373 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/30612743_2756901875.jpg buckingham_palace/test/images/44579495_1325305773.jpg 0 0 565.589 0.0 249.5 0.0 565.589 187.0 0.0 0.0 1.0 1027.15 0.0 213.0 0.0 1027.15 319.5 0.0 0.0 1.0 0.9033907921555531 0.04233957266722258 0.4267229045117212 -23471.56362561911 -0.03293697490630585 0.999025082310739 -0.02939456749201475 3422.17777182412 -0.42755143823004954 0.012499820013832557 0.9039045979344489 23024.473799663152 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/82724591_6779971696.jpg buckingham_palace/test/images/87435867_4350947433.jpg 0 0 530.953 0.0 319.5 0.0 530.953 213.0 0.0 0.0 1.0 448.32 0.0 319.5 0.0 448.32 239.5 0.0 0.0 1.0 0.9372363783643417 0.012193676016994679 0.34848139883742013 -26207.999448282713 0.02470296642677802 0.994555422359103 -0.10123870458388783 -1122.120811693254 -0.3478185367691176 0.10349312113033796 0.9318323021651973 14111.881336322756 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/66460486_3000292784.jpg buckingham_palace/test/images/37484866_5209954283.jpg 0 0 634.978 0.0 319.5 0.0 634.978 239.5 0.0 0.0 1.0 756.578 0.0 319.5 0.0 756.578 213.0 0.0 0.0 1.0 0.6703418767382886 0.07576841748900502 0.738174041268183 -98901.66222691892 0.011217294449597853 0.9936251281442207 -0.11217520682223957 -1154.6784248447352 -0.7419676142502585 0.08347605424068054 0.665218616525565 43038.68074806842 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/85113395_2204253279.jpg buckingham_palace/test/images/41854370_22518199.jpg 0 0 939.785 0.0 319.5 0.0 939.785 213.0 0.0 0.0 1.0 719.884 0.0 319.5 0.0 719.884 239.5 0.0 0.0 1.0 0.8009857864974744 -0.025902621109760403 -0.5981227499842043 127698.95420365824 0.05840248305555429 0.997679220712103 0.03500460730013168 -4528.934555690013 0.5958279280144299 -0.06297004668042522 0.8006396526647283 -15660.794097457387 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/38109366_1994420460.jpg buckingham_palace/test/images/12225450_205688460.jpg 0 0 562.71 0.0 249.5 0.0 562.71 160.0 0.0 0.0 1.0 880.89 0.0 249.5 0.0 880.89 187.0 0.0 0.0 1.0 0.5780265045832834 0.10262944311991587 0.8095384842020346 -72800.94217615653 -0.0539844432927111 0.9946956727069887 -0.08755683057515848 3480.139798669389 -0.8142303358888121 0.006907684336077578 0.5805008561712081 58781.67604111098 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/73390455_10578819085.jpg buckingham_palace/test/images/50497824_8033642711.jpg 0 0 778.562 0.0 319.5 0.0 778.562 319.5 0.0 0.0 1.0 449.291 0.0 319.5 0.0 449.291 213.0 0.0 0.0 1.0 0.8840734982825504 0.009448187400273604 0.46725237440734585 -34542.65496754385 -0.08936170089063095 0.9847659929998923 0.1491657649893876 -1187.382307889673 -0.45872490236348257 -0.173627966600387 0.8714498225175263 -11814.89335731823 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/51055099_4772610657.jpg buckingham_palace/test/images/66271166_7212713294.jpg 0 0 1103.25 0.0 319.5 0.0 1103.25 239.5 0.0 0.0 1.0 1264.51 0.0 213.5 0.0 1264.51 319.5 0.0 0.0 1.0 0.9986744714957836 0.04776656843846749 -0.01917432977265467 5854.704764020753 -0.0447013662256854 0.9895673895744107 0.13696046637056833 15256.263033638426 0.025516422950218942 -0.13592180263114387 0.990390920661799 92405.69326866849 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/15625956_3859238782.jpg buckingham_palace/test/images/59557144_4072456064.jpg 0 0 719.798 0.0 319.5 0.0 719.798 239.5 0.0 0.0 1.0 569.526 0.0 249.5 0.0 569.526 187.0 0.0 0.0 1.0 0.9772835560801847 -0.04107699028384532 -0.20791712744382004 25115.820320458224 0.017682017046698303 0.9934202676466307 -0.11315263188303151 -2361.7125621043297 0.21119705795400917 0.10690581227471893 0.9715796158902541 2728.722803650371 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/30612743_2756901875.jpg buckingham_palace/test/images/97000297_3525745026.jpg 0 0 565.589 0.0 249.5 0.0 565.589 187.0 0.0 0.0 1.0 537.107 0.0 319.5 0.0 537.107 209.0 0.0 0.0 1.0 0.9990765513959433 -0.02393637841691882 -0.035680446172534755 1347.123085883988 0.034154112347373373 0.9462876061647133 0.32151712711583413 3524.2097947815973 0.02606800837333175 -0.3224388565407999 0.9462312839534048 8179.836395807633 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/26420725_8870834351.jpg buckingham_palace/test/images/02324203_9313663960.jpg 0 0 644.06 0.0 319.5 0.0 644.06 213.0 0.0 0.0 1.0 869.083 0.0 319.5 0.0 869.083 213.0 0.0 0.0 1.0 0.658741625705281 0.04019233465007103 0.7512949133320018 -21747.916415467796 -0.1483684356056004 0.9859027244484451 0.07734743202640897 20991.800843882273 -0.7375949280459501 -0.1624204240867196 0.6554184373058023 91092.45605422824 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/61302894_8245166220.jpg buckingham_palace/test/images/82736794_5152319320.jpg 0 0 651.678 0.0 319.5 0.0 651.678 171.5 0.0 0.0 1.0 723.947 0.0 319.5 0.0 723.947 239.5 0.0 0.0 1.0 0.999869862840002 -0.0005752811980679834 -0.016122234208036882 5249.326104483842 0.0021656979257189744 0.9951044956920017 0.09880461733169056 -1973.7345904365461 0.01598646730238365 -0.09882667506857863 0.9949762415043284 -22017.394832362676 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/86576612_2460544550.jpg buckingham_palace/test/images/77141853_3913827430.jpg 0 0 775.263 0.0 319.5 0.0 775.263 180.0 0.0 0.0 1.0 534.162 0.0 319.5 0.0 534.162 213.0 0.0 0.0 1.0 0.9422026553856213 0.014101570054573133 0.3347466234426868 -48038.00251803125 0.026591619927307634 0.9928146658186039 -0.1166701550746183 2610.9431680170915 -0.3339865894522197 0.1188283848980951 0.9350576308488076 -20916.881800566814 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/34591604_85337315.jpg buckingham_palace/test/images/80208883_2309723001.jpg 0 0 588.671 0.0 319.5 0.0 588.671 239.5 0.0 0.0 1.0 608.393 0.0 212.5 0.0 608.393 319.5 0.0 0.0 1.0 0.9998319967164329 0.00799276308111055 -0.016495274485760276 1622.9589311860018 -0.004167779914622283 0.9754807609028516 0.22004525607014816 -14901.397369401026 0.017849592505561805 -0.21993953907090705 0.9753501890093949 -48715.33922413404 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/83690948_250193885.jpg buckingham_palace/test/images/86576612_2460544550.jpg 0 0 540.856 0.0 249.5 0.0 540.856 187.0 0.0 0.0 1.0 775.263 0.0 319.5 0.0 775.263 180.0 0.0 0.0 1.0 0.999010004282599 0.007532251847696928 -0.043843774077792115 15702.781956436977 -0.008719035077062275 0.9995990144393928 -0.026940466943224738 4215.872747153067 0.04362327097555355 0.02729607140042123 0.998675089664049 44333.387547265855 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/34511353_8612252871.jpg buckingham_palace/test/images/24481344_8619843161.jpg 0 0 526.275 0.0 319.5 0.0 526.275 239.5 0.0 0.0 1.0 533.532 0.0 319.5 0.0 533.532 239.5 0.0 0.0 1.0 0.7785672024144453 0.1189227469959767 0.6161903046717591 -68852.42271531794 -0.07151953872076493 0.9922977520571893 -0.10114408951302085 4037.831928842209 -0.6234725871325164 0.0346778244585771 0.7810757847898673 28446.444355296124 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/18653284_7502960042.jpg buckingham_palace/test/images/89647918_4691358540.jpg 0 0 306.853 0.0 319.5 0.0 306.853 213.0 0.0 0.0 1.0 299.319 0.0 319.5 0.0 299.319 213.0 0.0 0.0 1.0 0.9173846264377102 -0.004349444291477178 0.39797805154317006 -23836.377010987802 -0.10407629158504504 0.9625250420250651 0.25042697339654063 11392.443046712055 -0.3841530589565147 -0.2711579351761669 0.8825530020827929 35642.365715770095 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/86758289_301058596.jpg buckingham_palace/test/images/19476535_153176579.jpg 0 0 681.584 0.0 319.5 0.0 681.584 213.0 0.0 0.0 1.0 838.719 0.0 319.5 0.0 838.719 239.5 0.0 0.0 1.0 0.8367498933759574 -0.01746797242283326 -0.5473065739370935 57426.0032245092 0.0022598183293907853 0.9995927100777711 -0.028448324739703306 296.8269128610496 0.5475805960371883 0.022567319265092235 0.8364485680212174 74215.80501989256 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/89730574_3288971741.jpg buckingham_palace/test/images/89826404_8759127701.jpg 0 0 664.171 0.0 319.5 0.0 664.171 239.5 0.0 0.0 1.0 628.119 0.0 319.5 0.0 628.119 239.5 0.0 0.0 1.0 0.9919122072616686 -0.04117570087715222 -0.12006137906321011 648.2896879322743 0.028445679213358704 0.99397215668172 -0.1058782086908382 1105.8136751871007 0.1236972773321031 0.10160666020869535 0.9871043866693426 10197.856792676052 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/56032606_8199293549.jpg buckingham_palace/test/images/82724591_6779971696.jpg 0 0 476.287 0.0 319.5 0.0 476.287 239.5 0.0 0.0 1.0 530.953 0.0 319.5 0.0 530.953 213.0 0.0 0.0 1.0 0.9879572301328619 -0.040094206194057305 -0.14944218299353096 2835.9030805075454 0.011017262952558225 0.9816202244392538 -0.1905265201720316 -255.61263178807485 0.1543344787960155 0.18658560930976906 0.9702405263919174 -2105.920214115871 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/25074269_2738283980.jpg buckingham_palace/test/images/92801024_2417460983.jpg 0 0 504.803 0.0 319.5 0.0 504.803 213.5 0.0 0.0 1.0 532.662 0.0 213.0 0.0 532.662 319.5 0.0 0.0 1.0 0.9462838905926373 -0.1089358578767683 -0.30443353506720394 20681.131639501255 0.11537766696499516 0.9933165633142631 0.0031935890869582944 96.40451438245327 0.3020509764436733 -0.038146872928121064 0.9525282272537804 -6140.517306483569 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/70919478_5339080781.jpg buckingham_palace/test/images/66563458_10330669473.jpg 0 0 458.531 0.0 319.5 0.0 458.531 212.5 0.0 0.0 1.0 720.394 0.0 319.5 0.0 720.394 319.5 0.0 0.0 1.0 0.8556511593809686 -0.009686684856399057 -0.5174623286641234 40322.765952019 0.04341290932533584 0.9976445481309466 0.05311002625219847 4279.150585995803 0.5157290109678867 -0.06790820069102001 0.854056241429681 51271.76854916193 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/63503162_6643082601.jpg buckingham_palace/test/images/80208883_2309723001.jpg 0 0 771.297 0.0 305.5 0.0 771.297 305.5 0.0 0.0 1.0 608.393 0.0 212.5 0.0 608.393 319.5 0.0 0.0 1.0 0.9876294661065911 0.014372547501837175 0.15614566134323749 -23206.555293586374 -0.04788672062752942 0.9758645021738858 0.21306181118270534 -26604.597574032043 -0.14931476707127972 -0.217903426488023 0.9644807914412957 -98069.94895325575 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/87539697_3102605685.jpg buckingham_palace/test/images/35654194_9287834913.jpg 0 0 723.469 0.0 319.5 0.0 723.469 239.5 0.0 0.0 1.0 541.361 0.0 319.5 0.0 541.361 213.0 0.0 0.0 1.0 0.9995584751414169 -0.0013397123097180009 -0.029682653922661683 12901.630252155868 0.0004979334647916434 0.9995979751725769 -0.028348546579133427 -343.65869729517374 0.029708699655655642 0.028321250004402127 0.9991572949055411 -4614.463360488981 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/74825492_11236890775.jpg buckingham_palace/test/images/14101115_7724864500.jpg 0 0 786.182 0.0 319.5 0.0 786.182 319.5 0.0 0.0 1.0 461.446 0.0 239.5 0.0 461.446 319.5 0.0 0.0 1.0 0.9992024609858429 -0.020876215200546836 0.034038589846467876 -23925.96567835633 0.015165826979153273 0.9869791461273839 0.16013170454878273 -2817.416795467103 -0.03693832226663785 -0.15948776990277566 0.9865085968198987 -40419.40006112545 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/31650540_6170454977.jpg buckingham_palace/test/images/59557144_4072456064.jpg 0 0 681.385 0.0 319.5 0.0 681.385 239.5 0.0 0.0 1.0 569.526 0.0 249.5 0.0 569.526 187.0 0.0 0.0 1.0 0.9660159558869695 0.011122706146903576 0.2582430219381626 -18764.15727203682 0.026414483006025655 0.9895955247393006 -0.14143186523366288 -258.7387470338746 -0.25712924388196123 0.14344679440098423 0.955671266240004 45475.805001033994 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/48362261_8842273382.jpg buckingham_palace/test/images/91870054_4238721718.jpg 0 0 711.844 0.0 319.5 0.0 711.844 319.5 0.0 0.0 1.0 801.672 0.0 319.5 0.0 801.672 211.5 0.0 0.0 1.0 0.6155874448420402 -0.10292088519600395 -0.7813190060041539 61570.611556607946 0.003897140102506744 0.9918207324996713 -0.12757917887663886 3306.4525748071774 0.7880589508735178 0.0754912311085662 0.6109534875699161 32338.495795060517 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/19946837_1447873686.jpg buckingham_palace/test/images/14950658_8138839363.jpg 0 0 1048.17 0.0 319.5 0.0 1048.17 239.5 0.0 0.0 1.0 689.337 0.0 319.5 0.0 689.337 239.5 0.0 0.0 1.0 0.7281861422052461 0.03305502617610654 0.6845818486819075 -129395.65771161595 -0.04351472571145602 0.9990508772457789 -0.0019527725665685561 -6377.011871230567 -0.6839966454205005 -0.02836740945058091 0.7289333845658088 -29953.392070525217 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/30985649_2732223159.jpg buckingham_palace/test/images/01823206_282483519.jpg 0 0 688.364 0.0 319.5 0.0 688.364 239.5 0.0 0.0 1.0 523.613 0.0 319.5 0.0 523.613 239.5 0.0 0.0 1.0 0.7829856225256857 -0.08894680568721029 -0.6156476107937934 54611.33616997733 0.21011531350468182 0.969369953057789 0.12717487621212561 -9189.677971136065 0.5854784965725843 -0.22893309037092444 0.7776918221148557 -16366.48185103551 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/80448535_2424346689.jpg buckingham_palace/test/images/70136088_3328686923.jpg 0 0 770.034 0.0 319.5 0.0 770.034 239.5 0.0 0.0 1.0 512.561 0.0 319.5 0.0 512.561 213.5 0.0 0.0 1.0 -0.10979342771597543 0.9902561032125251 0.08566360534510388 -2671.6243935777507 -0.7737396384307414 -0.031051100265417454 -0.6327422864748112 58817.867541531465 -0.623916961743662 -0.13575227151930763 0.769609605985987 -17093.49193817744 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/59557144_4072456064.jpg buckingham_palace/test/images/37738135_1526579232.jpg 0 0 569.526 0.0 249.5 0.0 569.526 187.0 0.0 0.0 1.0 526.293 0.0 319.5 0.0 526.293 213.5 0.0 0.0 1.0 0.9858976334281107 0.013118390698713157 0.16683454146646723 -21984.929172412587 -0.028564656383883173 0.9954844602666671 0.09052485721200258 2751.5346726020116 -0.16489365302073072 -0.09401381384168331 0.9818204958139856 334.81991117236885 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/40580817_2599681870.jpg buckingham_palace/test/images/68461451_7212713620.jpg 0 0 725.526 0.0 319.5 0.0 725.526 235.0 0.0 0.0 1.0 1266.17 0.0 213.5 0.0 1266.17 319.5 0.0 0.0 1.0 0.991744396252874 0.015551767560132828 0.12728391503555278 989.4383121750161 -0.020222973119449206 0.9991654180580661 0.03548941694449398 14941.40379445011 -0.12662576301540002 -0.03777048957328595 0.9912312072660757 92609.50049542959 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/71145896_2328923072.jpg buckingham_palace/test/images/81310018_8608208863.jpg 0 0 1341.47 0.0 319.5 0.0 1341.47 239.5 0.0 0.0 1.0 559.102 0.0 319.5 0.0 559.102 239.5 0.0 0.0 1.0 0.9915092014985512 -0.001368939127741371 -0.13002934034043998 -4105.224845087954 -0.018556501569713113 0.9882213037430465 -0.1519023076779494 209.40574689743943 0.1287057092486525 0.153025425449687 0.9798051130570525 -6249.328633472359 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/84843004_4889485367.jpg buckingham_palace/test/images/87435867_4350947433.jpg 0 0 538.063 0.0 319.5 0.0 538.063 213.0 0.0 0.0 1.0 448.32 0.0 319.5 0.0 448.32 239.5 0.0 0.0 1.0 0.9744095619288116 -0.007577987053668696 -0.2246521304904894 21642.279989795727 -0.03845466966063464 0.9790776895060611 -0.19982020992073046 -2197.9851799865833 0.2214661238270832 0.20334564667995178 0.9537312535370325 -9192.890933292692 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/36638733_5857779927.jpg buckingham_palace/test/images/86680206_8613353750.jpg 0 0 491.356 0.0 319.5 0.0 491.356 212.0 0.0 0.0 1.0 666.834 0.0 319.5 0.0 666.834 239.5 0.0 0.0 1.0 0.9986675823404285 0.03536563794532089 -0.03758100098512806 -9235.195879445393 -0.035224025028521906 0.9993696500658907 0.004423865726870756 -298.4395764854937 0.03771376463724853 -0.003094217170755633 0.9992837924118386 12375.708626642663 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/31471983_2691474123.jpg buckingham_palace/test/images/05573543_2253880492.jpg 0 0 728.105 0.0 319.5 0.0 728.105 239.5 0.0 0.0 1.0 852.137 0.0 319.5 0.0 852.137 213.0 0.0 0.0 1.0 0.7597803085145943 0.05911526139370033 0.6474868868663074 -27166.226408091796 -0.031683914342885415 0.9980412835259732 -0.05394187566020352 9446.668535227367 -0.6494074317140052 0.020469055869351705 0.760165117186021 106813.84265817022 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/51571844_13155210353.jpg buckingham_palace/test/images/37946480_5143153071.jpg 0 0 483.696 0.0 319.5 0.0 483.696 212.5 0.0 0.0 1.0 936.404 0.0 319.5 0.0 936.404 239.5 0.0 0.0 1.0 0.7556413811208685 -0.10872311192304697 -0.6458988992648268 26020.552977868003 0.04832031189465469 0.9926932174970682 -0.11056818436477002 1720.2544525711933 0.6532007735728345 0.052339859276531085 0.7553736085770826 45602.32202449952 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/94200008_8305050186.jpg buckingham_palace/test/images/81888816_2734302.jpg 0 0 746.609 0.0 305.5 0.0 746.609 305.5 0.0 0.0 1.0 669.636 0.0 319.5 0.0 669.636 239.5 0.0 0.0 1.0 0.9865181386125149 0.07841673266221082 0.14364114392151728 -17438.69820771672 -0.06615292412700993 0.9938986993521158 -0.08825625221829009 2199.460317111573 -0.14968551305301636 0.07756411196394714 0.9856865910203402 1282.7651220377118 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/67361631_6199942663.jpg buckingham_palace/test/images/61285342_3151612050.jpg 0 0 507.066 0.0 319.5 0.0 507.066 212.5 0.0 0.0 1.0 536.336 0.0 249.5 0.0 536.336 187.0 0.0 0.0 1.0 0.9795721257554768 -0.03278532892981965 -0.19840255202456444 15057.034501025215 -0.04406141644828952 0.9276526996907271 -0.3708356244174452 1548.5207826540163 0.19620663093653798 0.3720021383856142 0.9072581589674812 18064.73720627566 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/94916212_250193805.jpg buckingham_palace/test/images/32264273_9687016916.jpg 0 0 540.593 0.0 249.5 0.0 540.593 187.0 0.0 0.0 1.0 608.489 0.0 305.5 0.0 608.489 305.5 0.0 0.0 1.0 0.8929583111497472 0.023671835940320733 0.4495165166396071 -13411.635202084664 -0.037081726724002465 0.9990905169989974 0.0210495697305764 10255.354075862113 -0.44860940704777685 -0.03546523686499973 0.8930239732965468 42424.8361320065 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/19322041_4490535181.jpg buckingham_palace/test/images/95871367_5793063419.jpg 0 0 800.164 0.0 319.5 0.0 800.164 239.5 0.0 0.0 1.0 667.829 0.0 319.5 0.0 667.829 239.5 0.0 0.0 1.0 0.9220396266244878 -0.04709168560570156 -0.38422037957530103 64981.54875041703 0.06658776913788836 0.9970722539338206 0.037589751749245615 -5661.593458253312 0.38132531509908163 -0.060243618601013606 0.9224758590242031 -11714.767807095413 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/03513470_2505259840.jpg buckingham_palace/test/images/88827990_5044159062.jpg 0 0 504.806 0.0 319.5 0.0 504.806 213.5 0.0 0.0 1.0 800.954 0.0 319.5 0.0 800.954 239.5 0.0 0.0 1.0 0.9967625416592716 0.01070169020185566 0.07968631859844139 -7801.222193933354 -0.012382020043689355 0.999710654861581 0.02062261224642778 1798.0551509463103 -0.07944256494214218 -0.02154252499249669 0.9966066418062651 14650.376920028028 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/79770781_11614197754.jpg buckingham_palace/test/images/14844450_287573284.jpg 0 0 543.87 0.0 319.5 0.0 543.87 239.5 0.0 0.0 1.0 553.557 0.0 249.5 0.0 553.557 186.5 0.0 0.0 1.0 0.9809277540267682 0.017621276480999842 0.19357229139311347 -22911.382744811006 0.014624630414558052 0.986368309905185 -0.16390142586331183 1414.373860233295 -0.19382172624666688 0.16360638077400674 0.9672983462225049 28533.94040373127 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/51571844_13155210353.jpg buckingham_palace/test/images/78715037_9287831735.jpg 0 0 483.696 0.0 319.5 0.0 483.696 212.5 0.0 0.0 1.0 629.677 0.0 319.5 0.0 629.677 212.5 0.0 0.0 1.0 0.8871940570373315 -0.0495834777111844 -0.4587245185246854 46588.391176643265 0.11256814866666338 0.9874267634561485 0.11098107368499878 -327.1377450355169 0.44745403905138653 -0.15009951881528347 0.8816206765883049 -993.6857361084994 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/89269947_2824630864.jpg buckingham_palace/test/images/81485196_7160898455.jpg 0 0 509.392 0.0 239.5 0.0 509.392 319.5 0.0 0.0 1.0 640.287 0.0 319.5 0.0 640.287 232.0 0.0 0.0 1.0 0.8505840114084362 -0.09110268381801018 -0.5178871890069195 23104.614796119196 0.026995302663489904 0.9911442076863832 -0.1300169727529387 4114.806216676611 0.5251457827788774 0.09660983682259017 0.8455107605812433 81340.78438200799 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/24708453_4252951589.jpg buckingham_palace/test/images/44579495_1325305773.jpg 0 0 716.742 0.0 319.5 0.0 716.742 239.5 0.0 0.0 1.0 1027.15 0.0 213.0 0.0 1027.15 319.5 0.0 0.0 1.0 0.9765618313264544 -0.015167553680524451 -0.2147019676474123 -160.25256423225642 0.010458368749328557 0.9996795475647687 -0.023052650689291555 -826.4317540692517 0.2149828181958389 0.020266906425200563 0.9764075175788678 -6920.372933347736 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/89902711_383052108.jpg buckingham_palace/test/images/59701829_966630682.jpg 0 0 728.351 0.0 319.5 0.0 728.351 239.5 0.0 0.0 1.0 725.011 0.0 319.5 0.0 725.011 239.5 0.0 0.0 1.0 0.9720033190491663 0.16156843278354086 0.17060243047880438 -15588.636717850777 -0.1641718374814415 0.9864310624668223 0.0011690930430128669 -1180.190530793132 -0.16809864822589143 -0.029144476808590995 0.9853392532200176 -37767.30251946064 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/84206804_4252951691.jpg buckingham_palace/test/images/70455295_3643859122.jpg 0 0 713.129 0.0 319.5 0.0 713.129 239.5 0.0 0.0 1.0 1038.31 0.0 212.5 0.0 1038.31 319.5 0.0 0.0 1.0 0.9980872411754316 0.004496292687192213 0.0616574598478312 13690.45766764086 -0.008223952988840473 0.9981441372225732 0.06033778190687912 -4367.678807715716 -0.06127173573559969 -0.06072943833328174 0.9962719055155932 -14181.634784542362 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/20464820_5857778799.jpg buckingham_palace/test/images/22759208_567461360.jpg 0 0 796.666 0.0 319.5 0.0 796.666 212.0 0.0 0.0 1.0 662.89 0.0 319.5 0.0 662.89 239.5 0.0 0.0 1.0 0.9709431364315263 0.013466529356929562 -0.2389311164406796 -6748.170658933087 -0.005475680111469202 0.9994042276128747 0.034076483927048866 2235.0058320618564 0.23924765985026378 -0.03177801782038192 0.9704384137283415 24089.73195184549 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/75966612_8640534113.jpg buckingham_palace/test/images/68304166_169924929.jpg 0 0 858.38 0.0 319.5 0.0 858.38 239.5 0.0 0.0 1.0 734.815 0.0 319.5 0.0 734.815 239.5 0.0 0.0 1.0 0.9965236496455269 0.034520667558191595 -0.07582175946584149 21869.124929295627 -0.028512181868407243 0.9964711077219452 0.078945468270842 -17706.229227371463 0.07827944290975741 -0.07650918236876192 0.9939912845850317 -108708.7669598826 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/28945073_6309209323.jpg buckingham_palace/test/images/16826010_408223455.jpg 0 0 657.152 0.0 319.5 0.0 657.152 239.5 0.0 0.0 1.0 761.316 0.0 319.5 0.0 761.316 239.5 0.0 0.0 1.0 0.4256656293494036 0.008451732895962266 0.9048410579773838 -71016.02778079936 -0.16896315376585702 0.9831118842892896 0.07030274275345086 2664.913480822279 -0.8889658174868545 -0.18281026005183032 0.419904970391767 9670.408788893808 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/76603337_13067710124.jpg buckingham_palace/test/images/35050014_5769045358.jpg 0 0 880.963 0.0 319.5 0.0 880.963 228.0 0.0 0.0 1.0 502.756 0.0 319.5 0.0 502.756 213.5 0.0 0.0 1.0 0.7958499971455338 -0.05698086461646614 -0.602806737778381 113828.73985433401 0.06237064641995152 0.9979810233022088 -0.011990812892936506 -5233.495842875318 0.602272931907629 -0.028054557494923693 0.7977971279060564 -73065.275313399 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/07701593_197476710.jpg buckingham_palace/test/images/16644081_2109119383.jpg 0 0 798.292 0.0 319.5 0.0 798.292 239.5 0.0 0.0 1.0 565.378 0.0 319.5 0.0 565.378 211.5 0.0 0.0 1.0 0.32439374703484547 0.03841880444970403 -0.9451416255510853 101277.02944851671 0.15899915140576037 0.9827437928212747 0.09451934999513766 -1761.0295732497789 0.9324633862715151 -0.18093820253310425 0.3126873840230025 15600.041051375509 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88100674_4580463979.jpg buckingham_palace/test/images/92801024_2417460983.jpg 0 0 396.465 0.0 249.5 0.0 396.465 166.0 0.0 0.0 1.0 532.662 0.0 213.0 0.0 532.662 319.5 0.0 0.0 1.0 0.5688058444146207 0.014087309891738793 0.8223511774538808 -47460.45827174958 -0.14765824960460527 0.9853572856485583 0.08525292336928682 -2376.392546266072 -0.8091087397151723 -0.16991929648900833 0.5625570904336784 2367.6300655211453 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/84211719_64399705.jpg buckingham_palace/test/images/82724591_6779971696.jpg 0 0 1267.76 0.0 249.5 0.0 1267.76 187.0 0.0 0.0 1.0 530.953 0.0 319.5 0.0 530.953 213.0 0.0 0.0 1.0 0.9609050530141487 -0.030837885158767325 -0.2751554177747747 41150.491705338616 0.01320446608506664 0.9977514283767961 -0.06570943043027645 -226.84244900470617 0.2765630509798524 0.05950724334900495 0.9591515869880619 -54428.379116833356 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/62184736_5578846989.jpg buckingham_palace/test/images/52927333_9772228794.jpg 0 0 581.244 0.0 319.5 0.0 581.244 239.5 0.0 0.0 1.0 548.596 0.0 319.5 0.0 548.596 179.0 0.0 0.0 1.0 0.9057951409499898 0.04556341645352786 0.4212589912541576 -50176.376776678844 0.0220194478592874 0.9877963558682109 -0.15418658582851938 2400.738747907417 -0.4231433640592278 0.14893735063631838 0.8937378581206428 -23624.764451133426 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/96640391_498921406.jpg buckingham_palace/test/images/91136231_4677075766.jpg 0 0 717.897 0.0 319.5 0.0 717.897 239.5 0.0 0.0 1.0 492.926 0.0 319.5 0.0 492.926 213.5 0.0 0.0 1.0 0.21801965972386123 0.18346124866157637 0.9585454596488512 -110125.55042070549 -0.25132441959691826 0.9596008600878826 -0.12649990289667512 11100.601798108517 -0.9430288776533642 -0.2133264155188741 0.2553201448254813 32449.94215912105 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/20376856_499480088.jpg buckingham_palace/test/images/96610065_7506893394.jpg 0 0 1908.96 0.0 239.5 0.0 1908.96 319.5 0.0 0.0 1.0 1228.87 0.0 319.5 0.0 1228.87 213.0 0.0 0.0 1.0 0.9464932037653415 -0.02074519711868977 0.32205628704083156 -30775.068052363553 0.03765083137180366 0.9982153424364189 -0.04635240038611792 -3015.7736058940154 -0.3205199371693308 0.05599791889927413 0.945585111428854 41459.35450467392 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/80396877_5553830938.jpg buckingham_palace/test/images/26810426_6779980104.jpg 0 0 628.545 0.0 319.5 0.0 628.545 191.0 0.0 0.0 1.0 535.869 0.0 319.5 0.0 535.869 213.0 0.0 0.0 1.0 0.9999218348258233 0.008966479065765642 -0.008713580878259181 -2106.6606898108876 -0.008259701134834051 0.9969179809500807 0.078014848558319 970.686888701857 0.009386243962416352 -0.07793677894022444 0.9969141171197753 9989.343247544484 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/24126353_3448607158.jpg buckingham_palace/test/images/86424981_8226612445.jpg 0 0 727.932 0.0 319.5 0.0 727.932 213.0 0.0 0.0 1.0 467.776 0.0 319.5 0.0 467.776 239.5 0.0 0.0 1.0 0.7952046089399392 0.06324136620737818 0.6030341279902016 -42531.0893532505 -0.0894289746952706 0.9959019045038545 0.01348536579215108 -636.8687001527569 -0.5997100035897609 -0.06465234880357984 0.7976013950517822 -10928.34159551335 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/87785947_1573426398.jpg buckingham_palace/test/images/14101115_7724864500.jpg 0 0 660.277 0.0 319.5 0.0 660.277 239.5 0.0 0.0 1.0 461.446 0.0 239.5 0.0 461.446 319.5 0.0 0.0 1.0 0.9577911411533324 -0.09654459744036113 -0.27076792763042684 -10965.638315308057 0.020077996971286326 0.962083051849183 -0.2720166821762658 6.364972612160727 0.2867629752353299 0.25509869080346376 0.9234130462499109 -276.43868171137 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/70392907_4845953799.jpg buckingham_palace/test/images/72406227_262180777.jpg 0 0 367.397 0.0 319.5 0.0 367.397 213.0 0.0 0.0 1.0 895.882 0.0 319.5 0.0 895.882 239.5 0.0 0.0 1.0 0.9508011376709122 0.07016687565877068 0.3017512322493244 -4097.83413396238 0.00104519861028275 0.9732815308813043 -0.22961265035970857 6881.9337920819435 -0.30980010355641296 0.2186313591542424 0.9253238485151045 140350.27955708903 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/81485196_7160898455.jpg buckingham_palace/test/images/96795280_10579107723.jpg 0 0 640.287 0.0 319.5 0.0 640.287 232.0 0.0 0.0 1.0 778.565 0.0 319.5 0.0 778.565 319.5 0.0 0.0 1.0 0.9960490542279139 -0.007129975349833673 -0.08851804913795387 -18804.647279840727 0.012173969589188318 0.9983241689067391 0.056574271900835825 -3705.8407272391614 0.087966334674806 -0.0574283660587601 0.9944666443555064 -19145.221800903324 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88192386_10780446203.jpg buckingham_palace/test/images/96795280_10579107723.jpg 0 0 629.618 0.0 319.5 0.0 629.618 213.0 0.0 0.0 1.0 778.565 0.0 319.5 0.0 778.565 319.5 0.0 0.0 1.0 0.9631619334592812 -0.1413235087344013 -0.2287941341336724 -16285.27384612216 0.06887487506220022 0.9520403956978114 -0.2981196681614965 3002.397900547613 0.25995257552127776 0.2713793485852453 0.926702707259077 39909.20260133271 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/74825492_11236890775.jpg buckingham_palace/test/images/44579495_1325305773.jpg 0 0 786.182 0.0 319.5 0.0 786.182 319.5 0.0 0.0 1.0 1027.15 0.0 213.0 0.0 1027.15 319.5 0.0 0.0 1.0 0.9971540241212896 0.033553919667202746 -0.06751286287579422 5812.343908357694 -0.021105167484815435 0.9839315249888517 0.17729446138712435 730.8062854820561 0.072376958240567 -0.1753650153482146 0.981839440696779 2561.088005314089 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/92801024_2417460983.jpg buckingham_palace/test/images/33491680_3513928900.jpg 0 0 532.662 0.0 213.0 0.0 532.662 319.5 0.0 0.0 1.0 656.038 0.0 239.5 0.0 656.038 319.5 0.0 0.0 1.0 0.9454012891773116 0.02606999149053986 -0.3248642146583095 13166.645405409752 -0.03284623089137545 0.9993419022491691 -0.01539115087454388 -79.6164155719216 0.32424917507698847 0.02522137888172843 0.9456354236751058 688.5349149477624 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/64561640_252491027.jpg buckingham_palace/test/images/39881987_8753914632.jpg 0 0 485.125 0.0 319.5 0.0 485.125 179.5 0.0 0.0 1.0 696.104 0.0 319.5 0.0 696.104 211.5 0.0 0.0 1.0 0.7927549090708191 -0.17104413481189334 -0.5850500475092438 35374.60966542798 0.04597967604444567 0.9738673454272431 -0.22241461935165782 7671.892138161053 0.6078038528464306 0.14941986968588175 0.7799026727791671 91234.40448961717 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/72807922_9586802730.jpg buckingham_palace/test/images/71145896_2328923072.jpg 0 0 604.967 0.0 319.5 0.0 604.967 213.0 0.0 0.0 1.0 1341.47 0.0 319.5 0.0 1341.47 239.5 0.0 0.0 1.0 0.9335353732921796 -0.044093894692688165 -0.3557631730000466 48419.99760383289 0.03810229603929824 0.9989895511950743 -0.02383467305413001 1113.4290677154763 0.3564546560907357 0.008695116669356455 0.9342721622189873 -1175.7278138412466 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/86424981_8226612445.jpg buckingham_palace/test/images/88139524_3180271751.jpg 0 0 467.776 0.0 319.5 0.0 467.776 239.5 0.0 0.0 1.0 319.518 0.0 249.5 0.0 319.518 166.5 0.0 0.0 1.0 0.9931945918787892 -0.021328651771482972 -0.11449712344131525 -26418.301670731358 -0.0014258995536714054 0.9807880620783758 -0.19507112573368546 2175.4927423391937 0.11645801592500116 0.19390684850761541 0.9740829865204796 -7772.140661027746 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/16644081_2109119383.jpg buckingham_palace/test/images/84016496_927372757.jpg 0 0 565.378 0.0 319.5 0.0 565.378 211.5 0.0 0.0 1.0 677.742 0.0 249.5 0.0 677.742 187.0 0.0 0.0 1.0 0.9702373114400387 0.0025622814395948727 0.24214250804728613 -27705.759221299355 0.03149783029964638 0.9901136384260559 -0.13668529434116955 2828.4836754515136 -0.2400988258530649 0.1402441361217708 0.9605644882606467 60280.04696394594 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/34791488_2406713663.jpg buckingham_palace/test/images/22458636_3472229736.jpg 0 0 696.679 0.0 319.5 0.0 696.679 239.5 0.0 0.0 1.0 1016.97 0.0 249.5 0.0 1016.97 187.0 0.0 0.0 1.0 0.9008982823419148 0.03570836778063904 0.4325588946534681 -5379.438833318086 -0.0806653548191985 0.9930218112270696 0.08602780340798657 13343.705699903392 -0.4264685045877132 -0.11239481704132537 0.8974920722195638 107302.898541743 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/89269947_2824630864.jpg buckingham_palace/test/images/86680206_8613353750.jpg 0 0 509.392 0.0 239.5 0.0 509.392 319.5 0.0 0.0 1.0 666.834 0.0 319.5 0.0 666.834 239.5 0.0 0.0 1.0 0.999977593459505 -0.006297615145020522 -0.00226993885869386 -1038.3228031186209 0.00596973456610229 0.9923529726532659 -0.12328803646516832 177.66959188780584 0.003029001179808908 0.12327172307431906 0.9923683325470141 33082.34667398971 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/96610065_7506893394.jpg buckingham_palace/test/images/42575336_5691036729.jpg 0 0 1228.87 0.0 319.5 0.0 1228.87 213.0 0.0 0.0 1.0 681.719 0.0 319.5 0.0 681.719 212.5 0.0 0.0 1.0 0.9496653673975154 0.036359179034854826 -0.3111489997825057 41705.85094373372 -0.049493993935844346 0.9981811570711939 -0.034419794193039435 2550.808289955777 0.30933159316503844 0.04808729320645902 0.9497376362459556 -32351.364626110248 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/96795280_10579107723.jpg buckingham_palace/test/images/56337910_5339349187.jpg 0 0 778.565 0.0 319.5 0.0 778.565 319.5 0.0 0.0 1.0 489.79 0.0 319.5 0.0 489.79 239.5 0.0 0.0 1.0 0.9026713759316719 0.043521380633071004 0.4281241367891016 -11308.731720576494 -0.04064610201166596 0.9990477308433878 -0.015859567709577915 -2178.028063463889 -0.4284066776614007 -0.003085599531500041 0.9035807642987161 -20705.118381508844 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/56032606_8199293549.jpg buckingham_palace/test/images/25818240_3063650971.jpg 0 0 476.287 0.0 319.5 0.0 476.287 239.5 0.0 0.0 1.0 574.66 0.0 249.5 0.0 574.66 187.0 0.0 0.0 1.0 0.9698634421083359 0.03309163392762024 0.2413914816760751 -23507.056270131252 -0.013020974792245017 0.9963577109858629 -0.08427197621078852 3406.625785170047 -0.24330096152138447 0.07858915652310032 0.9667618044791373 31609.337968995038 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/82736794_5152319320.jpg buckingham_palace/test/images/44460121_952952106.jpg 0 0 723.947 0.0 319.5 0.0 723.947 239.5 0.0 0.0 1.0 820.061 0.0 319.5 0.0 820.061 213.0 0.0 0.0 1.0 0.7970109176138153 -0.08773212779952068 -0.5975589267646771 28586.44244730939 0.007256662050442697 0.9907130842771543 -0.1357752757240207 132.80989871964903 0.6039213012142143 0.103878093907314 0.7902457867941554 87471.43519901353 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/84206804_4252951691.jpg buckingham_palace/test/images/42575336_5691036729.jpg 0 0 713.129 0.0 319.5 0.0 713.129 239.5 0.0 0.0 1.0 681.719 0.0 319.5 0.0 681.719 212.5 0.0 0.0 1.0 0.9538643217074836 0.013760319398922645 0.2999225056303074 -5299.1296740246835 0.01641613913277127 0.9950645383806596 -0.09786253028232228 -317.7443643835268 -0.29978886928886417 0.0982711456498019 0.948930669639874 -1969.8250538505463 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/52126489_4139263.jpg buckingham_palace/test/images/19492180_885002423.jpg 0 0 715.427 0.0 319.5 0.0 715.427 239.5 0.0 0.0 1.0 683.049 0.0 319.5 0.0 683.049 239.5 0.0 0.0 1.0 0.9964279662736739 -0.029513034505145194 -0.0791219869695409 -6315.307809503152 0.043042441727309394 0.9835969613874243 0.17516953433624635 -6890.775850452972 0.0726543614510598 -0.1779494263652579 0.9813538329361201 -30433.465000902484 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/95204768_2848305924.jpg buckingham_palace/test/images/33761766_8290174554.jpg 0 0 725.132 0.0 319.5 0.0 725.132 239.5 0.0 0.0 1.0 1038.17 0.0 319.5 0.0 1038.17 239.5 0.0 0.0 1.0 0.960908417425132 0.03942969262616959 0.2740443625782765 -11160.302893569133 -0.024564613630255586 0.998045200682201 -0.05746613918144712 1936.6580359842892 -0.2757745330495991 0.04848790297209169 0.9599986094712036 15215.931942112962 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/87292117_4922805851.jpg buckingham_palace/test/images/87850563_3619254383.jpg 0 0 721.2 0.0 319.5 0.0 721.2 239.0 0.0 0.0 1.0 811.45 0.0 249.5 0.0 811.45 154.0 0.0 0.0 1.0 0.4638534659525184 -0.1656323205143357 -0.8702906965634367 99144.22888455853 -0.04877838499772146 0.976101853638441 -0.2117683651554525 -136.27175843673353 0.8845680478520855 0.1406808648133617 0.44468895083475474 112165.23053603235 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/34591604_85337315.jpg buckingham_palace/test/images/08189358_287573307.jpg 0 0 588.671 0.0 319.5 0.0 588.671 239.5 0.0 0.0 1.0 553.684 0.0 249.5 0.0 553.684 186.5 0.0 0.0 1.0 0.9325144020992109 -0.03872446804683272 -0.3590505611359511 22160.446085020045 0.06199740245050352 0.996639913168529 0.0535276150114843 -2446.945104554812 0.35577129165651045 -0.0721754740470557 0.9317818891667412 -1830.4279063955719 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/34511353_8612252871.jpg buckingham_palace/test/images/58780959_4178228.jpg 0 0 526.275 0.0 319.5 0.0 526.275 239.5 0.0 0.0 1.0 561.783 0.0 249.5 0.0 561.783 187.0 0.0 0.0 1.0 0.9970110140322166 -0.03971622210045094 -0.06626959785994678 -551.9475805075708 0.03488139717415334 0.9967521721657268 -0.07258371314616109 -545.781155307895 0.06893711648763946 0.07005518528255336 0.9951582512271085 -2603.4606984901448 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/67743148_64209046.jpg buckingham_palace/test/images/44460121_952952106.jpg 0 0 683.436 0.0 319.5 0.0 683.436 239.5 0.0 0.0 1.0 820.061 0.0 319.5 0.0 820.061 213.0 0.0 0.0 1.0 0.9400967125202198 -0.026007833959348244 -0.33991434756629285 -13787.811645381542 -0.009700188362576528 0.9946412433256178 -0.10293057573627097 2035.2593542566358 0.34076983061064275 0.10006192906601719 0.9348066820991288 70393.98146558562 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/52580713_3540604945.jpg buckingham_palace/test/images/18093615_4509989383.jpg 0 0 547.77 0.0 319.5 0.0 547.77 213.0 0.0 0.0 1.0 533.833 0.0 319.5 0.0 533.833 239.5 0.0 0.0 1.0 0.8932942731126129 -0.011288021045101359 -0.44933052667840584 50232.325324062724 -0.036687771727690555 0.9945176670367714 -0.09792148567803846 -4824.285916479679 0.44797248691171315 0.10395763816393083 0.8879828041339045 19382.459374116224 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/36917951_370694487.jpg buckingham_palace/test/images/14844450_287573284.jpg 0 0 531.303 0.0 319.5 0.0 531.303 213.0 0.0 0.0 1.0 553.557 0.0 249.5 0.0 553.557 186.5 0.0 0.0 1.0 0.9864984234509778 -0.02502653358206153 0.16184725251174675 -26470.642064379335 0.024756154439367305 0.9996867190964058 0.0036873404558970995 584.2820939215095 -0.16188883020798372 0.00036916003229857034 0.9868089330639246 14151.596828044261 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/01991338_3847005741.jpg buckingham_palace/test/images/17665771_6309735280.jpg 0 0 575.005 0.0 249.5 0.0 575.005 187.0 0.0 0.0 1.0 650.857 0.0 319.5 0.0 650.857 239.5 0.0 0.0 1.0 0.9998379620825906 -0.01798351561569149 -0.0008017135597628141 22483.837951979658 0.01799849343169332 0.9994830213970726 0.02664102425148951 -3927.5707508460455 0.0003221998153622066 -0.026651137031641636 0.9996447434374871 -36471.18025573365 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/59669702_84374042.jpg buckingham_palace/test/images/29436220_2235567230.jpg 0 0 525.823 0.0 249.5 0.0 525.823 187.0 0.0 0.0 1.0 737.798 0.0 319.5 0.0 737.798 213.0 0.0 0.0 1.0 0.9290940915812714 -0.0366684626670777 -0.3680211853065055 38124.2773076884 0.0381998753265917 0.9992652305197113 -0.003125475871138556 2836.407668726589 0.3678653809667404 -0.01115450223099835 0.929812152300761 34291.55402802263 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88674170_169924932.jpg buckingham_palace/test/images/54621533_151517675.jpg 0 0 761.397 0.0 319.5 0.0 761.397 201.0 0.0 0.0 1.0 527.723 0.0 249.5 0.0 527.723 187.0 0.0 0.0 1.0 0.9568949380103968 -0.09882596848968854 -0.27310347043227656 10277.663516522443 0.03481332622150685 0.972576959386414 -0.22996106276513997 6751.782601301734 0.28834026761358394 0.21054093669106913 0.9340944299425908 63415.976850229104 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/44566410_157895322.jpg buckingham_palace/test/images/13870492_3491797363.jpg 0 0 781.017 0.0 319.5 0.0 781.017 212.5 0.0 0.0 1.0 780.996 0.0 319.5 0.0 780.996 213.5 0.0 0.0 1.0 0.9880079972914468 0.0012148525108042032 0.15439793205066432 -16399.145374047075 -0.016487747369017362 0.9950815694644956 0.09767714317470579 -6448.03118552603 -0.1535198732244136 -0.09905147270714104 0.9831685787695347 -35257.84835698707 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/86151722_3888442454.jpg buckingham_palace/test/images/95871367_5793063419.jpg 0 0 505.778 0.0 249.5 0.0 505.778 187.0 0.0 0.0 1.0 667.829 0.0 319.5 0.0 667.829 239.5 0.0 0.0 1.0 0.9999677969563814 -0.0006170987984893567 -0.008001514811204011 10829.264550502769 0.0004417830273566761 0.9997602086440341 -0.021893607281439676 15784.590614308214 0.00801310663586556 0.02188936730721264 0.9997282859462024 67408.98113374901 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/63503162_6643082601.jpg buckingham_palace/test/images/72721744_6254882589.jpg 0 0 771.297 0.0 305.5 0.0 771.297 305.5 0.0 0.0 1.0 292.816 0.0 319.5 0.0 292.816 187.0 0.0 0.0 1.0 0.9788642928149555 0.01831395046217573 0.2036892129454721 -29462.466838364264 -0.08790429393020943 0.9369611389701852 0.3381961844378566 -39084.61399276878 -0.18465516878903834 -0.3489533253576505 0.918767677577596 -96792.87648630439 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/48362261_8842273382.jpg buckingham_palace/test/images/93037627_13638822993.jpg 0 0 711.844 0.0 319.5 0.0 711.844 319.5 0.0 0.0 1.0 585.228 0.0 239.5 0.0 585.228 319.5 0.0 0.0 1.0 0.3099640007704286 -0.17256234662323996 -0.9349569801623339 92388.7611764759 0.14896690224906786 0.9800594736498935 -0.13150015263645357 9893.476013262423 0.9390054207834513 -0.09851733165780889 0.3294892336667755 30570.42652089625 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/35412346_425909362.jpg buckingham_palace/test/images/74030407_9757753664.jpg 0 0 659.197 0.0 249.5 0.0 659.197 187.0 0.0 0.0 1.0 1019.01 0.0 319.5 0.0 1019.01 213.0 0.0 0.0 1.0 0.9941928269233425 0.02258185086692179 -0.105217312765518 7990.670818257522 -0.022111946570754208 0.9997396453866286 0.005630564897949435 2693.1986866956613 0.105317067529555 -0.0032713076348781906 0.9944333129141104 84961.13972196139 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/24126353_3448607158.jpg buckingham_palace/test/images/42575336_5691036729.jpg 0 0 727.932 0.0 319.5 0.0 727.932 213.0 0.0 0.0 1.0 681.719 0.0 319.5 0.0 681.719 212.5 0.0 0.0 1.0 0.8620051507910393 0.04600432387646444 0.504807609089232 -67068.54390389436 0.007306661001155835 0.9946419928728628 -0.10312089370692096 2605.9831675224855 -0.5068468533144224 0.09257919959996011 0.8570503830503194 -15997.283409234504 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/17665771_6309735280.jpg buckingham_palace/test/images/54122468_53118210.jpg 0 0 650.857 0.0 319.5 0.0 650.857 239.5 0.0 0.0 1.0 475.674 0.0 239.5 0.0 475.674 159.5 0.0 0.0 1.0 0.9938477556414866 -0.004431303658086837 -0.11066617439068625 -9098.625024478279 0.010836721528317264 0.9982955284138018 0.057346346139278796 -697.4120207536625 0.11022342796745903 -0.058192795919238115 0.992201791184739 -4810.070087158656 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/78326446_53479975.jpg buckingham_palace/test/images/93206568_5039285632.jpg 0 0 517.948 0.0 219.5 0.0 517.948 164.5 0.0 0.0 1.0 801.943 0.0 319.5 0.0 801.943 212.0 0.0 0.0 1.0 0.4657558068172128 0.06281877167249736 0.8826807635502237 -110961.47362717589 -0.042175307082984635 0.9979194032731605 -0.04876584915076499 2368.966915764677 -0.8839076715859543 -0.014514354842633003 0.4674361577959058 76173.10425771927 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/32264273_9687016916.jpg buckingham_palace/test/images/92713380_3913819288.jpg 0 0 608.489 0.0 305.5 0.0 608.489 305.5 0.0 0.0 1.0 534.038 0.0 319.5 0.0 534.038 212.5 0.0 0.0 1.0 0.9980249626937836 0.0228749816776178 -0.05850563266319003 420.1753634169181 -0.022666030925730073 0.9997341324120543 0.004232674378082058 -9797.712683185116 0.05858690026059853 -0.002898224209007015 0.9982781052463731 -38882.55764892167 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/77141853_3913827430.jpg buckingham_palace/test/images/18093615_4509989383.jpg 0 0 534.162 0.0 319.5 0.0 534.162 213.0 0.0 0.0 1.0 533.833 0.0 319.5 0.0 533.833 239.5 0.0 0.0 1.0 0.8957444608930442 0.019059544176787555 -0.4441605504265351 50386.372211590286 -0.04089798993063138 0.9983767826906578 -0.03963778757556027 -4588.864179251032 0.4426841031695891 0.053670602381791374 0.8950699700251998 19504.59334193525 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/25118590_2173288922.jpg buckingham_palace/test/images/87374275_5233148436.jpg 0 0 536.77 0.0 249.5 0.0 536.77 187.0 0.0 0.0 1.0 539.491 0.0 319.5 0.0 539.491 202.5 0.0 0.0 1.0 0.9680879877936341 0.07504348164293151 0.23911111172962896 -627.6333070093278 -0.06442837197142065 0.9965709498596289 -0.0519165366813827 2312.1059037638215 -0.2421871854058022 0.03485423588007772 0.9696032948925202 22072.388976951104 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/42754968_4815256883.jpg buckingham_palace/test/images/80761129_4227276038.jpg 0 0 608.915 0.0 319.5 0.0 608.915 212.0 0.0 0.0 1.0 564.577 0.0 319.5 0.0 564.577 239.5 0.0 0.0 1.0 0.9870670058578864 0.029059998900665816 0.15765228323954172 -20289.12663701737 -0.05243447086855471 0.9878642332401096 0.14620151486788746 -25132.662854978582 -0.1514904360396459 -0.1525771055854178 0.976611936564209 -75599.09476980208 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/50104251_6186277165.jpg buckingham_palace/test/images/61423741_5088383508.jpg 0 0 756.898 0.0 319.5 0.0 756.898 213.0 0.0 0.0 1.0 509.187 0.0 319.5 0.0 509.187 213.0 0.0 0.0 1.0 0.8815164671070598 -0.00029450273068095913 0.472153186463069 -42783.59167525337 -0.06402142680132702 0.9906896583320638 0.12014681762003178 -4486.986191394213 -0.46779266254336466 -0.13613931886872535 0.8732903931273658 -27437.410935646185 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/39971618_5940743803.jpg buckingham_palace/test/images/08189358_287573307.jpg 0 0 474.94 0.0 239.5 0.0 474.94 319.5 0.0 0.0 1.0 553.684 0.0 249.5 0.0 553.684 186.5 0.0 0.0 1.0 0.9463899131213336 -0.030816198841262393 0.3215532525588417 -22106.371677758445 0.0017907532274731713 0.9959243852701173 0.09017434239969271 2642.48441143504 -0.3230215558520403 -0.08476426554459435 0.9425879766587374 34698.80347067656 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/82716269_6976048960.jpg buckingham_palace/test/images/99129354_2398993692.jpg 0 0 554.318 0.0 319.5 0.0 554.318 240.0 0.0 0.0 1.0 491.793 0.0 319.5 0.0 491.793 190.0 0.0 0.0 1.0 0.9944038420958455 0.011835899024597845 -0.10498052352365504 -15246.828381680421 -0.005970748887741054 0.998412453987624 0.05600823046776278 2399.727866714613 0.10547676987252076 -0.05506798722206957 0.9928958494225714 18273.853672089386 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/12225450_205688460.jpg buckingham_palace/test/images/05573543_2253880492.jpg 0 0 880.89 0.0 249.5 0.0 880.89 187.0 0.0 0.0 1.0 852.137 0.0 319.5 0.0 852.137 213.0 0.0 0.0 1.0 0.754438849743839 -0.03992865618476933 -0.6551547331832925 73418.75644651975 0.07128787029959144 0.9972280216586147 0.02131460454698482 6793.200717680203 0.6524875949359813 -0.06278515138250602 0.7551939904557864 90063.57433986856 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/70455295_3643859122.jpg buckingham_palace/test/images/88943277_2580116986.jpg 0 0 1038.31 0.0 212.5 0.0 1038.31 319.5 0.0 0.0 1.0 502.948 0.0 319.5 0.0 502.948 212.5 0.0 0.0 1.0 0.8166569448309061 -0.06991984282690045 -0.5728722807384835 20362.144390981928 0.042359176245164644 0.997218491258922 -0.061326836532714944 -1491.9938522927337 0.5755667942535265 0.025816589053180523 0.8173471533457357 -14169.648642363029 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/19946837_1447873686.jpg buckingham_palace/test/images/03513470_2505259840.jpg 0 0 1048.17 0.0 319.5 0.0 1048.17 239.5 0.0 0.0 1.0 504.806 0.0 319.5 0.0 504.806 213.5 0.0 0.0 1.0 0.9918125712706757 0.005040269161081948 0.12760258287446533 -21494.36304974785 -0.010343963524794489 0.9991082386039385 0.04093568091938244 -10080.034533659547 -0.12728246496689427 -0.04192043941229167 0.9909802474678452 -86587.39646196371 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/11419093_5995987486.jpg buckingham_palace/test/images/12516230_8673895442.jpg 0 0 1719.98 0.0 319.5 0.0 1719.98 281.0 0.0 0.0 1.0 607.086 0.0 319.5 0.0 607.086 211.5 0.0 0.0 1.0 0.7489559527663106 -0.046636586886677 -0.6609765575112855 167173.9542158232 0.0820817352320071 0.9963669024995425 0.02270648243937833 -7572.580265079102 0.6575162123911554 -0.07126025797756091 0.7500629347433192 -74575.0541275524 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/50497824_8033642711.jpg buckingham_palace/test/images/59669702_84374042.jpg 0 0 449.291 0.0 319.5 0.0 449.291 213.0 0.0 0.0 1.0 525.823 0.0 249.5 0.0 525.823 187.0 0.0 0.0 1.0 0.9886815759829807 -0.04033071524677077 -0.14450665977557306 8319.751409113353 0.020747216790303932 0.9906900746351366 -0.13454638239240563 -1540.1069175197101 0.14858766539408802 0.13002541838852588 0.9803137743934965 -4053.898956668863 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/65063014_3656668731.jpg buckingham_palace/test/images/56032606_8199293549.jpg 0 0 689.192 0.0 319.5 0.0 689.192 239.5 0.0 0.0 1.0 476.287 0.0 319.5 0.0 476.287 239.5 0.0 0.0 1.0 0.8962525941716235 -0.04849685840829748 -0.4408847266181498 39363.439646425686 0.07382109120096049 0.9964504700730555 0.04045870963199771 2525.1147435631046 0.4373576727742805 -0.0688078150773034 0.8966514097740286 14766.141270737911 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/36576167_9378677290.jpg buckingham_palace/test/images/38067003_3099337568.jpg 0 0 462.249 0.0 319.5 0.0 462.249 179.5 0.0 0.0 1.0 666.233 0.0 319.5 0.0 666.233 213.0 0.0 0.0 1.0 0.8377097549478552 -0.0738931817933138 -0.5410934892878165 31647.343940291714 0.10584885884918831 0.9939842139727796 0.02813185833251109 2282.856850462237 0.5357596341135907 -0.08084046052179657 0.8404917812787317 14291.42772063924 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/22416399_2932320087.jpg buckingham_palace/test/images/61577420_5186173128.jpg 0 0 536.954 0.0 249.5 0.0 536.954 187.0 0.0 0.0 1.0 1021.11 0.0 319.5 0.0 1021.11 213.0 0.0 0.0 1.0 0.9987370339407871 0.005812981894353983 -0.049905373224282665 8064.949986852365 -0.002421048746098534 0.9976986781788482 0.06776050533421572 3386.729483620712 0.050184415490548966 -0.0675541027745553 0.9964526921235131 88558.13002498455 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/77141853_3913827430.jpg buckingham_palace/test/images/84206804_4252951691.jpg 0 0 534.162 0.0 319.5 0.0 534.162 213.0 0.0 0.0 1.0 713.129 0.0 319.5 0.0 713.129 239.5 0.0 0.0 1.0 0.9628154513401157 0.014299371636657614 -0.26978127183243406 5416.557572467391 0.011897451735116398 0.9953852021481082 0.09521948323100893 257.01605167152275 0.26989786457647175 -0.09488849938410114 0.9582021265796137 1557.0879137770216 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/71145896_2328923072.jpg buckingham_palace/test/images/25818240_3063650971.jpg 0 0 1341.47 0.0 319.5 0.0 1341.47 239.5 0.0 0.0 1.0 574.66 0.0 249.5 0.0 574.66 187.0 0.0 0.0 1.0 0.9884255769607346 -0.024743399541811532 -0.14967512481689454 11194.044190064826 0.027410206973094427 0.9994997050644927 0.015780371658616985 -533.8775131177478 0.1492097830691098 -0.019700349111278145 0.9886092943531144 10626.606780193579 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/48223373_2757729848.jpg buckingham_palace/test/images/72721744_6254882589.jpg 0 0 565.33 0.0 249.5 0.0 565.33 187.0 0.0 0.0 1.0 292.816 0.0 319.5 0.0 292.816 187.0 0.0 0.0 1.0 0.861679252357729 0.005623282509954288 0.5074221563452255 -27796.93430262011 -0.17047107238138862 0.9450352217764687 0.2790126217271179 -7047.638446639467 -0.47796284326018956 -0.32692018643043996 0.8152758503518437 -23486.46245613477 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/83387888_3756983584.jpg buckingham_palace/test/images/13870492_3491797363.jpg 0 0 533.38 0.0 319.5 0.0 533.38 239.5 0.0 0.0 1.0 780.996 0.0 319.5 0.0 780.996 213.5 0.0 0.0 1.0 0.9997763210335414 -0.005031151373400867 -0.020542527023114578 -5663.445115020997 0.0031714295234946377 0.9959746700606807 -0.08957900776574688 11701.593813544407 0.020910522122007693 0.08949382164918515 0.9957678474178653 66100.30783747579 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/72807922_9586802730.jpg buckingham_palace/test/images/22416399_2932320087.jpg 0 0 604.967 0.0 319.5 0.0 604.967 213.0 0.0 0.0 1.0 536.954 0.0 249.5 0.0 536.954 187.0 0.0 0.0 1.0 0.9193090670653883 -0.061691337770277334 -0.38867083509761713 41463.087429789055 0.010172662979113423 0.9910316810917496 -0.13323934854379052 2659.8952750876133 0.39340482475343247 0.11853432379093351 0.9116919753645676 2249.0581937595134 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/33761766_8290174554.jpg buckingham_palace/test/images/50394851_7212712178.jpg 0 0 1038.17 0.0 319.5 0.0 1038.17 239.5 0.0 0.0 1.0 479.773 0.0 319.5 0.0 479.773 213.5 0.0 0.0 1.0 0.9765791386624668 -0.015016752035329468 -0.2146338349086281 48163.84275653931 0.03879029652779832 0.9935036624275937 0.10698497856354987 -17363.919520166197 0.21163293416800777 -0.11280500831641818 0.9708174551758804 -69748.51788139965 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/98572291_1285394227.jpg buckingham_palace/test/images/88637912_5881182593.jpg 0 0 744.579 0.0 319.5 0.0 744.579 239.5 0.0 0.0 1.0 667.4 0.0 319.5 0.0 667.4 239.5 0.0 0.0 1.0 0.991548193315211 -0.027571703259124825 -0.1267753190204309 15552.140608114783 0.03539837688877557 0.9975763099138398 0.05990376292293379 -4175.395115752566 0.12481640616113518 -0.06388510842189768 0.9901209813325548 -88880.28182877235 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/99568304_8816950671.jpg buckingham_palace/test/images/26486700_9583943857.jpg 0 0 612.545 0.0 239.5 0.0 612.545 319.5 0.0 0.0 1.0 534.066 0.0 319.5 0.0 534.066 239.5 0.0 0.0 1.0 0.9879507000731442 -0.04708803317151719 0.1474317854365947 -34050.32644038688 0.015736820903600054 0.9782189296891088 0.20697844831223972 -1060.227652243644 -0.15396677139185586 -0.20216439530721667 0.96717309235588 -9016.6134929457 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/48839627_9410045471.jpg buckingham_palace/test/images/96795280_10579107723.jpg 0 0 464.127 0.0 319.5 0.0 464.127 212.0 0.0 0.0 1.0 778.565 0.0 319.5 0.0 778.565 319.5 0.0 0.0 1.0 0.946188935583018 -0.054116080695361245 -0.31905790695491054 -9456.725557959224 0.04935021856959127 0.9985164731022907 -0.023008886772198596 1279.4900211245988 0.319829726741291 0.006025176639355631 0.9474558792572114 11533.94288212935 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/03295994_6248335133.jpg buckingham_palace/test/images/24126353_3448607158.jpg 0 0 722.705 0.0 319.5 0.0 722.705 239.5 0.0 0.0 1.0 727.932 0.0 319.5 0.0 727.932 213.0 0.0 0.0 1.0 0.9997829895701968 -0.016945373851836715 0.01211726335033865 11020.069338482474 0.01723739458106498 0.9995532762133631 -0.024415573701823744 2726.394524995666 -0.011698119256386674 0.024619145317293287 0.9996284568226885 33751.59527850921 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/59560065_7105115.jpg buckingham_palace/test/images/66563458_10330669473.jpg 0 0 836.374 0.0 249.5 0.0 836.374 178.0 0.0 0.0 1.0 720.394 0.0 319.5 0.0 720.394 319.5 0.0 0.0 1.0 0.9415258507993397 0.020386603529253037 -0.3363234435377958 67191.87943895391 0.011256890290824216 0.9957074585725884 0.09186914261000759 -10244.206729162615 0.33675266101036266 -0.09028312876423042 0.937254822320473 -49355.241344911024 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/77240749_6969127619.jpg buckingham_palace/test/images/50394851_7212712178.jpg 0 0 762.681 0.0 319.5 0.0 762.681 211.5 0.0 0.0 1.0 479.773 0.0 319.5 0.0 479.773 213.5 0.0 0.0 1.0 0.9468763260728471 0.04774139552736155 0.3180345614487316 -45597.849050452496 -0.07387419484976426 0.9947642940688083 0.07061588051624139 -5746.020019718911 -0.31299812532679183 -0.09035905266704072 0.9454456172319107 -28230.438772344845 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/92283672_6106933794.jpg buckingham_palace/test/images/37738135_1526579232.jpg 0 0 534.28 0.0 319.5 0.0 534.28 212.5 0.0 0.0 1.0 526.293 0.0 319.5 0.0 526.293 213.5 0.0 0.0 1.0 0.9234858903199515 0.07623157074179418 0.3759821245780249 -21777.690269324856 -0.006862052225188342 0.9831839266932114 -0.18248911893966865 5783.385955415246 -0.3835710137891357 0.16594611750311172 0.9084795889101847 33749.69673745054 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/64561640_252491027.jpg buckingham_palace/test/images/52015143_29202491.jpg 0 0 485.125 0.0 319.5 0.0 485.125 179.5 0.0 0.0 1.0 483.179 0.0 249.5 0.0 483.179 187.0 0.0 0.0 1.0 0.607032210257853 -0.2344040138829312 -0.7593198627620883 16187.80969790929 0.12396372365295938 0.9717413824214977 -0.20087727822640783 4354.734237777908 0.7849489734546817 0.027810860560715456 0.6189359135704712 27953.205581712355 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/64561640_252491027.jpg buckingham_palace/test/images/33061736_676507748.jpg 0 0 485.125 0.0 319.5 0.0 485.125 179.5 0.0 0.0 1.0 1133.49 0.0 319.5 0.0 1133.49 213.0 0.0 0.0 1.0 0.980983057190707 -0.06206177884959782 -0.18390371695753635 12120.184542023599 0.02908313788922769 0.9838048651856907 -0.17686762939407952 3465.1801515842767 0.19190209116966434 0.16815565064245958 0.9669008556008836 28136.41717977405 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/99045467_2406713065.jpg buckingham_palace/test/images/50394851_7212712178.jpg 0 0 703.265 0.0 319.5 0.0 703.265 239.5 0.0 0.0 1.0 479.773 0.0 319.5 0.0 479.773 213.5 0.0 0.0 1.0 0.8392318346495772 0.012147166492781174 -0.5436380910650955 28794.262592596526 0.10121874127360975 0.9787881683167857 0.17812492239453026 -1800.9483809258547 0.534270244469679 -0.20451446870397222 0.820200669327355 2445.633759113188 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/12105658_501509035.jpg buckingham_palace/test/images/89269947_2824630864.jpg 0 0 734.683 0.0 319.5 0.0 734.683 212.0 0.0 0.0 1.0 509.392 0.0 239.5 0.0 509.392 319.5 0.0 0.0 1.0 0.9482598814040498 0.04924203196810514 0.3136533430512566 -20875.2422197853 -0.05698800593264548 0.9982534544334961 0.015569453793005061 -5104.491199633004 -0.3123388616541302 -0.03263836698187991 0.9494099075222241 -36428.08467876114 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/89205589_356802584.jpg buckingham_palace/test/images/81310018_8608208863.jpg 0 0 684.751 0.0 319.5 0.0 684.751 239.5 0.0 0.0 1.0 559.102 0.0 319.5 0.0 559.102 239.5 0.0 0.0 1.0 0.9925393071747921 -0.003705679391632036 -0.12186874764774541 3551.9451913881067 -0.024354934784738585 0.9733677336832135 -0.22795195146353905 -421.84507571150084 0.11946782355351816 0.22921937737602158 0.9660154844363181 1582.2471034160722 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/23363801_5143002413.jpg buckingham_palace/test/images/24967538_249111453.jpg 0 0 729.125 0.0 319.5 0.0 729.125 239.5 0.0 0.0 1.0 1172.73 0.0 319.5 0.0 1172.73 239.5 0.0 0.0 1.0 0.9458891677604019 0.05462250686168517 0.3198594442214886 -39780.00095759259 -0.03714440538610947 0.9974770826826822 -0.06049597235649316 1569.4843205601817 -0.32235690695570135 0.04534149608240095 0.9455316881368718 17155.607521883947 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/80208883_2309723001.jpg buckingham_palace/test/images/19476535_153176579.jpg 0 0 608.393 0.0 212.5 0.0 608.393 319.5 0.0 0.0 1.0 838.719 0.0 319.5 0.0 838.719 239.5 0.0 0.0 1.0 0.8090187233404538 -0.12329973360164144 -0.5747050382399188 24119.642883345517 0.015591909159114434 0.9819083047747977 -0.18871399890590274 4133.59362205411 0.5875760356356922 0.14371240972180302 0.796304681411956 104405.99759663462 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/53184146_19405394.jpg buckingham_palace/test/images/61423741_5088383508.jpg 0 0 671.452 0.0 319.5 0.0 671.452 239.5 0.0 0.0 1.0 509.187 0.0 319.5 0.0 509.187 213.0 0.0 0.0 1.0 0.989581839369243 -0.002355242747550194 0.1439522004770532 -15059.907668582335 0.008466745153869368 0.9990877263383858 -0.04185724915106292 1312.3063839205881 -0.14372229269353112 0.04263998020162348 0.9886990111612938 5652.126606735744 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/37738135_1526579232.jpg buckingham_palace/test/images/34511353_8612252871.jpg 0 0 526.293 0.0 319.5 0.0 526.293 213.5 0.0 0.0 1.0 526.275 0.0 319.5 0.0 526.275 239.5 0.0 0.0 1.0 0.9467371121106123 -0.01806670565987178 -0.32150028724568386 35758.84249706855 0.06351989918084715 0.9892847035548515 0.13145720870475172 -3015.70730858774 0.31568031766410876 -0.14487708396771792 0.9377401386207685 881.9955932196772 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/86576612_2460544550.jpg buckingham_palace/test/images/01572370_13849919395.jpg 0 0 775.263 0.0 319.5 0.0 775.263 180.0 0.0 0.0 1.0 593.219 0.0 319.5 0.0 593.219 239.5 0.0 0.0 1.0 0.9471937245502223 0.030406649533750704 0.3192169855079912 -43243.08955945395 -0.03011673762414731 0.9995292959046155 -0.0058454036047014355 1122.6594971131328 -0.31924446790438765 -0.004077044585878954 0.9476636256709915 -21085.26790801139 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/66271166_7212713294.jpg buckingham_palace/test/images/22244788_9510402492.jpg 0 0 1264.51 0.0 213.5 0.0 1264.51 319.5 0.0 0.0 1.0 564.184 0.0 319.5 0.0 564.184 213.0 0.0 0.0 1.0 0.993025277995942 -0.01710939040208251 0.11665361555113168 -36054.94380129275 0.021567365761270656 0.9990802470627207 -0.037060877798732614 -11695.38124158877 -0.11591223401868192 0.039318299672826 0.9924809445604668 -75985.99054074971 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/59781164_3740564586.jpg buckingham_palace/test/images/03513470_2505259840.jpg 0 0 1179.26 0.0 319.5 0.0 1179.26 239.5 0.0 0.0 1.0 504.806 0.0 319.5 0.0 504.806 213.5 0.0 0.0 1.0 0.9964599306916503 0.00022861441744140244 -0.08406874723367638 9185.383367878832 0.0018428273422081563 0.9996966240485223 0.024561430198061344 -8869.506917452241 0.08404885789455109 -0.024629405218875414 0.9961572074151681 -81028.5599186011 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/92637616_3766818227.jpg buckingham_palace/test/images/03029079_9842698583.jpg 0 0 1027.91 0.0 319.5 0.0 1027.91 239.5 0.0 0.0 1.0 502.769 0.0 319.5 0.0 502.769 211.5 0.0 0.0 1.0 0.8939224561026449 -0.04573164507494119 -0.44588256202071236 63827.84928327843 0.03249430345215019 0.9987759286658966 -0.03729295591308723 -4486.844956758432 0.447042238181779 0.0188483674708314 0.8943142492016496 -28519.18161729662 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/94916212_250193805.jpg buckingham_palace/test/images/28034388_6035093150.jpg 0 0 540.593 0.0 249.5 0.0 540.593 187.0 0.0 0.0 1.0 518.235 0.0 319.5 0.0 518.235 180.0 0.0 0.0 1.0 0.9142922568961386 0.0280003501449735 0.4040861905231662 -22882.661907290392 0.010376885215591592 0.9956612783851391 -0.09247128731499925 -898.174903844943 -0.40492220145725283 0.08873893799358652 0.9100348408993923 -2983.572450167081 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/10272597_1810665269.jpg buckingham_palace/test/images/24173207_5973657415.jpg 0 0 501.469 0.0 319.5 0.0 501.469 213.5 0.0 0.0 1.0 565.88 0.0 319.5 0.0 565.88 213.0 0.0 0.0 1.0 0.9702938889445424 0.11123626228093066 0.21484008711281946 -8218.033831314226 -0.07862820525285161 0.9848139148431755 -0.1547874622505782 595.1618322427679 -0.22879548600352956 0.1332968382409228 0.9643052309820692 4027.218936750377 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/26810426_6779980104.jpg buckingham_palace/test/images/44119452_427463944.jpg 0 0 535.869 0.0 319.5 0.0 535.869 213.0 0.0 0.0 1.0 842.739 0.0 249.5 0.0 842.739 166.0 0.0 0.0 1.0 0.9786955667756558 0.02125681072411402 0.2042134559021927 7615.611141330931 -0.032641864372638496 0.9980849452001938 0.05254475097480625 -2051.5667179318984 -0.20270544211726502 -0.05809122276700087 0.9775151730656045 -13076.077733967759 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/51262215_3370618807.jpg buckingham_palace/test/images/79770781_11614197754.jpg 0 0 821.974 0.0 319.5 0.0 821.974 213.0 0.0 0.0 1.0 543.87 0.0 319.5 0.0 543.87 239.5 0.0 0.0 1.0 0.9471529210850097 0.040935454523472734 0.3181597596225672 -44754.98806348021 -0.07126640284455679 0.9938902391298422 0.08428103219599592 -15439.810542480958 -0.31276579721211595 -0.10250112743468656 0.9442833658224038 -69654.33906468921 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88100674_4580463979.jpg buckingham_palace/test/images/97483818_594151094.jpg 0 0 396.465 0.0 249.5 0.0 396.465 166.0 0.0 0.0 1.0 655.958 0.0 319.5 0.0 655.958 239.5 0.0 0.0 1.0 0.7997064521687799 0.05864259280134405 0.597520406906039 -30401.49858036051 -0.12699604815459856 0.9892219604437319 0.07288289736950965 4637.468325669791 -0.5868062662521062 -0.13416765364794656 0.7985345619332119 17460.531892875933 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/96610065_7506893394.jpg buckingham_palace/test/images/35050014_5769045358.jpg 0 0 1228.87 0.0 319.5 0.0 1228.87 213.0 0.0 0.0 1.0 502.756 0.0 319.5 0.0 502.756 213.5 0.0 0.0 1.0 0.8321120136758484 0.01623276682552003 -0.5543699973641367 78045.88718969675 0.026358996942545405 0.9972844690732379 0.06876693264566201 -1448.2010379000678 0.5539808660743686 -0.07183442786365343 0.8294245083170583 -18967.898296900807 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/34988822_5659731458.jpg buckingham_palace/test/images/04861657_8587228495.jpg 0 0 627.58 0.0 319.5 0.0 627.58 213.5 0.0 0.0 1.0 671.319 0.0 319.5 0.0 671.319 239.5 0.0 0.0 1.0 0.9812123040805575 0.024861683279894548 0.19132253141074065 -14419.622347294178 -0.0231463609906644 0.9996693976535885 -0.011195595910958572 2638.4112323326754 -0.19153762109260286 0.006556836081665785 0.9814633704865328 23349.06802328369 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/56032606_8199293549.jpg buckingham_palace/test/images/56990017_8603215183.jpg 0 0 476.287 0.0 319.5 0.0 476.287 239.5 0.0 0.0 1.0 531.719 0.0 319.5 0.0 531.719 213.0 0.0 0.0 1.0 0.9990446528791864 -0.020321478794558336 -0.03868874581979059 -4677.53690679359 0.016451922533260586 0.9950668787239172 -0.09783272004601054 4321.629187532734 0.04048599509047087 0.09710275158945701 0.9944505718412007 48833.44990063391 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/60655645_2373884532.jpg buckingham_palace/test/images/42575336_5691036729.jpg 0 0 693.054 0.0 239.5 0.0 693.054 319.5 0.0 0.0 1.0 681.719 0.0 319.5 0.0 681.719 212.5 0.0 0.0 1.0 0.9959304746988931 -0.018741555020875652 -0.08815465774102484 3627.7078645785896 -0.004832991935547774 0.9656257141969669 -0.25989155867505365 873.6733318957795 0.08999517628733586 0.2592599741514247 0.9616054981373671 49278.14471522681 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/81310018_8608208863.jpg buckingham_palace/test/images/34988822_5659731458.jpg 0 0 559.102 0.0 319.5 0.0 559.102 239.5 0.0 0.0 1.0 627.58 0.0 319.5 0.0 627.58 213.5 0.0 0.0 1.0 0.8212806668327177 0.014010876433919357 -0.5703523135995504 54585.18694534152 0.08961247418795265 0.9841216264809806 0.15321301760079875 4274.155969711757 0.5634426951844528 -0.1769415712431157 0.8069845163380133 49850.31304644461 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/86151722_3888442454.jpg buckingham_palace/test/images/44579495_1325305773.jpg 0 0 505.778 0.0 249.5 0.0 505.778 187.0 0.0 0.0 1.0 1027.15 0.0 213.0 0.0 1027.15 319.5 0.0 0.0 1.0 0.9100457179430087 0.10271089565207675 0.40158095468777133 -20483.12820285291 -0.015349634142448856 0.9764997780794201 -0.21497109606301973 4157.043950332194 -0.41422358694947187 0.18946940472063364 0.8902360162841773 30904.36453914405 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/70392907_4845953799.jpg buckingham_palace/test/images/91870054_4238721718.jpg 0 0 367.397 0.0 319.5 0.0 367.397 213.0 0.0 0.0 1.0 801.672 0.0 319.5 0.0 801.672 211.5 0.0 0.0 1.0 0.971795463438767 -0.08219430947828338 -0.22103771788819265 -10389.387303692467 0.024101322980218522 0.9670024919230438 -0.25362434198086536 1866.320441856446 0.2345905016628663 0.2411436835250136 0.9417096263846688 41269.5404858585 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/94785686_3685753287.jpg buckingham_palace/test/images/19946837_1447873686.jpg 0 0 689.603 0.0 319.5 0.0 689.603 239.5 0.0 0.0 1.0 1048.17 0.0 319.5 0.0 1048.17 239.5 0.0 0.0 1.0 0.8691583640981877 0.026297962725780655 -0.49383413741319626 59513.122790916466 0.007639403335518111 0.997751950120091 0.06657841653443315 6806.361213929982 0.4944748503562535 -0.06163978575586275 0.8670035519979904 73359.23647499384 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/73390455_10578819085.jpg buckingham_palace/test/images/76124793_5669979160.jpg 0 0 778.562 0.0 319.5 0.0 778.562 319.5 0.0 0.0 1.0 737.626 0.0 319.5 0.0 737.626 239.5 0.0 0.0 1.0 0.9976388032570557 -0.032958522628150945 0.060254078882672917 -788.901179705852 0.033083720089692174 0.9994519991752665 -0.0010811149753037958 187.16256012359594 -0.06018542764537446 0.003071991330161944 0.9981824869072844 -10714.34524795649 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/73590053_4109923193.jpg buckingham_palace/test/images/83626729_2399731869.jpg 0 0 847.053 0.0 319.5 0.0 847.053 212.5 0.0 0.0 1.0 900.714 0.0 319.5 0.0 900.714 213.0 0.0 0.0 1.0 0.6372200244966089 0.023169501668547976 0.7703335735724962 -116281.14268249563 -0.007782212593420161 0.9996904710025188 -0.023630475109747025 -6140.174488513967 -0.7706426393262262 0.009062912290909268 0.6372030964089199 38769.72266096992 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/47561034_5631016960.jpg buckingham_palace/test/images/04563674_4259679500.jpg 0 0 705.387 0.0 319.5 0.0 705.387 239.5 0.0 0.0 1.0 611.976 0.0 319.5 0.0 611.976 239.5 0.0 0.0 1.0 0.9955484084375545 0.03973694228881344 -0.08546544257761575 6613.570383650935 -0.03364163849625956 0.9968649540909433 0.07161357039380353 -17154.76365857574 0.08804320880533181 -0.06841957850496289 0.9937641343198415 -68234.92924432264 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/38067003_3099337568.jpg buckingham_palace/test/images/71145896_2328923072.jpg 0 0 666.233 0.0 319.5 0.0 666.233 213.0 0.0 0.0 1.0 1341.47 0.0 319.5 0.0 1341.47 239.5 0.0 0.0 1.0 0.8405812894061041 0.10421137723350954 0.531566632469972 -23719.141411590812 -0.034543306104836004 0.9896349576111173 -0.13938942096654863 5494.764047790294 -0.5405828853226106 0.09880607030510462 0.835468434213492 36745.623053988034 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/22759208_567461360.jpg buckingham_palace/test/images/30612743_2756901875.jpg 0 0 662.89 0.0 319.5 0.0 662.89 239.5 0.0 0.0 1.0 565.589 0.0 249.5 0.0 565.589 187.0 0.0 0.0 1.0 0.9325169032975239 -0.009894693028074717 -0.3609907479621561 32962.273706610526 0.022669207154233696 0.9992569933863612 0.031169989019055776 -2412.067173297067 0.3604141119759257 -0.03724991568218358 0.9320483419170248 -11183.591223410458 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/93206568_5039285632.jpg buckingham_palace/test/images/54455475_982034973.jpg 0 0 801.943 0.0 319.5 0.0 801.943 212.0 0.0 0.0 1.0 688.809 0.0 319.5 0.0 688.809 239.5 0.0 0.0 1.0 0.9017403932369443 -0.020948612993364736 -0.43177009949571016 55728.06338284723 0.021666615907050015 0.9997599487085888 -0.0032561807898864384 829.4922327488179 0.4317346649969372 -0.006418767159999534 0.9019778148425426 -21926.22618895084 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/64561640_252491027.jpg buckingham_palace/test/images/64410912_3739779843.jpg 0 0 485.125 0.0 319.5 0.0 485.125 179.5 0.0 0.0 1.0 1908.16 0.0 319.5 0.0 1908.16 239.5 0.0 0.0 1.0 0.9967484746013917 -0.011728888093589776 -0.07971769918836741 15107.625202491436 0.0011256644556155305 0.9912793461963627 -0.13177249593160656 22103.12584129034 0.08056805359031792 0.13125429893378712 0.98806937901752 127401.17194823589 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/02072837_4831566144.jpg buckingham_palace/test/images/15064245_12177287034.jpg 0 0 701.506 0.0 238.5 0.0 701.506 319.5 0.0 0.0 1.0 604.78 0.0 319.5 0.0 604.78 239.5 0.0 0.0 1.0 0.9537374673096274 -0.08244578628468172 -0.2891150908785602 15245.927646360436 0.09746712439381787 0.9945159274104476 0.037924000175846705 -1176.3455480409366 0.28440288871988895 -0.06434875640475247 0.9565428555150806 -1460.8065055851487 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/05573543_2253880492.jpg buckingham_palace/test/images/44566410_157895322.jpg 0 0 852.137 0.0 319.5 0.0 852.137 213.0 0.0 0.0 1.0 781.017 0.0 319.5 0.0 781.017 212.5 0.0 0.0 1.0 0.8700559577550349 -0.03300296139897616 -0.49184696289991103 70456.78632738738 0.031169641709695824 0.9994429694854062 -0.011924939491774108 431.08214335054527 0.49196654745079776 -0.0049553289589059114 0.8706000005193263 22380.89892807808 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/89299405_4981004528.jpg buckingham_palace/test/images/16826010_408223455.jpg 0 0 526.12 0.0 319.5 0.0 526.12 213.0 0.0 0.0 1.0 761.316 0.0 319.5 0.0 761.316 239.5 0.0 0.0 1.0 0.7998876997821209 0.14215132136174588 0.5830717533652074 -44492.34347301301 -0.11810442534407638 0.9898300153326316 -0.07929618818548514 -1704.9235354645443 -0.588413980503024 -0.005435308796382913 0.8085415542610503 -9569.959580913415 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/63307507_3556599632.jpg buckingham_palace/test/images/75966612_8640534113.jpg 0 0 1617.87 0.0 319.5 0.0 1617.87 213.5 0.0 0.0 1.0 858.38 0.0 319.5 0.0 858.38 239.5 0.0 0.0 1.0 0.9508866329921203 -0.028503660059411327 -0.3082241920422957 23073.59288440147 0.04456186633437611 0.9979842508307614 0.04518489971839196 -346.52670971720636 0.3063149543618555 -0.05670076240211818 0.9502400603412344 -2018.9484360226925 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/58780959_4178228.jpg buckingham_palace/test/images/66104636_8655068521.jpg 0 0 561.783 0.0 249.5 0.0 561.783 187.0 0.0 0.0 1.0 493.211 0.0 318.5 0.0 493.211 319.5 0.0 0.0 1.0 0.9991647399381737 0.02827174986247085 -0.029504755955534156 -12200.506484869042 -0.033703485863449435 0.9784298158695092 -0.2038116053079666 -2313.532969067606 0.023106222212512594 0.204635782739168 0.9785654290428385 46354.44786499116 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/44140023_3726848652.jpg buckingham_palace/test/images/51055099_4772610657.jpg 0 0 667.066 0.0 319.5 0.0 667.066 212.0 0.0 0.0 1.0 1103.25 0.0 319.5 0.0 1103.25 239.5 0.0 0.0 1.0 0.9410023241203777 -0.03900190998858308 -0.33614502378778455 48930.219659711256 0.016729788584198838 0.9974831646349805 -0.06890174485245051 3454.959489595621 0.33798630175493166 0.05921306686050507 0.939286469900955 -26675.423476717173 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/96610065_7506893394.jpg buckingham_palace/test/images/98469850_94975884.jpg 0 0 1228.87 0.0 319.5 0.0 1228.87 213.0 0.0 0.0 1.0 691.478 0.0 319.5 0.0 691.478 239.5 0.0 0.0 1.0 0.973800387962608 0.040163925097312855 -0.22382954122423518 37118.87803294701 -0.02218346807178484 0.9963627466767202 0.08227497055077088 -1334.1455868155545 0.22631990223615384 -0.07515408276068275 0.9711494044153136 -33372.30713105713 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/86424981_8226612445.jpg buckingham_palace/test/images/03295994_6248335133.jpg 0 0 467.776 0.0 319.5 0.0 467.776 239.5 0.0 0.0 1.0 722.705 0.0 319.5 0.0 722.705 239.5 0.0 0.0 1.0 0.789067792484233 -0.07240056700032066 -0.6100247345494206 16177.400832006231 0.06458426022588104 0.9973044170234472 -0.0348248921979368 -367.96022150705875 0.6109017042005486 -0.011918795390236403 0.7916167318351166 819.7606184888209 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/19946837_1447873686.jpg buckingham_palace/test/images/80396877_5553830938.jpg 0 0 1048.17 0.0 319.5 0.0 1048.17 239.5 0.0 0.0 1.0 628.545 0.0 319.5 0.0 628.545 191.0 0.0 0.0 1.0 0.9957367187377277 -0.039493549393571366 -0.08335854193614921 -8140.527879232698 0.030995430440085413 0.9944150742792629 -0.10088579353904142 1464.40512168 0.08687732874149065 0.0978719551376481 0.9913997226892276 -93732.05868423833 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/86900704_328544021.jpg buckingham_palace/test/images/09863937_226875692.jpg 0 0 516.297 0.0 249.5 0.0 516.297 187.0 0.0 0.0 1.0 673.473 0.0 319.5 0.0 673.473 239.5 0.0 0.0 1.0 0.9983499742032959 -0.011403107876080015 -0.056278753886745025 -14051.095861250838 0.0146768123356492 0.998202682622479 0.058103318192259466 -2263.9021533047007 0.05551504469909459 -0.058833438927648085 0.9967229837201528 -6520.933258293244 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88595844_3830407687.jpg buckingham_palace/test/images/92766299_2205106180.jpg 0 0 507.93 0.0 319.5 0.0 507.93 213.5 0.0 0.0 1.0 529.386 0.0 319.5 0.0 529.386 213.0 0.0 0.0 1.0 0.9555829057700412 -0.02146744320063109 -0.29393955004815536 38664.35526897057 0.010809042612439621 0.9992254516565564 -0.03783730116635461 2559.5504020220706 0.2945241497702469 0.032979473073089474 0.95507480312169 939.3657463142954 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/15676476_3064491824.jpg buckingham_palace/test/images/95310791_8522255584.jpg 0 0 571.819 0.0 249.5 0.0 571.819 187.0 0.0 0.0 1.0 592.491 0.0 319.5 0.0 592.491 238.5 0.0 0.0 1.0 0.9928804525753394 -0.002340627539384145 -0.11909210031111049 -22245.23000209395 0.0029592559392689136 0.9999830312902096 0.005017961332042476 1986.6711362572155 0.11907833429333664 -0.005334659723529539 0.9928705311910304 -14072.283637249895 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/52580713_3540604945.jpg buckingham_palace/test/images/68461451_7212713620.jpg 0 0 547.77 0.0 319.5 0.0 547.77 213.0 0.0 0.0 1.0 1266.17 0.0 213.5 0.0 1266.17 319.5 0.0 0.0 1.0 0.9917077503529584 0.007013819277524279 0.1283220332952069 697.7291046712671 -0.023145837563651437 0.9919294443359059 0.12466052969138985 13590.106380805944 -0.12641205675627232 -0.12659693439654476 0.98386645847292 88255.7518509994 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/60655645_2373884532.jpg buckingham_palace/test/images/35412346_425909362.jpg 0 0 693.054 0.0 239.5 0.0 693.054 319.5 0.0 0.0 1.0 659.197 0.0 249.5 0.0 659.197 187.0 0.0 0.0 1.0 0.9899705557665157 -0.044402110621793674 -0.13411469452549127 4068.8410476614085 0.017141824277648963 0.9800637361485182 -0.1979424940406736 4912.372142710566 0.14023001310621785 0.19365827030864932 0.9709953747393918 52164.44564134635 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/04747458_676507940.jpg buckingham_palace/test/images/29436220_2235567230.jpg 0 0 533.733 0.0 319.5 0.0 533.733 213.0 0.0 0.0 1.0 737.798 0.0 319.5 0.0 737.798 213.0 0.0 0.0 1.0 0.857908254005524 -0.008356731029055669 -0.513734944067173 43471.41100809201 0.04913502579841903 0.9966196374926861 0.06584107687253983 4708.918076674641 0.5114481175534641 -0.08172798303185404 0.8554188213036715 42774.643542184625 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/40580817_2599681870.jpg buckingham_palace/test/images/07739469_9102054751.jpg 0 0 725.526 0.0 319.5 0.0 725.526 235.0 0.0 0.0 1.0 522.246 0.0 319.5 0.0 522.246 211.5 0.0 0.0 1.0 0.9821375925946202 0.009632795918389423 -0.1879174245652547 20422.78609949411 0.004961309777062189 0.9970158312572948 0.07703776754048601 2004.9073036023706 0.18809873635338314 -0.0765940041068529 0.9791589370051931 21469.153362024106 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/86465693_49695665.jpg buckingham_palace/test/images/40524058_231666382.jpg 0 0 529.185 0.0 249.5 0.0 529.185 187.0 0.0 0.0 1.0 654.703 0.0 319.5 0.0 654.703 239.5 0.0 0.0 1.0 0.6949221812216602 0.05370963655417365 0.7170763118297443 -103986.4087759468 -0.053895230506110614 0.9982921044721895 -0.02254280987766047 2717.698353920415 -0.7170623865291104 -0.022981494505486717 0.696630019978662 42072.63913373207 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/09913545_5384620652.jpg buckingham_palace/test/images/66012681_3064490504.jpg 0 0 618.577 0.0 319.5 0.0 618.577 238.5 0.0 0.0 1.0 573.25 0.0 249.5 0.0 573.25 187.0 0.0 0.0 1.0 0.8837597439007511 -0.012064874274023562 -0.4677853715853361 31670.773385087567 -0.0018158031870993997 0.9995716208371946 -0.02921091706347874 2034.238385303031 0.46793740812128365 0.02666483875172918 0.8833592522043789 35102.56144507201 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/69728580_2542045191.jpg buckingham_palace/test/images/62344235_4979934495.jpg 0 0 871.638 0.0 319.5 0.0 871.638 185.0 0.0 0.0 1.0 543.599 0.0 213.5 0.0 543.599 319.5 0.0 0.0 1.0 0.9914027708780713 -0.004605529131944525 0.13076442557782048 -22523.723730578033 0.019113791780940387 0.9937574321856707 -0.10991282427222415 7424.578952829535 -0.12944191306928907 0.1114672825413663 0.98530190097442 -90116.42561555993 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/40698826_4043332345.jpg buckingham_palace/test/images/61302894_8245166220.jpg 0 0 664.744 0.0 319.5 0.0 664.744 239.5 0.0 0.0 1.0 651.678 0.0 319.5 0.0 651.678 171.5 0.0 0.0 1.0 0.8606160199450016 -0.00030237623706070926 0.5092543321196551 -71878.47816939995 -0.026731262559683628 0.9985943993443348 0.04576751249622574 1429.663692855555 -0.5085523629047355 -0.05300126570883172 0.8593982546045064 9817.5847363393 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/27360182_6693505247.jpg buckingham_palace/test/images/03295994_6248335133.jpg 0 0 668.989 0.0 319.5 0.0 668.989 240.0 0.0 0.0 1.0 722.705 0.0 319.5 0.0 722.705 239.5 0.0 0.0 1.0 0.8189895825173498 -0.08190303482968071 -0.5679330564544952 31689.436358937313 0.025758648076988574 0.9940107275195761 -0.1062034162597835 3089.3206384150503 0.5732299327297055 0.0723503038120166 0.81619414219964 33131.3874678915 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/38217522_12120715573.jpg buckingham_palace/test/images/33761766_8290174554.jpg 0 0 416.694 0.0 319.5 0.0 416.694 239.5 0.0 0.0 1.0 1038.17 0.0 319.5 0.0 1038.17 239.5 0.0 0.0 1.0 0.9874201907327331 -0.0204993748242011 -0.15678374458198785 -3459.4209030509055 0.028682660149893936 0.998331681626184 0.050111460447302705 10853.167621336981 0.15549492576948862 -0.05397804269564437 0.9863608360872246 90458.59106639966 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/34591604_85337315.jpg buckingham_palace/test/images/95310791_8522255584.jpg 0 0 588.671 0.0 319.5 0.0 588.671 239.5 0.0 0.0 1.0 592.491 0.0 319.5 0.0 592.491 238.5 0.0 0.0 1.0 0.9632895544580069 -0.01112494899224694 -0.26823398327209536 795.3032928484727 0.008176983678893197 0.9998932978683204 -0.012104950058954749 -721.9985799524281 0.2683400290862509 0.009467227045686514 0.9632777379354595 -1861.833192164776 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/97292713_2986088736.jpg buckingham_palace/test/images/48484647_7883607208.jpg 0 0 683.491 0.0 319.5 0.0 683.491 221.0 0.0 0.0 1.0 530.224 0.0 319.5 0.0 530.224 182.5 0.0 0.0 1.0 0.9324486574458819 0.057938554816185955 0.35662673076086726 -45465.09564345947 -0.02229579120234161 0.9944046514478395 -0.10325835013964858 1058.6942187875475 -0.36061391947903765 0.08833183483157413 0.9285230681212254 -9143.13372269939 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/78850803_8040467285.jpg buckingham_palace/test/images/05573543_2253880492.jpg 0 0 936.98 0.0 319.5 0.0 936.98 239.5 0.0 0.0 1.0 852.137 0.0 319.5 0.0 852.137 213.0 0.0 0.0 1.0 0.9388242034168772 -0.036958309825161 -0.3424079415164513 61826.65511766735 0.016659995838957217 0.9979349366971925 -0.06203472138904585 2871.4763602471276 0.34399354589484954 0.05253518301136889 0.9375011972945153 39309.58564725901 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/44460121_952952106.jpg buckingham_palace/test/images/13281945_9328537386.jpg 0 0 820.061 0.0 319.5 0.0 820.061 213.0 0.0 0.0 1.0 480.216 0.0 319.5 0.0 480.216 211.5 0.0 0.0 1.0 0.8108726522820691 0.01427542662879753 0.585048505660521 -71253.14856786173 -0.047063719531267846 0.9980551479018983 0.04087698680677982 -3894.06934961839 -0.5833271364208295 -0.060680589491906835 0.8099674795780318 -66508.60118645793 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/39733199_8623371744.jpg buckingham_palace/test/images/76276666_337183275.jpg 0 0 1338.45 0.0 319.5 0.0 1338.45 239.5 0.0 0.0 1.0 545.844 0.0 319.5 0.0 545.844 213.0 0.0 0.0 1.0 0.8044877175751328 -0.09684003586721208 -0.5860217741039923 47705.947038865466 0.18218166769617763 0.9792947965903372 0.08826970786475842 -7878.2289123731625 0.5653400323930663 -0.17777431992368128 0.8054731149762105 -26576.942324316067 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/81394496_5045390386.jpg buckingham_palace/test/images/38067003_3099337568.jpg 0 0 672.414 0.0 319.5 0.0 672.414 239.5 0.0 0.0 1.0 666.233 0.0 319.5 0.0 666.233 213.0 0.0 0.0 1.0 0.6571575477806769 0.002564961533041097 -0.753748882829833 50069.8904987742 0.10042467590034566 0.9907810854277426 0.09092703244324411 -1620.8353306418885 0.747033360610621 -0.13544837293580994 0.6508416830565201 1377.3802554418035 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/65063014_3656668731.jpg buckingham_palace/test/images/61101889_6246395851.jpg 0 0 689.192 0.0 319.5 0.0 689.192 239.5 0.0 0.0 1.0 952.418 0.0 319.5 0.0 952.418 239.5 0.0 0.0 1.0 0.7500144751582777 -0.028023675079961324 -0.6608274817893592 40847.956857655015 0.12387420820337876 0.9873749731142553 0.09872103630741498 4437.2988701521535 0.6497179908198933 -0.1559016872988767 0.7440169328061857 26832.877456428574 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/15885029_599614928.jpg buckingham_palace/test/images/89299405_4981004528.jpg 0 0 433.441 0.0 319.5 0.0 433.441 239.5 0.0 0.0 1.0 526.12 0.0 319.5 0.0 526.12 213.0 0.0 0.0 1.0 0.9975216493638873 0.023959960692956007 0.06615496454493751 -4695.526351109769 -0.03678835343463542 0.979082098327829 0.2001121230349228 -2379.6850188163194 -0.05997646289935979 -0.20204990724464025 0.977537037088884 -4006.338487075268 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/89205589_356802584.jpg buckingham_palace/test/images/00212661_8137933114.jpg 0 0 684.751 0.0 319.5 0.0 684.751 239.5 0.0 0.0 1.0 607.957 0.0 319.5 0.0 607.957 239.5 0.0 0.0 1.0 0.7747572166679934 -0.1571946624630642 -0.6124059873270243 54451.182895904625 0.09811282339905548 0.9867578760727282 -0.12916178960166336 5730.6268418332975 0.6245999752685952 0.03998414812850113 0.7799205977488404 55525.28002895055 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/67955492_328543996.jpg buckingham_palace/test/images/02147392_4434343749.jpg 0 0 519.911 0.0 187.0 0.0 519.911 249.5 0.0 0.0 1.0 1522.3 0.0 319.5 0.0 1522.3 213.0 0.0 0.0 1.0 0.858624252091217 -0.117484458037091 -0.49896071572873274 25246.881986237247 -0.029760430245232398 0.9603146757380048 -0.27732659510733776 10038.138435502171 0.5117408626564982 0.2529686258845979 0.8210530822094522 150175.36066971614 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/32929018_8338714866.jpg buckingham_palace/test/images/62110008_3103434698.jpg 0 0 503.595 0.0 319.5 0.0 503.595 213.0 0.0 0.0 1.0 717.566 0.0 319.5 0.0 717.566 239.5 0.0 0.0 1.0 0.8092103220079967 -0.009546558475126341 0.5874415017488934 -47997.477193151186 -0.048593941014154964 0.9953545109963223 0.08311453745275175 -4270.710069458339 -0.5855060065041408 -0.09580323930093929 0.8049872394560179 -1264.886393505798 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/76017051_5339375111.jpg buckingham_palace/test/images/21910153_76261355.jpg 0 0 482.865 0.0 319.5 0.0 482.865 239.5 0.0 0.0 1.0 729.837 0.0 249.5 0.0 729.837 187.0 0.0 0.0 1.0 0.950623037736062 -0.05029014088334332 -0.3062462111690449 25384.508595979638 0.05771446020257263 0.998216949750665 0.015230309058060025 -639.6334603944852 0.30493422439763546 -0.032153117429136575 0.9518304974261966 61218.03038957834 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/83721004_321291688.jpg buckingham_palace/test/images/74845354_647484279.jpg 0 0 713.043 0.0 319.5 0.0 713.043 239.5 0.0 0.0 1.0 550.969 0.0 249.5 0.0 550.969 187.0 0.0 0.0 1.0 0.9095896136095848 -0.03437293826716087 0.4140836098283153 -53647.48205072477 0.03160020998886468 0.9994087844369351 0.013546524238623285 1467.1159459218954 -0.4143044309951635 0.0007633512755596254 0.9101380421411929 -14392.787720828772 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/87850563_3619254383.jpg buckingham_palace/test/images/77059222_3193034364.jpg 0 0 811.45 0.0 249.5 0.0 811.45 154.0 0.0 0.0 1.0 665.902 0.0 319.5 0.0 665.902 239.5 0.0 0.0 1.0 0.9975297119195022 -0.012268100368063013 -0.06916623129211436 24277.760438922232 0.014675280233884133 0.9993002971085642 0.034402795653731486 -868.482305447511 0.06869577853006754 -0.03533284466462567 0.9970117753066177 -12470.499529674373 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/92713380_3913819288.jpg buckingham_palace/test/images/19492180_885002423.jpg 0 0 534.038 0.0 319.5 0.0 534.038 212.5 0.0 0.0 1.0 683.049 0.0 319.5 0.0 683.049 239.5 0.0 0.0 1.0 0.9495284405867409 -0.0803762622135469 -0.30320850415100753 22405.511359675944 0.09316768850709305 0.9952584598194589 0.027935281921687618 2035.8029597927919 0.29952549530074685 -0.05477458014789375 0.9525146838944082 8027.008823303784 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/14598577_8873221214.jpg buckingham_palace/test/images/19322041_4490535181.jpg 0 0 457.081 0.0 319.5 0.0 457.081 182.0 0.0 0.0 1.0 800.164 0.0 319.5 0.0 800.164 239.5 0.0 0.0 1.0 0.9522966033620623 0.08099452976900955 0.2942296133508247 -28761.01912224298 -0.06648876512772998 0.9960418165507112 -0.05899104842388579 12747.19406188901 -0.2978429507926423 0.03661401138712761 0.9539124649742633 61628.46569245245 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/39971618_5940743803.jpg buckingham_palace/test/images/89269947_2824630864.jpg 0 0 474.94 0.0 239.5 0.0 474.94 319.5 0.0 0.0 1.0 509.392 0.0 239.5 0.0 509.392 319.5 0.0 0.0 1.0 0.7635457352099385 0.017382475890317977 0.6455197593990728 -28770.16156286744 -0.10894022240992829 0.988777241861808 0.10223303730903537 641.8550131039683 -0.6364981839596949 -0.14838266579381088 0.756870296885756 -562.9842648228296 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/87785947_1573426398.jpg buckingham_palace/test/images/50616321_9586801446.jpg 0 0 660.277 0.0 319.5 0.0 660.277 239.5 0.0 0.0 1.0 541.873 0.0 319.5 0.0 541.873 213.0 0.0 0.0 1.0 0.9914614227740536 0.07805660467857141 0.1044577120987353 -13627.989254593333 -0.07510137494244683 0.996664326700578 -0.031937491514482184 2317.075868162432 -0.10660220744714007 0.02381987297482548 0.994016389713399 6433.395518347097 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/70919478_5339080781.jpg buckingham_palace/test/images/22458636_3472229736.jpg 0 0 458.531 0.0 319.5 0.0 458.531 212.5 0.0 0.0 1.0 1016.97 0.0 249.5 0.0 1016.97 187.0 0.0 0.0 1.0 0.9919164241754954 0.018076250022396944 0.12559879233506335 -2395.9012325955155 -0.0244313184011404 0.9984879573726103 0.049243371767721957 15686.140898653533 -0.12451874610708495 -0.051913853324519955 0.9908582308791302 115221.71217039048 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/62496239_2805675448.jpg buckingham_palace/test/images/12276618_145746984.jpg 0 0 752.203 0.0 319.5 0.0 752.203 239.5 0.0 0.0 1.0 1074.1 0.0 319.5 0.0 1074.1 212.0 0.0 0.0 1.0 0.8492934843124049 0.03707424366579003 0.5266175822749413 -71912.14508382007 -0.0315895378624692 0.9993125021158851 -0.019406808406453497 8257.240401062612 -0.5269750265450255 -0.0001535301234160835 0.8498807550629506 87937.31243976612 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88192386_10780446203.jpg buckingham_palace/test/images/54455475_982034973.jpg 0 0 629.618 0.0 319.5 0.0 629.618 213.0 0.0 0.0 1.0 688.809 0.0 319.5 0.0 688.809 239.5 0.0 0.0 1.0 0.9565855522178408 0.055138611974610056 0.2861884252683928 -22452.362258771347 0.04243111510251149 0.9451323484694665 -0.3239204290373613 2281.4505170663247 -0.28834646132603475 0.32200089649891384 0.901760356688322 31262.961822913425 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/97332024_5408047413.jpg buckingham_palace/test/images/17182999_6309727384.jpg 0 0 1533.48 0.0 319.5 0.0 1533.48 212.0 0.0 0.0 1.0 652.054 0.0 319.5 0.0 652.054 239.5 0.0 0.0 1.0 0.9979672080841201 0.026536253313690864 0.05794203007194483 -9805.160350391456 -0.016761061399152254 0.986467669683292 -0.16309691441100174 -758.8338446432203 -0.06148592041728232 0.1617942023982547 0.9849071619501771 -34440.66915821904 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/34591604_85337315.jpg buckingham_palace/test/images/28945073_6309209323.jpg 0 0 588.671 0.0 319.5 0.0 588.671 239.5 0.0 0.0 1.0 657.152 0.0 319.5 0.0 657.152 239.5 0.0 0.0 1.0 0.8917178457665911 0.010136774239493374 -0.45247820870115735 33502.58350402333 -0.015642883799404268 0.9998421149868696 -0.00842883651650348 -3526.429098986383 0.452321327960366 0.014594207981290073 0.8917356252643326 1632.3428423937567 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/54107490_11614068883.jpg buckingham_palace/test/images/77059222_3193034364.jpg 0 0 544.935 0.0 319.5 0.0 544.935 239.5 0.0 0.0 1.0 665.902 0.0 319.5 0.0 665.902 239.5 0.0 0.0 1.0 0.9998022144370213 -0.012767133090039066 -0.015249010442968123 17074.50673166274 0.009628592710591447 0.9816278935461955 -0.190562243937442 3319.8818132187866 0.017401787530080485 0.19037772696594746 0.9815566712452407 81432.08474710355 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/02147392_4434343749.jpg buckingham_palace/test/images/52126489_4139263.jpg 0 0 1522.3 0.0 319.5 0.0 1522.3 213.0 0.0 0.0 1.0 715.427 0.0 319.5 0.0 715.427 239.5 0.0 0.0 1.0 0.887370004614171 -0.026288925064194394 -0.4603079049180186 101667.16634736015 0.021266850058297457 0.999644295376482 -0.016093595305431092 -5449.3019029588195 0.46056725458899533 0.004491674545898459 0.8876134456282923 -67014.97174803131 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/19261012_8226612879.jpg buckingham_palace/test/images/01991338_3847005741.jpg 0 0 498.357 0.0 319.5 0.0 498.357 239.5 0.0 0.0 1.0 575.005 0.0 249.5 0.0 575.005 187.0 0.0 0.0 1.0 0.7897948603627435 0.04404366906078186 -0.6117877358694428 8900.679826960888 0.009881998788102071 0.9963754848965388 0.08448810092042056 -1752.5519667017743 0.6132914679371845 -0.0727739535331945 0.7864969974784406 -9527.74629720081 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/90451561_2191844501.jpg buckingham_palace/test/images/03513470_2505259840.jpg 0 0 727.187 0.0 319.5 0.0 727.187 239.5 0.0 0.0 1.0 504.806 0.0 319.5 0.0 504.806 213.5 0.0 0.0 1.0 0.9981316562735513 0.0059032118034644 0.06081405129590375 -7518.646107854195 -0.010143368380698964 0.9975197494031656 0.06965243447675917 2331.745356031896 -0.06025204413553794 -0.07013915911278971 0.9957159180893113 8713.542695123291 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/40698826_4043332345.jpg buckingham_palace/test/images/31987323_5731928436.jpg 0 0 664.744 0.0 319.5 0.0 664.744 239.5 0.0 0.0 1.0 502.795 0.0 319.5 0.0 502.795 212.5 0.0 0.0 1.0 0.9909122374896125 0.03349388608607736 -0.13027316372984285 -18654.503144517512 -0.0017469029003854668 0.9716245882841495 0.2365218970241728 -1025.8427390656034 0.13449864654927263 -0.23414486762794873 0.9628532053433193 -4233.491735018528 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/54235905_5885592660.jpg buckingham_palace/test/images/22496504_4546656558.jpg 0 0 955.39 0.0 213.0 0.0 955.39 319.5 0.0 0.0 1.0 835.668 0.0 319.5 0.0 835.668 213.0 0.0 0.0 1.0 0.5221372523601986 -0.02869730545070249 -0.8523785276258498 130464.7635021625 0.11492143579162425 0.9926861824087798 0.036975760306911035 -3668.547654086534 0.845083281868322 -0.11726298612329313 0.5216163712846008 -8853.20847686485 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/54107490_11614068883.jpg buckingham_palace/test/images/83387888_3756983584.jpg 0 0 544.935 0.0 319.5 0.0 544.935 239.5 0.0 0.0 1.0 533.38 0.0 319.5 0.0 533.38 239.5 0.0 0.0 1.0 0.9185822021642241 0.08211938019710532 0.3866046368878258 -19509.591234482465 -0.09048393493889925 0.9958919294038496 0.0034528924470771283 5848.019936807421 -0.38473288835905023 -0.03815327435910714 0.9222390862843439 22965.132746119532 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/35090949_260308535.jpg buckingham_palace/test/images/66118214_3789268806.jpg 0 0 724.592 0.0 319.5 0.0 724.592 239.5 0.0 0.0 1.0 872.296 0.0 319.5 0.0 872.296 239.5 0.0 0.0 1.0 0.9980299147529885 0.0032593362107549585 -0.0626551353490521 7404.393775956815 -0.005187170438352918 0.9995173015970782 -0.030630982206571473 43.97112318503264 0.0625250551458074 0.03089563942631845 0.9975650740395097 25935.347253563305 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/84016496_927372757.jpg buckingham_palace/test/images/70919478_5339080781.jpg 0 0 677.742 0.0 249.5 0.0 677.742 187.0 0.0 0.0 1.0 458.531 0.0 319.5 0.0 458.531 212.5 0.0 0.0 1.0 0.9368030205035689 0.01583628472845241 0.34949865931272067 -21509.76856270728 -0.031022391235430047 0.9988000336739365 0.03789596251553905 -2760.570490834086 -0.3484791414380862 -0.04634333629490448 0.9361701678453718 -31121.84857253921 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/39753040_13785121575.jpg buckingham_palace/test/images/40301915_5005868978.jpg 0 0 456.694 0.0 319.5 0.0 456.694 239.5 0.0 0.0 1.0 501.329 0.0 319.5 0.0 501.329 213.0 0.0 0.0 1.0 -0.2916153732320811 0.875157862894173 -0.38608184250132566 -9708.028809885061 -0.9487370678490756 -0.31606637476124494 0.00015111063183029572 18771.95746792207 -0.12189524266292275 0.3663342213877768 0.9224645185893918 34080.6907486548 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/56337910_5339349187.jpg buckingham_palace/test/images/35412346_425909362.jpg 0 0 489.79 0.0 319.5 0.0 489.79 239.5 0.0 0.0 1.0 659.197 0.0 249.5 0.0 659.197 187.0 0.0 0.0 1.0 0.9895053118449781 -0.00658327139462504 0.14434645256575243 -16761.46623585582 0.010966285870801118 0.9995019634665444 -0.02958995776818118 3673.0174978915065 -0.14407976403635653 0.03086236485215593 0.9890846960857094 16061.585468133917 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/70919478_5339080781.jpg buckingham_palace/test/images/82716269_6976048960.jpg 0 0 458.531 0.0 319.5 0.0 458.531 212.5 0.0 0.0 1.0 554.318 0.0 319.5 0.0 554.318 240.0 0.0 0.0 1.0 0.9995210664744681 -0.025313321527216562 0.01780093893595396 12783.163725084723 0.02684798206987287 0.9953932141522608 -0.09204094240286251 -176.82876303798184 -0.01538907185367568 0.09247478019920359 0.9955960985734081 -12212.488922036915 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88674170_169924932.jpg buckingham_palace/test/images/50616321_9586801446.jpg 0 0 761.397 0.0 319.5 0.0 761.397 201.0 0.0 0.0 1.0 541.873 0.0 319.5 0.0 541.873 213.0 0.0 0.0 1.0 0.772735639043253 0.2352338438010109 0.5895291942584495 -52418.40975916798 -0.1827639097652993 0.9719149095987437 -0.14825235845330625 3327.8646660481245 -0.6078461856750575 0.006815220485624107 0.7940255457666432 6006.631936742844 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/16210476_4152300283.jpg buckingham_palace/test/images/34376995_1253071592.jpg 0 0 723.131 0.0 239.5 0.0 723.131 319.5 0.0 0.0 1.0 536.63 0.0 319.5 0.0 536.63 239.5 0.0 0.0 1.0 0.991381635406765 0.02061775572419768 -0.1293729536151403 11959.896880161696 -0.004182350865729688 0.9920156913940623 0.12604513465103007 -8228.44654912828 0.13093876782467398 -0.12441774864084981 0.9835523691719207 -71304.33885303512 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/15064245_12177287034.jpg buckingham_palace/test/images/22244788_9510402492.jpg 0 0 604.78 0.0 319.5 0.0 604.78 239.5 0.0 0.0 1.0 564.184 0.0 319.5 0.0 564.184 213.0 0.0 0.0 1.0 0.9314570142163829 -0.025055838510450946 0.3629876521641464 -37262.960011870164 -0.03521556904916424 0.9867344412185953 0.15847714727862178 2923.915142051346 -0.3621431959372489 -0.1603974671544555 0.9182183608307943 27662.231215800566 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/84030835_2661414475.jpg buckingham_palace/test/images/01991338_3847005741.jpg 0 0 520.103 0.0 249.5 0.0 520.103 140.0 0.0 0.0 1.0 575.005 0.0 249.5 0.0 575.005 187.0 0.0 0.0 1.0 0.928530891094383 -0.025574047391088275 -0.3703732608916438 26218.920988754206 0.013983327816549578 0.9993258255752983 -0.03394644136611622 -1452.9528749167648 0.3709917126118133 0.026341268729630815 0.9282625096033271 12320.96755470697 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/21650204_2962537014.jpg buckingham_palace/test/images/11595280_7996242346.jpg 0 0 685.775 0.0 319.5 0.0 685.775 212.5 0.0 0.0 1.0 715.759 0.0 305.5 0.0 715.759 305.5 0.0 0.0 1.0 0.808607129569984 -0.03954487778176723 -0.5870184942996396 67839.63714695186 0.06964893537208491 0.9971567289017824 0.02876601827560087 1800.9677453749455 0.5842118929037016 -0.06414562063868551 0.8090622989255846 5462.093037771656 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/91176153_7095273843.jpg buckingham_palace/test/images/82724591_6779971696.jpg 0 0 1095.48 0.0 319.5 0.0 1095.48 239.5 0.0 0.0 1.0 530.953 0.0 319.5 0.0 530.953 213.0 0.0 0.0 1.0 0.8956530622969131 -0.019584159263941928 -0.4443220146516336 80000.63257250778 0.0006310366056748143 0.9990849963513855 -0.042764142202955824 -1775.2087189025065 0.44475295815875593 0.03802145146462566 0.8948458947984056 -87298.43410674937 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/58837390_828863639.jpg buckingham_palace/test/images/65062872_13486503543.jpg 0 0 664.357 0.0 319.5 0.0 664.357 239.5 0.0 0.0 1.0 588.768 0.0 319.5 0.0 588.768 239.5 0.0 0.0 1.0 0.9995316440970998 -0.022463373874113873 0.02078194607682851 -10554.160860100908 0.02855561712392291 0.9288081522517946 -0.36945905462077816 -654.9332983288396 -0.011003144060692279 0.3698794575869265 0.9290145949746865 3615.8611756886044 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/91870054_4238721718.jpg buckingham_palace/test/images/40580817_2599681870.jpg 0 0 801.672 0.0 319.5 0.0 801.672 211.5 0.0 0.0 1.0 725.526 0.0 319.5 0.0 725.526 235.0 0.0 0.0 1.0 0.9776547365625796 0.020327340712018114 0.20923196528334423 783.7747016737922 -0.043138397413176086 0.9935314757846448 0.10504420637906929 713.2373549918501 -0.20574327387639169 -0.11172289758488703 0.9722076421268562 4118.844201047931 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/03029079_9842698583.jpg buckingham_palace/test/images/28259006_5155039232.jpg 0 0 502.769 0.0 319.5 0.0 502.769 211.5 0.0 0.0 1.0 550.045 0.0 319.5 0.0 550.045 214.0 0.0 0.0 1.0 0.9846379655502598 -0.021129088059461232 -0.1733252388858041 37417.09572967695 0.021221993164690443 0.9997739202337488 -0.0013173558971395778 -39.95651552486288 0.1733138880850677 -0.0023811884044377105 0.9848637601915399 368.4829626333594 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/81310018_8608208863.jpg buckingham_palace/test/images/53271175_196359090.jpg 0 0 559.102 0.0 319.5 0.0 559.102 239.5 0.0 0.0 1.0 717.691 0.0 319.5 0.0 717.691 239.5 0.0 0.0 1.0 0.981293381264081 0.008206322625822467 -0.19234332885823663 34700.20375299982 0.046808252496824965 0.9589403037989246 0.27971857508613807 -8995.232140090331 0.1867412310806061 -0.28348924145192334 0.9406176495237121 -31997.44068410451 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/15625956_3859238782.jpg buckingham_palace/test/images/70919478_5339080781.jpg 0 0 719.798 0.0 319.5 0.0 719.798 239.5 0.0 0.0 1.0 458.531 0.0 319.5 0.0 458.531 212.5 0.0 0.0 1.0 0.9972474858374287 0.005766091129348976 0.07392025557325767 384.0845939278024 -0.00321695705741566 0.9993975263906439 -0.03455771160758558 -3405.1510570392534 -0.07407498348442897 0.03422479272910728 0.9966652198127671 -18280.746483418276 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/86521638_6062929958.jpg buckingham_palace/test/images/26420725_8870834351.jpg 0 0 948.461 0.0 319.5 0.0 948.461 239.5 0.0 0.0 1.0 644.06 0.0 319.5 0.0 644.06 213.0 0.0 0.0 1.0 0.9757958963076518 -0.0004772823056604559 -0.21868274040432828 26974.384217132345 0.005434765089879785 0.9997416826569723 0.022068785345447782 -8062.48316289081 0.2186157178191082 -0.02272311949989107 0.9755464252215934 -98585.56538817546 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/12276618_145746984.jpg buckingham_palace/test/images/38329625_8740352627.jpg 0 0 1074.1 0.0 319.5 0.0 1074.1 212.0 0.0 0.0 1.0 523.576 0.0 319.5 0.0 523.576 239.5 0.0 0.0 1.0 0.9924484942459424 0.0124362368986232 0.1220300220468832 -24458.624184230866 -0.006837400477196556 0.9989091446707363 -0.04619275536154931 -2775.395780040227 -0.12247136899567958 0.04500956237266513 0.99145090804908 -94712.38346192968 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/48728464_4071692457.jpg buckingham_palace/test/images/72406227_262180777.jpg 0 0 569.812 0.0 249.5 0.0 569.812 187.0 0.0 0.0 1.0 895.882 0.0 319.5 0.0 895.882 239.5 0.0 0.0 1.0 0.7862356781605108 -0.0010955393225864799 0.617925770769495 -41085.6633935509 -0.00863355380423927 0.9998813421964856 0.01275787114153048 5515.649297829013 -0.6178664258043085 -0.015365588857810076 0.7861329267642092 101325.34792932741 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/39733199_8623371744.jpg buckingham_palace/test/images/30612743_2756901875.jpg 0 0 1338.45 0.0 319.5 0.0 1338.45 239.5 0.0 0.0 1.0 565.589 0.0 249.5 0.0 565.589 187.0 0.0 0.0 1.0 0.8771367158792325 -0.04519925244233696 -0.4781089930499621 33848.32333501044 0.030787118267603282 0.9988055386049528 -0.037942712091347 -3839.4037987644324 0.4792528925373028 0.018561347761521466 0.8774805646644857 -17665.306076816512 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/70919478_5339080781.jpg buckingham_palace/test/images/72406227_262180777.jpg 0 0 458.531 0.0 319.5 0.0 458.531 212.5 0.0 0.0 1.0 895.882 0.0 319.5 0.0 895.882 239.5 0.0 0.0 1.0 0.9741464651936284 -0.0018527319891727618 0.22590978671791853 -14784.955262391888 0.007572970874446879 0.9996722008010956 -0.024456922488907695 5651.632433387236 -0.22579042154815593 0.02553543282715128 0.9738411714481146 109029.65943064367 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/04439510_3913043145.jpg buckingham_palace/test/images/81888816_2734302.jpg 0 0 534.779 0.0 319.5 0.0 534.779 213.0 0.0 0.0 1.0 669.636 0.0 319.5 0.0 669.636 239.5 0.0 0.0 1.0 0.9964214687274265 0.02364611876494155 -0.08114873829230129 6897.8055502105635 -0.012226299526802776 0.9902955789367234 0.13843837595934427 -2172.943151809824 0.08363476704671945 -0.13695082112106566 0.9870408797690735 -8701.131377638912 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/30480553_12091359825.jpg buckingham_palace/test/images/89902711_383052108.jpg 0 0 731.871 0.0 319.5 0.0 731.871 239.5 0.0 0.0 1.0 728.351 0.0 319.5 0.0 728.351 239.5 0.0 0.0 1.0 0.9755067345839662 0.014673364040044459 -0.21947961902890956 22167.93148611758 -0.007202531891883771 0.9993683285972063 0.0348003926870454 -1878.8388438464112 0.21985161886070642 -0.03236720847670517 0.9749962202489566 3625.447295458982 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/12103866_2466593345.jpg buckingham_palace/test/images/58961667_2085265349.jpg 0 0 415.566 0.0 249.5 0.0 415.566 166.5 0.0 0.0 1.0 391.75 0.0 249.5 0.0 391.75 166.5 0.0 0.0 1.0 0.807906738652516 0.13586943104138205 0.5734336921984496 -40380.60844437595 -0.04567509606161355 0.9845687392638695 -0.16893248137678238 4952.722987360947 -0.5875376475083256 0.11029005110546324 0.8016455684325441 33375.5675554491 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/17182999_6309727384.jpg buckingham_palace/test/images/37524858_3739802247.jpg 0 0 652.054 0.0 319.5 0.0 652.054 239.5 0.0 0.0 1.0 1477.42 0.0 319.5 0.0 1477.42 239.5 0.0 0.0 1.0 0.7434275100035345 -0.059504752456461134 0.6661641853214867 -58360.53524830457 0.015896397731116226 0.9973249906279691 0.07134541056084179 1876.3789335125862 -0.6686275808767679 -0.04245053007933113 0.7423847456587891 64091.578459147015 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/66200544_112696421.jpg buckingham_palace/test/images/38109366_1994420460.jpg 0 0 674.569 0.0 249.5 0.0 674.569 187.0 0.0 0.0 1.0 562.71 0.0 249.5 0.0 562.71 160.0 0.0 0.0 1.0 0.7301172222791 0.04063148895021613 0.6821128380533089 -78406.08059541685 -0.035157769447086734 0.9991421434936589 -0.021883974556795038 1948.6044731441907 -0.6824168615875174 -0.008003699181342564 0.7309193989903795 7227.643878386798 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/91534757_514721391.jpg buckingham_palace/test/images/36807384_2580130370.jpg 0 0 527.291 0.0 249.5 0.0 527.291 187.0 0.0 0.0 1.0 749.48 0.0 319.5 0.0 749.48 212.5 0.0 0.0 1.0 0.9992540858770489 -0.010407637419234398 -0.03718807525771191 -6564.840906109232 0.010511033516910833 0.9999414138712246 0.002585923359814363 4593.582806430996 0.037158983199623054 -0.0029748795885226253 0.9993049384742397 44079.94669368728 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/37946480_5143153071.jpg buckingham_palace/test/images/04861657_8587228495.jpg 0 0 936.404 0.0 319.5 0.0 936.404 239.5 0.0 0.0 1.0 671.319 0.0 319.5 0.0 671.319 239.5 0.0 0.0 1.0 0.926864464877034 0.055507023395895354 0.3712697592074217 -14101.457694557539 -0.08624630851140135 0.9940387876380667 0.06669679856783485 3114.8388404169996 -0.3653544005706862 -0.09383953870714455 0.9261265048355245 26672.70177333812 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/13281945_9328537386.jpg buckingham_palace/test/images/32929018_8338714866.jpg 0 0 480.216 0.0 319.5 0.0 480.216 211.5 0.0 0.0 1.0 503.595 0.0 319.5 0.0 503.595 213.0 0.0 0.0 1.0 0.9999269364538871 -0.004243605247932207 -0.011318726449738623 710.4428180248287 0.0039606121474995235 0.9996818893973276 -0.02490850381710062 1023.4052163416618 0.011420827700362625 0.02486185482801233 0.9996256563679972 8137.762081453368 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88674170_169924932.jpg buckingham_palace/test/images/03816463_2554479425.jpg 0 0 761.397 0.0 319.5 0.0 761.397 201.0 0.0 0.0 1.0 511.567 0.0 319.5 0.0 511.567 239.5 0.0 0.0 1.0 0.9440489867104418 0.1373520193735897 0.29984318145488126 -33747.774349212064 -0.20873993869667437 0.9527220674080675 0.22079017248647242 -5567.919548909309 -0.25534123968504663 -0.2710259859269858 0.9280871544571709 -12096.895264606796 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/80691584_9772041992.jpg buckingham_palace/test/images/67361631_6199942663.jpg 0 0 550.47 0.0 319.5 0.0 550.47 179.0 0.0 0.0 1.0 507.066 0.0 319.5 0.0 507.066 212.5 0.0 0.0 1.0 0.7653810372776405 0.05038184564630312 0.6416023202927769 -17539.761286092424 -0.17000187719942056 0.9773485167988485 0.1260525226235629 5029.706855774439 -0.6207183173746977 -0.20555180938236178 0.7566090299059094 18587.37282479774 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/84152459_248601304.jpg buckingham_palace/test/images/12944457_8797082397.jpg 0 0 652.486 0.0 319.5 0.0 652.486 239.5 0.0 0.0 1.0 672.2 0.0 319.5 0.0 672.2 239.5 0.0 0.0 1.0 0.9999380584614322 -0.01096062262443469 -0.001934939809480498 7586.720882797526 0.01083178595742663 0.99829861839398 -0.05729346320168908 1507.3480949476466 0.002559619767480588 0.057268955502571696 0.9983555053598345 15508.601725405477 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/91534757_514721391.jpg buckingham_palace/test/images/72807922_9586802730.jpg 0 0 527.291 0.0 249.5 0.0 527.291 187.0 0.0 0.0 1.0 604.967 0.0 319.5 0.0 604.967 213.0 0.0 0.0 1.0 0.818177708896693 0.04111721410668706 0.5734933403001845 -83992.2480034182 -0.05377285713787236 0.9985400466022969 0.005123979577700984 144.8359968463401 -0.5724453829840784 -0.035030701328799874 0.8191941976507305 -8244.034578177034 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/62110008_3103434698.jpg buckingham_palace/test/images/80530823_8244099451.jpg 0 0 717.566 0.0 319.5 0.0 717.566 239.5 0.0 0.0 1.0 620.878 0.0 319.5 0.0 620.878 183.5 0.0 0.0 1.0 0.8327936651337614 -0.05456932898787322 -0.5508873747390564 13491.079312713682 0.09242093815275142 0.9948686681631743 0.04116677420198496 -3787.493915952393 0.5458141455697548 -0.08519695675929498 0.833563673065779 -17554.201655667635 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/12944457_8797082397.jpg buckingham_palace/test/images/44579495_1325305773.jpg 0 0 672.2 0.0 319.5 0.0 672.2 239.5 0.0 0.0 1.0 1027.15 0.0 213.0 0.0 1027.15 319.5 0.0 0.0 1.0 0.97173076465034 0.04031215564910518 0.2326247001910754 -27533.41196232553 -0.028502120281579293 0.9981389508134052 -0.05390977655833061 1954.79992968461 -0.2343649934856308 0.04575549121184323 0.9710713078103189 -8263.98238155255 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88595844_3830407687.jpg buckingham_palace/test/images/78715037_9287831735.jpg 0 0 507.93 0.0 319.5 0.0 507.93 213.5 0.0 0.0 1.0 629.677 0.0 319.5 0.0 629.677 212.5 0.0 0.0 1.0 0.4872353216470434 -0.09200957221463535 -0.8684100298593873 105089.02602846429 0.20103772851078902 0.9795420509393815 0.009011223928670441 8513.783402013658 0.8498150228459862 -0.178973766408237 0.495764881655534 29984.04549247532 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/89269947_2824630864.jpg buckingham_palace/test/images/31650540_6170454977.jpg 0 0 509.392 0.0 239.5 0.0 509.392 319.5 0.0 0.0 1.0 681.385 0.0 319.5 0.0 681.385 239.5 0.0 0.0 1.0 0.8953102093690136 -0.06055351283128322 -0.44130817019788393 30155.738215017962 0.0550909630218279 0.9981634100764015 -0.025195090354614914 1184.1111924460956 0.44202331928637034 -0.0017546704651406704 0.8970018429962215 15728.618642461486 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/44566410_157895322.jpg buckingham_palace/test/images/06301377_3135673857.jpg 0 0 781.017 0.0 319.5 0.0 781.017 212.5 0.0 0.0 1.0 498.489 0.0 249.5 0.0 498.489 187.0 0.0 0.0 1.0 0.9686201287785279 0.014460660443569898 0.24812483838705865 -32492.65801675448 0.012865204436589974 0.9940507140733262 -0.10815574124897492 5451.139196716902 -0.2482126762272083 0.10795400478836457 0.9626714913251981 -88043.41741626411 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/56337910_5339349187.jpg buckingham_palace/test/images/09863937_226875692.jpg 0 0 489.79 0.0 319.5 0.0 489.79 239.5 0.0 0.0 1.0 673.473 0.0 319.5 0.0 673.473 239.5 0.0 0.0 1.0 0.9817523095107119 0.014447745919807768 0.18961451792576473 -36009.08244419833 -0.010548405121786172 0.9997119556990414 -0.021557754562686025 476.96431653466425 -0.18987136150502043 0.01916424457772895 0.9816219220300628 -643.3448934939288 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/85663743_198290385.jpg buckingham_palace/test/images/22244788_9510402492.jpg 0 0 495.764 0.0 319.5 0.0 495.764 212.0 0.0 0.0 1.0 564.184 0.0 319.5 0.0 564.184 213.0 0.0 0.0 1.0 0.9735391041442519 0.0050496322556724624 0.2284646885540312 -23961.10162806494 -0.009758460703489832 0.9997625104313722 0.019485768669950058 391.65894023030785 -0.22831203460769756 -0.021199621459894864 0.9733571754003002 16023.999641776241 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/13870492_3491797363.jpg buckingham_palace/test/images/83387888_3756983584.jpg 0 0 780.996 0.0 319.5 0.0 780.996 213.5 0.0 0.0 1.0 533.38 0.0 319.5 0.0 533.38 239.5 0.0 0.0 1.0 0.9997763210335412 0.003171429523494636 0.020910522122007676 4242.875592071799 -0.005031151373400869 0.9959746700606806 0.08949382164918508 -17598.5538478609 -0.020542527023114567 -0.08957900776574686 0.9957678474178651 -64888.68556020564 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/66200544_112696421.jpg buckingham_palace/test/images/25818240_3063650971.jpg 0 0 674.569 0.0 249.5 0.0 674.569 187.0 0.0 0.0 1.0 574.66 0.0 249.5 0.0 574.66 187.0 0.0 0.0 1.0 0.8320932200105176 0.03086539321520632 0.5537763092749629 -60149.445088501845 -0.039106016707119794 0.9992303615230498 0.0030666052595390244 323.59209801498594 -0.5532554497425499 -0.02420768704742486 0.8326598316347333 2811.9667225853755 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/16644081_2109119383.jpg buckingham_palace/test/images/40580817_2599681870.jpg 0 0 565.378 0.0 319.5 0.0 565.378 211.5 0.0 0.0 1.0 725.526 0.0 319.5 0.0 725.526 235.0 0.0 0.0 1.0 0.8838321458621686 0.04357572661486472 0.46577021586900663 -30444.992049871453 -0.02574793427367365 0.9986742355961167 -0.04457370342646636 8051.226182118722 -0.46709504581114225 0.02740305104360768 0.8837823776089839 44714.03693678393 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/40580817_2599681870.jpg buckingham_palace/test/images/59701829_966630682.jpg 0 0 725.526 0.0 319.5 0.0 725.526 235.0 0.0 0.0 1.0 725.011 0.0 319.5 0.0 725.011 239.5 0.0 0.0 1.0 0.986735635827471 0.14308750094314907 -0.07667302043092157 16079.893157158916 -0.14639970576395156 0.9884386629283917 -0.03944788689603351 -7826.341857342262 0.07014207824397992 0.05014954338952817 0.9962756205776779 -32602.41010618951 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/14261176_44001540.jpg buckingham_palace/test/images/38217522_12120715573.jpg 0 0 649.057 0.0 319.5 0.0 649.057 239.5 0.0 0.0 1.0 416.694 0.0 319.5 0.0 416.694 239.5 0.0 0.0 1.0 0.8304430231547423 -0.06841128147787998 -0.5528872234553504 43067.115290537375 0.025272526159630132 0.9960360702893238 -0.08528450096067695 709.4671116615755 0.5565300393645637 0.0568510619879275 0.8288801312829993 15525.489072294899 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/12944457_8797082397.jpg buckingham_palace/test/images/16644081_2109119383.jpg 0 0 672.2 0.0 319.5 0.0 672.2 239.5 0.0 0.0 1.0 565.378 0.0 319.5 0.0 565.378 211.5 0.0 0.0 1.0 0.9783863085914734 0.021175406237674176 -0.20569840381349477 21364.86981752094 -0.0077531086586757145 0.9978000390018164 0.06584050025706506 -8052.103660377334 0.20664007468755158 -0.06282264192664366 0.9763980720968675 -44646.442123106026 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/82272875_8380227216.jpg buckingham_palace/test/images/72721744_6254882589.jpg 0 0 509.154 0.0 319.5 0.0 509.154 213.0 0.0 0.0 1.0 292.816 0.0 319.5 0.0 292.816 187.0 0.0 0.0 1.0 0.9995383757101879 -0.0037968035298574284 0.03014332041423379 -1266.989764557905 0.006403282970479033 0.9962008182542602 -0.086850029802771 -5521.649318914973 -0.02969904796183666 0.0870029539297254 0.9957652597664084 -18996.31111048885 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/80448535_2424346689.jpg buckingham_palace/test/images/33761766_8290174554.jpg 0 0 770.034 0.0 319.5 0.0 770.034 239.5 0.0 0.0 1.0 1038.17 0.0 319.5 0.0 1038.17 239.5 0.0 0.0 1.0 0.8715472699095831 0.0191572714253953 0.48993709317083356 -60014.077829549606 -0.048387504783251975 0.9977192116663917 0.04706404203470985 9190.289549089392 -0.4879180317368924 -0.0647253707855575 0.8704864276269154 73211.97440927023 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/86900704_328544021.jpg buckingham_palace/test/images/76951988_220277127.jpg 0 0 516.297 0.0 249.5 0.0 516.297 187.0 0.0 0.0 1.0 678.241 0.0 319.5 0.0 678.241 239.5 0.0 0.0 1.0 0.9996399558950989 -0.025548763726039484 0.008198734665514624 -943.1214774567343 0.024651058409908368 0.9951328903998145 0.09540888723689374 -3983.356864236785 -0.01059640964269447 -0.095172428342362 0.9954044027359443 -22711.162502929154 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/77240749_6969127619.jpg buckingham_palace/test/images/97388840_133082926.jpg 0 0 762.681 0.0 319.5 0.0 762.681 211.5 0.0 0.0 1.0 510.082 0.0 249.5 0.0 510.082 187.0 0.0 0.0 1.0 0.9982801597346266 -0.030469357207870973 -0.050083340059819036 692.1000760306779 0.028743183200273942 0.998979747378681 -0.03483236636723937 287.94572958588105 0.05109356221407741 0.03333290564240176 0.9981374481010673 905.7019935767385 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/13870492_3491797363.jpg buckingham_palace/test/images/22840995_489214596.jpg 0 0 780.996 0.0 319.5 0.0 780.996 213.5 0.0 0.0 1.0 583.912 0.0 319.5 0.0 583.912 239.5 0.0 0.0 1.0 0.8931463507182665 0.06885839626380068 0.4444638539438507 -63180.424181637805 -0.0457211949972251 0.9969919926495501 -0.06258225723562 -1285.5040061053933 -0.4474362172719917 0.03557369613432087 0.8936080480930518 -15461.25061090172 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/72721744_6254882589.jpg buckingham_palace/test/images/81973508_8989799070.jpg 0 0 292.816 0.0 319.5 0.0 292.816 187.0 0.0 0.0 1.0 697.977 0.0 319.5 0.0 697.977 239.5 0.0 0.0 1.0 0.8948589423664294 0.10934496751910316 0.43274836954641654 -37017.06031693358 -0.013452168376945241 0.9756955135893101 -0.21871740654929797 127.75731007668855 -0.44614629039452286 0.18989982316984627 0.8745807822764388 26888.666159487922 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/91136231_4677075766.jpg buckingham_palace/test/images/95766633_4569126850.jpg 0 0 492.926 0.0 319.5 0.0 492.926 213.5 0.0 0.0 1.0 990.493 0.0 319.5 0.0 990.493 256.0 0.0 0.0 1.0 0.6576710244755465 -0.18737106659747305 -0.7296306647663671 26070.62618657257 0.021034114876476762 0.9727623710774719 -0.23084829526573938 -1068.6765327532762 0.7530115467751132 0.13647509962575635 0.6436988096971218 188842.69299872237 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/40580817_2599681870.jpg buckingham_palace/test/images/86758289_301058596.jpg 0 0 725.526 0.0 319.5 0.0 725.526 235.0 0.0 0.0 1.0 681.584 0.0 319.5 0.0 681.584 213.0 0.0 0.0 1.0 0.9989685988765581 -0.01704437335980534 -0.042085957223017965 -8001.974631218895 0.014847779275103966 0.9985385214881386 -0.051965032039634734 -258.92695794138 0.042910160908623186 0.05128655224378054 0.9977616988288045 -2755.6845029640945 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/48484647_7883607208.jpg buckingham_palace/test/images/78229868_1364933904.jpg 0 0 530.224 0.0 319.5 0.0 530.224 182.5 0.0 0.0 1.0 870.492 0.0 249.5 0.0 870.492 187.0 0.0 0.0 1.0 0.9967768668459314 0.0020343737414286202 -0.08019812369556026 5421.848660307471 -0.0027153196722491243 0.9999611783272284 -0.008382653368608484 6451.933800321052 0.08017795682034867 0.00857339850356508 0.9967436942756215 79717.0265576392 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/83626729_2399731869.jpg buckingham_palace/test/images/70919478_5339080781.jpg 0 0 900.714 0.0 319.5 0.0 900.714 213.0 0.0 0.0 1.0 458.531 0.0 319.5 0.0 458.531 212.5 0.0 0.0 1.0 0.960881870826327 0.062189949952552274 -0.26988597674239534 39425.88348077193 -0.06381367616401559 0.9979580068579845 0.0027624775968771945 -3774.131748566878 0.26950666977225596 0.014568001679645087 0.9628883259627411 -49822.166298092015 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/92472013_4238693784.jpg buckingham_palace/test/images/90381445_97622371.jpg 0 0 640.379 0.0 319.5 0.0 640.379 210.5 0.0 0.0 1.0 621.695 0.0 319.5 0.0 621.695 239.5 0.0 0.0 1.0 0.9590673094608629 -0.026307929937752397 -0.2819535223151009 907.8536606073121 -0.010059054390579967 0.9918818492684293 -0.12676439766988454 505.464549183563 0.28299949001415026 0.12441177562526629 0.9510168235827897 8401.052904649308 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/44460121_952952106.jpg buckingham_palace/test/images/34511353_8612252871.jpg 0 0 820.061 0.0 319.5 0.0 820.061 213.0 0.0 0.0 1.0 526.275 0.0 319.5 0.0 526.275 239.5 0.0 0.0 1.0 0.965578761012285 0.02691648564421978 0.2587144353965291 -8211.834358749686 -0.07919081089710385 0.9778348748997502 0.19382407719178957 -18129.23045425193 -0.24776293457948767 -0.2076402182390352 0.9463081253049695 -76284.87840733492 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/53946397_6373045583.jpg buckingham_palace/test/images/14844450_287573284.jpg 0 0 518.644 0.0 319.5 0.0 518.644 213.5 0.0 0.0 1.0 553.557 0.0 249.5 0.0 553.557 186.5 0.0 0.0 1.0 0.8706382375462505 0.1342724948326709 0.4732440770403458 -63313.61340240674 -0.024406122467167213 0.9726327654780573 -0.23106242599051904 325.48969731544855 -0.4913180237976989 0.18962173042643826 0.8500883476684097 27369.633984294072 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/77853040_2216395549.jpg buckingham_palace/test/images/75966612_8640534113.jpg 0 0 539.264 0.0 319.5 0.0 539.264 239.5 0.0 0.0 1.0 858.38 0.0 319.5 0.0 858.38 239.5 0.0 0.0 1.0 0.9361651331674598 -0.029064219560458147 0.35035712435013155 -51673.500378295095 0.01262829390873546 0.9987137320605666 0.049106085026289145 3631.948522719534 -0.35133370125068636 -0.04154699188865575 0.9353280054774887 46535.5343569415 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/62184736_5578846989.jpg buckingham_palace/test/images/81547541_3154792166.jpg 0 0 581.244 0.0 319.5 0.0 581.244 239.5 0.0 0.0 1.0 514.553 0.0 249.5 0.0 514.553 187.0 0.0 0.0 1.0 0.9980516161068484 -0.03444921160827986 0.052021374511593686 -9333.994056646501 0.046047587081980756 0.9692914894246871 -0.24156495659097416 190.30664897047245 -0.04210215327551478 0.2434897540933495 0.9689892405703611 4758.47535361848 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/42330398_309946538.jpg buckingham_palace/test/images/99129354_2398993692.jpg 0 0 536.549 0.0 249.5 0.0 536.549 187.0 0.0 0.0 1.0 491.793 0.0 319.5 0.0 491.793 190.0 0.0 0.0 1.0 0.7895386751103922 0.04647958136755898 0.6119381741816923 -84419.94652118525 -0.011972515297656076 0.9981046579202467 -0.06036348826364581 1197.1654930593402 -0.6135840116743378 0.0403328693971106 0.7885987067348144 -4584.4443995019865 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/83721004_321291688.jpg buckingham_palace/test/images/24967538_249111453.jpg 0 0 713.043 0.0 319.5 0.0 713.043 239.5 0.0 0.0 1.0 1172.73 0.0 319.5 0.0 1172.73 239.5 0.0 0.0 1.0 0.9979476853268728 -0.03151291744243831 0.055743639861450575 -16345.703191081833 0.03148758476394423 0.999503254301395 0.001332909094582077 467.14398617631934 -0.05575795330238057 0.0004250590394988713 0.9984442247658816 2200.2403708401325 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/89902711_383052108.jpg buckingham_palace/test/images/36274822_6309726672.jpg 0 0 728.351 0.0 319.5 0.0 728.351 239.5 0.0 0.0 1.0 663.731 0.0 319.5 0.0 663.731 239.5 0.0 0.0 1.0 0.9978223465783999 -0.014145129866437579 0.06442421881433436 6266.282343579853 0.015691137555849183 0.9995993977995745 -0.02355487467449835 284.88549807070945 -0.06406522356925816 0.024514469600411905 0.9976445699292066 -4926.268467385015 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/72406227_262180777.jpg buckingham_palace/test/images/54107490_11614068883.jpg 0 0 895.882 0.0 319.5 0.0 895.882 239.5 0.0 0.0 1.0 544.935 0.0 319.5 0.0 544.935 239.5 0.0 0.0 1.0 0.642115148355301 -0.02321581564180174 -0.7662565902860059 133212.7196829755 0.16649211781152812 0.9799070367649793 0.10982975009126603 -17178.011658650383 0.7483104375586925 -0.1980990287774364 0.6330784025996737 -62626.07416456019 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/83726223_2253829152.jpg buckingham_palace/test/images/14950658_8138839363.jpg 0 0 543.47 0.0 319.5 0.0 543.47 213.0 0.0 0.0 1.0 689.337 0.0 319.5 0.0 689.337 239.5 0.0 0.0 1.0 0.9995610182100989 -0.018735706086536442 -0.022950908309452227 -9295.498105906292 0.01428779092610133 0.983458198823085 -0.18057084537129847 5039.100800124438 0.02595438123404169 0.18016366027890385 0.9832941704340902 49962.51940081009 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/53271175_196359090.jpg buckingham_palace/test/images/93037627_13638822993.jpg 0 0 717.691 0.0 319.5 0.0 717.691 239.5 0.0 0.0 1.0 585.228 0.0 239.5 0.0 585.228 319.5 0.0 0.0 1.0 0.9782937920653074 -0.1065400296269692 -0.17773710499939332 -719.2442851904125 0.09467815604232743 0.9927568124431586 -0.0739591651935315 -398.2871720399339 0.18432933346297747 0.05552597081352035 0.9812948401934612 1002.558399483507 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/31650540_6170454977.jpg buckingham_palace/test/images/55790389_5367781874.jpg 0 0 681.385 0.0 319.5 0.0 681.385 239.5 0.0 0.0 1.0 866.206 0.0 319.5 0.0 866.206 212.0 0.0 0.0 1.0 0.5095447946506074 0.08607538806174321 0.8561279868188463 -33412.44983380556 -0.11656607524399072 0.9927166283703347 -0.030431001614257536 9700.85885185416 -0.8525118488013422 -0.08428952086146277 0.5158670607106663 58957.00092765019 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/18093615_4509989383.jpg buckingham_palace/test/images/61285342_3151612050.jpg 0 0 533.833 0.0 319.5 0.0 533.833 239.5 0.0 0.0 1.0 536.336 0.0 249.5 0.0 536.336 187.0 0.0 0.0 1.0 0.7882987543967256 -0.06069173399585829 0.6122920767420945 -51451.40465390631 0.05940524239984497 0.9979816830364541 0.02244053250576622 1470.7027530374987 -0.6124182320865266 0.018683515416073854 0.7903131248180754 13922.88532350419 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/66104636_8655068521.jpg buckingham_palace/test/images/73590053_4109923193.jpg 0 0 493.211 0.0 318.5 0.0 493.211 319.5 0.0 0.0 1.0 847.053 0.0 319.5 0.0 847.053 212.5 0.0 0.0 1.0 0.9975960064775937 -0.02283144035298088 -0.06542884066957788 30817.30143936923 0.034051921609871603 0.9838214643915141 0.1758857380153711 3204.314813326114 0.06035457310454525 -0.17769088759400378 0.9822338183810528 18974.12387813119 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/04439510_3913043145.jpg buckingham_palace/test/images/11074774_4612638895.jpg 0 0 534.779 0.0 319.5 0.0 534.779 213.0 0.0 0.0 1.0 503.963 0.0 319.5 0.0 503.963 212.5 0.0 0.0 1.0 0.9988201068430579 0.0136731594318254 0.046598700380740744 -294.4069592430669 -0.020985626300048358 0.9868532782094158 0.16025046263934442 -2655.9003872670723 -0.0437949501063408 -0.16103928712733762 0.985975836593728 -10446.86757641387 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/00144688_335879737.jpg buckingham_palace/test/images/06301377_3135673857.jpg 0 0 573.033 0.0 249.5 0.0 573.033 187.0 0.0 0.0 1.0 498.489 0.0 249.5 0.0 498.489 187.0 0.0 0.0 1.0 0.9980581304459828 -0.0020028364780908733 -0.06225718349485142 3601.3981833887437 -0.008769981106130465 0.9850087129595502 -0.1722815220073503 669.2175550819477 0.06166891990352748 0.17249296808801526 0.9830783896913406 3973.4706352572935 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/53184146_19405394.jpg buckingham_palace/test/images/81888816_2734302.jpg 0 0 671.452 0.0 319.5 0.0 671.452 239.5 0.0 0.0 1.0 669.636 0.0 319.5 0.0 669.636 239.5 0.0 0.0 1.0 0.9956715288307002 -0.024010737147731543 -0.08978692097159195 4553.2340118006105 0.021637274056487615 0.99939267293197 -0.027315081206119928 3448.005836530383 0.09038824617913992 0.02525410444888165 0.9955863574603381 8251.955152876952 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/96640391_498921406.jpg buckingham_palace/test/images/32929018_8338714866.jpg 0 0 717.897 0.0 319.5 0.0 717.897 239.5 0.0 0.0 1.0 503.595 0.0 319.5 0.0 503.595 213.0 0.0 0.0 1.0 0.6350550041342294 0.126427608988406 0.7620506554091719 -90501.46197536285 -0.021833449972835574 0.9890592068262236 -0.14589443393962997 3881.13492429696 -0.7721583012481037 0.0760127954870501 0.6308673495560588 29923.599972093067 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/13945740_8521059121.jpg buckingham_palace/test/images/86576612_2460544550.jpg 0 0 538.505 0.0 319.5 0.0 538.505 239.5 0.0 0.0 1.0 775.263 0.0 319.5 0.0 775.263 180.0 0.0 0.0 1.0 0.9382294656029926 -0.08171864054738083 -0.33622542090301727 20437.37161474549 0.03405415164816122 0.9888016846720135 -0.14529811817539737 8036.105784196343 0.3443338273098466 0.12487310429742535 0.930505735174844 82640.23528344269 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/97956510_3971081891.jpg buckingham_palace/test/images/66118214_3789268806.jpg 0 0 689.718 0.0 319.5 0.0 689.718 211.0 0.0 0.0 1.0 872.296 0.0 319.5 0.0 872.296 239.5 0.0 0.0 1.0 0.9811164895135186 -0.012157550180516917 -0.19303530241455372 16658.5862141626 0.007701859608451793 0.9996866917934629 -0.023815952838671942 -1074.1662451599689 0.19326436651188883 0.021879493244825403 0.980902733410458 19972.33402563355 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/05043726_7787106650.jpg buckingham_palace/test/images/61577420_5186173128.jpg 0 0 822.189 0.0 319.5 0.0 822.189 213.0 0.0 0.0 1.0 1021.11 0.0 319.5 0.0 1021.11 213.0 0.0 0.0 1.0 0.9794054598056879 -0.01056205320362991 -0.20162685420085438 29169.076073920172 -0.008808594094737296 0.9954446527072086 -0.09493340859096325 2991.370447907194 0.2017110655687562 0.09475434780920769 0.9748508909563393 36800.57823589227 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/19476535_153176579.jpg buckingham_palace/test/images/62374720_4605102748.jpg 0 0 838.719 0.0 319.5 0.0 838.719 239.5 0.0 0.0 1.0 651.644 0.0 319.5 0.0 651.644 239.5 0.0 0.0 1.0 0.7807302856031064 0.012021052212428473 0.6247525233608887 -83383.6305262147 -0.18153564498343133 0.9610557872921872 0.20836646398267597 -12041.628975617072 -0.5979172440585248 -0.2760928612186492 0.7525076087599105 -35404.56096156861 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/72721744_6254882589.jpg buckingham_palace/test/images/63914563_273289734.jpg 0 0 292.816 0.0 319.5 0.0 292.816 187.0 0.0 0.0 1.0 699.454 0.0 319.5 0.0 699.454 212.5 0.0 0.0 1.0 0.7082904589065114 -0.2126478979655771 -0.673131114503575 25303.923412946537 0.11699200678719261 0.9757239585497597 -0.18513677932785866 2757.861440091796 0.6961591026266258 0.052379654473929796 0.7159740746893584 29918.199137667725 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/51589862_5512805543.jpg buckingham_palace/test/images/25475150_3097984411.jpg 0 0 530.902 0.0 319.5 0.0 530.902 205.5 0.0 0.0 1.0 1222.25 0.0 319.5 0.0 1222.25 239.5 0.0 0.0 1.0 0.9684477008649433 -0.013951897517056859 -0.24882603409828127 8696.581990177081 0.016054777161925195 0.9998504784915505 0.006423767624893106 4179.338157708016 0.24869920550674543 -0.010215929516751885 0.9685268917094779 20345.145523539737 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/06301377_3135673857.jpg buckingham_palace/test/images/25118590_2173288922.jpg 0 0 498.489 0.0 249.5 0.0 498.489 187.0 0.0 0.0 1.0 536.77 0.0 249.5 0.0 536.77 187.0 0.0 0.0 1.0 0.8812571110529545 0.0069923445994289285 -0.4725854540034043 32350.99036262806 0.07705950328245709 0.9843855541951877 0.1582621674491225 -2791.3479715977096 0.4663129176555823 -0.17588686081920943 0.8669579430507008 -2372.3018541994684 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/16644081_2109119383.jpg buckingham_palace/test/images/71145896_2328923072.jpg 0 0 565.378 0.0 319.5 0.0 565.378 211.5 0.0 0.0 1.0 1341.47 0.0 319.5 0.0 1341.47 239.5 0.0 0.0 1.0 0.900735734496898 0.03780888845709378 0.43271887473736675 -20284.231049924878 -0.004574947708046472 0.9969750275592039 -0.07758778432713138 6306.304956660718 -0.4343434199499314 0.06790642367967742 0.8981840074111951 46738.6839184537 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/92891727_3739824491.jpg buckingham_palace/test/images/65805167_10855307395.jpg 0 0 528.312 0.0 319.5 0.0 528.312 239.5 0.0 0.0 1.0 590.213 0.0 319.5 0.0 590.213 239.5 0.0 0.0 1.0 0.7031708761093358 -0.054696256365150804 -0.7089139852840167 54525.679958020104 -0.09881286818866841 0.9798442770374164 -0.17361223988345761 -3275.05169451636 0.7041212509731247 0.19212889500712818 0.6835932647644954 93919.47901399712 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/44119452_427463944.jpg buckingham_palace/test/images/20376856_499480088.jpg 0 0 842.739 0.0 249.5 0.0 842.739 166.0 0.0 0.0 1.0 1908.96 0.0 239.5 0.0 1908.96 319.5 0.0 0.0 1.0 0.9999997686820464 -0.0006448408341251412 0.0002163704052915226 643.2393685029665 0.0006535922651389156 0.9990648049583156 -0.04323295399061064 1293.0379381225237 -0.00018828968264830357 0.04323308540807551 0.9990649953196706 7107.37690366591 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88975383_10138413065.jpg buckingham_palace/test/images/12225450_205688460.jpg 0 0 818.871 0.0 319.5 0.0 818.871 180.0 0.0 0.0 1.0 880.89 0.0 249.5 0.0 880.89 187.0 0.0 0.0 1.0 0.7189835348588838 0.056479900037443985 0.6927284442648395 -123164.27978636065 -0.04242603609773452 0.9984005493739464 -0.037368094289590564 2456.7176450863562 -0.6937310055510408 -0.002522677459037657 0.7202297744717164 -6544.517463842727 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/32775626_3045815026.jpg buckingham_palace/test/images/05108322_3880700444.jpg 0 0 821.763 0.0 249.5 0.0 821.763 140.5 0.0 0.0 1.0 525.813 0.0 319.5 0.0 525.813 213.0 0.0 0.0 1.0 0.5723251807269923 -0.06686376794823327 -0.8172962278400532 169417.90378973895 0.05588895517030499 0.9975332360986594 -0.042471962145721104 4461.579639355659 0.8181199864297333 -0.0213700588277323 0.5746503357607234 -28512.519549324745 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/24967538_249111453.jpg buckingham_palace/test/images/62184736_5578846989.jpg 0 0 1172.73 0.0 319.5 0.0 1172.73 239.5 0.0 0.0 1.0 581.244 0.0 319.5 0.0 581.244 239.5 0.0 0.0 1.0 0.9976833566182017 0.01321382740009714 -0.06673316036633187 14617.532163692067 -0.004644717531387724 0.9918962972176966 0.1269652006058216 -674.6405487837465 0.0678700709156233 -0.126361110834241 0.9896598017210991 773.6799040554251 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/22444681_3699549677.jpg buckingham_palace/test/images/74825492_11236890775.jpg 0 0 665.502 0.0 239.5 0.0 665.502 319.5 0.0 0.0 1.0 786.182 0.0 319.5 0.0 786.182 319.5 0.0 0.0 1.0 0.995472068303933 0.006425608425613203 0.09483708548374054 -2909.7846015160126 0.010301478626639424 0.9845433263662576 -0.17483797655477876 -1687.233856631471 -0.09449465998031058 0.17502328434818368 0.9800191881647932 22538.4478668002 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/25118590_2173288922.jpg buckingham_palace/test/images/32263702_6268986774.jpg 0 0 536.77 0.0 249.5 0.0 536.77 187.0 0.0 0.0 1.0 734.84 0.0 319.5 0.0 734.84 212.5 0.0 0.0 1.0 0.6100890469906336 0.08336967666754082 0.7879345478873293 -54943.33591961836 -0.003293216720236755 0.9947071364623863 -0.10269794250340794 -90.18250850564664 -0.7923260121097211 0.0600600506422483 0.6071344833322817 72214.64144695754 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/76017051_5339375111.jpg buckingham_palace/test/images/82724591_6779971696.jpg 0 0 482.865 0.0 319.5 0.0 482.865 239.5 0.0 0.0 1.0 530.953 0.0 319.5 0.0 530.953 213.0 0.0 0.0 1.0 0.47293053559071485 -0.09594908380945362 -0.8758598528429112 77867.42187977809 0.042429071721664324 0.9953798317656269 -0.08613224940212758 -328.41120911154667 0.8800775433896252 0.0035726503269829877 0.47481654751169294 41635.175471546434 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/19261012_8226612879.jpg buckingham_palace/test/images/86424981_8226612445.jpg 0 0 498.357 0.0 319.5 0.0 498.357 239.5 0.0 0.0 1.0 467.776 0.0 319.5 0.0 467.776 239.5 0.0 0.0 1.0 0.9930400214530705 0.03662499967537351 -0.11193804175196288 64.52529135552322 -0.02059111557220808 0.9897708698209041 0.14117234578154048 -1345.8726926182976 0.11596345006930957 -0.13788486012883994 0.9836362354017226 -5694.868683265685 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/19420154_8889807230.jpg buckingham_palace/test/images/93206568_5039285632.jpg 0 0 742.327 0.0 319.5 0.0 742.327 213.0 0.0 0.0 1.0 801.943 0.0 319.5 0.0 801.943 212.0 0.0 0.0 1.0 0.8386436223016547 0.16999486460759508 0.5174733044127061 -34087.74003692309 0.045737924156145526 0.9247148435174652 -0.3779027658966741 3354.2840957134435 -0.5427567752379019 0.34059389921945926 0.7677309937392384 79887.26081972738 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/56337910_5339349187.jpg buckingham_palace/test/images/44003925_4405523365.jpg 0 0 489.79 0.0 319.5 0.0 489.79 239.5 0.0 0.0 1.0 604.805 0.0 319.5 0.0 604.805 214.0 0.0 0.0 1.0 0.990448260327619 0.02527759517546018 0.13554809772231666 -18409.179101325797 -0.03897105190612983 0.9942899593654426 0.09934150098723414 3514.6293406038417 -0.13226299833030739 -0.10367506878325407 0.9857778549883663 3743.6378986488935 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/77240749_6969127619.jpg buckingham_palace/test/images/44003925_4405523365.jpg 0 0 762.681 0.0 319.5 0.0 762.681 211.5 0.0 0.0 1.0 604.805 0.0 319.5 0.0 604.805 214.0 0.0 0.0 1.0 0.798973569424359 0.09389468489250412 0.5939907604586422 -80525.94035942428 -0.11515584064017721 0.993345160893642 -0.002126898125960353 2166.517485054498 -0.5902375519464623 -0.06670216996561257 0.8044690502400484 -8552.167167882673 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/20914462_2140816472.jpg buckingham_palace/test/images/84152459_248601304.jpg 0 0 661.15 0.0 319.5 0.0 661.15 239.5 0.0 0.0 1.0 652.486 0.0 319.5 0.0 652.486 239.5 0.0 0.0 1.0 0.9960731269399197 0.01815007084663312 -0.08665391345111162 34326.53779205448 -0.004910007852357647 0.9885791153521185 0.15062278882198546 1805.84426387149 0.08839806338953551 -0.1496058408548438 0.984786207646662 15613.729247458687 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/28034388_6035093150.jpg buckingham_palace/test/images/74825492_11236890775.jpg 0 0 518.235 0.0 319.5 0.0 518.235 180.0 0.0 0.0 1.0 786.182 0.0 319.5 0.0 786.182 319.5 0.0 0.0 1.0 0.9417525240978587 0.026716362960968992 0.3352438206819773 -13503.711883522497 0.033184069214302066 0.9845930616456883 -0.17168378056633674 -1103.819070910165 -0.3346655059991878 0.1728083878441884 0.9263564433764143 22417.478891496634 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/75711673_2633557923.jpg buckingham_palace/test/images/44566410_157895322.jpg 0 0 645.555 0.0 319.5 0.0 645.555 178.5 0.0 0.0 1.0 781.017 0.0 319.5 0.0 781.017 212.5 0.0 0.0 1.0 0.9848940028492813 -0.014397519142917406 -0.17255872795674362 111.5217405899848 -0.0057299503121611825 0.9932817493802544 -0.11557912448847071 4713.673209002569 0.1730634878330502 0.11482193950038719 0.9781947410349481 66211.2230519836 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/83690948_250193885.jpg buckingham_palace/test/images/65292787_5063207561.jpg 0 0 540.856 0.0 249.5 0.0 540.856 187.0 0.0 0.0 1.0 693.23 0.0 319.5 0.0 693.23 239.5 0.0 0.0 1.0 0.9726819861807252 0.010828850272181516 -0.2318889599815012 23977.56289499008 -0.057658862843705395 0.9788784496104613 -0.19614391763139108 -6454.605091070578 0.22486709251264483 0.20415610911751286 0.9527618137892114 80508.03681688917 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/36295413_3359483424.jpg buckingham_palace/test/images/04439510_3913043145.jpg 0 0 742.129 0.0 319.5 0.0 742.129 239.5 0.0 0.0 1.0 534.779 0.0 319.5 0.0 534.779 213.0 0.0 0.0 1.0 0.9087887264504372 0.009078925141992726 -0.4171577924417315 59041.35186908819 -0.02456739455288599 0.9991930872161031 -0.03177448008128124 -697.6727465956105 0.4165327043600244 0.03912476936441928 0.9082784587452825 -70012.09353996538 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/39198502_290351893.jpg buckingham_palace/test/images/93206568_5039285632.jpg 0 0 802.492 0.0 319.5 0.0 802.492 239.5 0.0 0.0 1.0 801.943 0.0 319.5 0.0 801.943 212.0 0.0 0.0 1.0 0.9996669409352974 -0.0033480026921095395 0.02558902262765454 -18938.449687817672 0.003580969215329619 0.9999525113006061 -0.00906376318590837 -3492.60603324835 -0.02555746193470408 0.009152377919699008 0.9996314571470184 -54903.765921797174 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/14598577_8873221214.jpg buckingham_palace/test/images/13281945_9328537386.jpg 0 0 457.081 0.0 319.5 0.0 457.081 182.0 0.0 0.0 1.0 480.216 0.0 319.5 0.0 480.216 211.5 0.0 0.0 1.0 0.9122977816356624 0.10776841316322223 0.39509331397396497 -38159.72787731602 -0.041497081454486544 0.9841149560552651 -0.17261444174548 1820.3183534092122 -0.4074196237951833 0.14108055285057905 0.9022779659029507 -2524.7023995979775 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/02051732_4583773096.jpg buckingham_palace/test/images/81973508_8989799070.jpg 0 0 520.086 0.0 319.5 0.0 520.086 212.5 0.0 0.0 1.0 697.977 0.0 319.5 0.0 697.977 239.5 0.0 0.0 1.0 0.902089671437475 0.022966571484189992 0.4309370734574716 -19257.65182442184 -0.025359861450215623 0.9996783687468328 -0.00019101543767686814 149.40528601458664 -0.43080285759620335 -0.010756191423229453 0.9023819602768068 9572.521377845445 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/64410912_3739779843.jpg buckingham_palace/test/images/16644081_2109119383.jpg 0 0 1908.16 0.0 319.5 0.0 1908.16 239.5 0.0 0.0 1.0 565.378 0.0 319.5 0.0 565.378 211.5 0.0 0.0 1.0 0.8076684986206165 -0.05908888085216525 -0.5866686462523437 98675.89021485014 0.06435085002765717 0.9978562452914703 -0.011911416100823208 -19954.21287994617 0.5861148048263556 -0.028132150512315907 0.8097394751837875 -91832.92214145117 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/72406227_262180777.jpg buckingham_palace/test/images/59557144_4072456064.jpg 0 0 895.882 0.0 319.5 0.0 895.882 239.5 0.0 0.0 1.0 569.526 0.0 249.5 0.0 569.526 187.0 0.0 0.0 1.0 0.8707771910131294 -0.02286353510981951 -0.4911459481392123 86037.26378310684 -0.005329170800969337 0.9984206806277293 -0.0559262410093499 -61.54494325493374 0.4916489434035813 0.05131669569588286 0.8692801120427169 -67448.28981474692 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88943277_2580116986.jpg buckingham_palace/test/images/36576167_9378677290.jpg 0 0 502.948 0.0 319.5 0.0 502.948 212.5 0.0 0.0 1.0 462.249 0.0 319.5 0.0 462.249 179.5 0.0 0.0 1.0 0.6964912570395916 0.05517832757140796 0.7154406202011682 -18772.543210588774 -0.1038210359028569 0.9942969934432361 0.024386088940198433 1120.0365619314261 -0.7100148740494577 -0.09126248405650576 0.6982478339618167 7512.206761450252 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/96795280_10579107723.jpg buckingham_palace/test/images/86424981_8226612445.jpg 0 0 778.565 0.0 319.5 0.0 778.565 319.5 0.0 0.0 1.0 467.776 0.0 319.5 0.0 467.776 239.5 0.0 0.0 1.0 0.7250214144924327 0.0694746686027265 0.6852132653049948 -8401.48660655973 -0.10073445247022624 0.9948969463120088 0.005712819318304336 -211.27167124431094 -0.6813196889954932 -0.07316649944873121 0.7283200839915807 -2873.6094705402265 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/79123276_3884527240.jpg buckingham_palace/test/images/07739469_9102054751.jpg 0 0 1531.74 0.0 319.5 0.0 1531.74 212.0 0.0 0.0 1.0 522.246 0.0 319.5 0.0 522.246 211.5 0.0 0.0 1.0 0.9992796654572053 0.03641108233397025 -0.010695012248912663 14901.029183519884 -0.035688019873187204 0.9974742602041269 0.06141225828579077 -17164.39081726054 0.012904086223617167 -0.06098633710511332 0.9980551844688924 -72051.75902816276 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/52927333_9772228794.jpg buckingham_palace/test/images/82272875_8380227216.jpg 0 0 548.596 0.0 319.5 0.0 548.596 179.0 0.0 0.0 1.0 509.154 0.0 319.5 0.0 509.154 213.0 0.0 0.0 1.0 0.9990831733359741 0.022037838465423586 -0.036703493467135695 -2287.414024365697 -0.003789654188172201 0.899490359136728 0.4369241723013433 -14371.746233576176 0.04264330285114234 -0.4363844950222817 0.8987491981782759 -24025.064694413624 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/04747458_676507940.jpg buckingham_palace/test/images/16644081_2109119383.jpg 0 0 533.733 0.0 319.5 0.0 533.733 213.0 0.0 0.0 1.0 565.378 0.0 319.5 0.0 565.378 211.5 0.0 0.0 1.0 0.8612641916521173 0.02876314888761128 -0.5073427573582715 41706.507304367515 0.034954140626840366 0.9926786881876132 0.11561673785035802 -3457.2356227373493 0.5069538442805853 -0.11731028635285333 0.8539532168011006 -11042.028567950669 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/92766299_2205106180.jpg buckingham_palace/test/images/30612743_2756901875.jpg 0 0 529.386 0.0 319.5 0.0 529.386 213.0 0.0 0.0 1.0 565.589 0.0 249.5 0.0 565.589 187.0 0.0 0.0 1.0 0.8670219787698209 -0.02077816627326606 -0.4978364752972454 38631.41669211795 0.01798557879680157 0.9997841083448102 -0.010404597854629652 -3646.733699336951 0.49794518502080964 6.713786584465867e-05 0.8672085033064993 -14381.072037428792 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88595844_3830407687.jpg buckingham_palace/test/images/56990017_8603215183.jpg 0 0 507.93 0.0 319.5 0.0 507.93 213.5 0.0 0.0 1.0 531.719 0.0 319.5 0.0 531.719 213.0 0.0 0.0 1.0 0.6888401442463228 -0.0621084453759282 -0.7222477391364341 79427.33868650842 0.04997885920144697 0.9980211580400808 -0.03815601836221987 5363.608498217594 0.7231883359869868 -0.009813720870366367 0.690581147711876 61775.32774845433 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/09913545_5384620652.jpg buckingham_palace/test/images/50497824_8033642711.jpg 0 0 618.577 0.0 319.5 0.0 618.577 238.5 0.0 0.0 1.0 449.291 0.0 319.5 0.0 449.291 213.0 0.0 0.0 1.0 0.9490534387765007 -0.0023188946931825788 -0.31510663762272717 11558.908971732497 0.05738116040064874 0.9845259148565029 0.1655781549813886 4853.276896263516 0.3098466923779788 -0.175223701888094 0.9345007659274862 10381.341236667447 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/12276618_145746984.jpg buckingham_palace/test/images/31516490_8149048396.jpg 0 0 1074.1 0.0 319.5 0.0 1074.1 212.0 0.0 0.0 1.0 739.67 0.0 319.5 0.0 739.67 239.5 0.0 0.0 1.0 0.965849005884854 -0.0436989170889931 -0.2553940141751341 35878.28289129952 0.08129447385543168 0.9870121339660317 0.13855777107181125 -15385.131743431917 0.24602216638304733 -0.15458800745552423 0.956857168860182 -64472.97459184963 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/94916212_250193805.jpg buckingham_palace/test/images/66274507_2161991821.jpg 0 0 540.593 0.0 249.5 0.0 540.593 187.0 0.0 0.0 1.0 713.479 0.0 319.5 0.0 713.479 239.5 0.0 0.0 1.0 0.9998477316171603 -0.004248473514463938 0.01692524897353336 22616.074958087294 0.005168823242786298 0.9984889008475647 -0.054710128408795286 3974.6498656697877 -0.01666723871263669 0.05478928140630188 0.9983588221659971 43018.16052919652 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/96236969_1904716577.jpg buckingham_palace/test/images/88943277_2580116986.jpg 0 0 505.334 0.0 249.5 0.0 505.334 187.0 0.0 0.0 1.0 502.948 0.0 319.5 0.0 502.948 212.5 0.0 0.0 1.0 0.8780432720880021 0.014858784217485694 -0.47835052929057453 -9714.151195699094 0.010410379398843707 0.9986884070369875 0.05013072561510363 414.88961435100873 0.4784680097370844 -0.04899675684678399 0.8767369511300014 1146.8037862715046 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/39733199_8623371744.jpg buckingham_palace/test/images/84152459_248601304.jpg 0 0 1338.45 0.0 319.5 0.0 1338.45 239.5 0.0 0.0 1.0 652.486 0.0 319.5 0.0 652.486 239.5 0.0 0.0 1.0 0.9576287321546566 -0.01992555370018862 -0.28731547758797465 18429.267757374775 0.036777194817376235 0.9978971029721797 0.05337424304939646 -4015.622751254285 0.2856477713780205 -0.061679365994408465 0.956347743510329 -8134.990695637631 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/65805167_10855307395.jpg buckingham_palace/test/images/07739469_9102054751.jpg 0 0 590.213 0.0 319.5 0.0 590.213 239.5 0.0 0.0 1.0 522.246 0.0 319.5 0.0 522.246 211.5 0.0 0.0 1.0 0.9903208465563245 0.005533542592576161 0.13868670009175685 -36668.03976259075 -0.03426411336594865 0.9780261987327081 0.20564708878973836 -631.921759485153 -0.13450126918066682 -0.20840857587639058 0.9687493350139471 -15129.793187452695 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/72807922_9586802730.jpg buckingham_palace/test/images/81310018_8608208863.jpg 0 0 604.967 0.0 319.5 0.0 604.967 213.0 0.0 0.0 1.0 559.102 0.0 319.5 0.0 559.102 239.5 0.0 0.0 1.0 0.8792071890269192 -0.04621767848724375 -0.47419262431909787 44055.003211087074 -0.033815934795052786 0.9867201768461527 -0.1588703092419518 589.8100784032381 0.47523804700099515 0.15571518487272337 0.8659685790389473 -998.9996668228282 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/83387888_3756983584.jpg buckingham_palace/test/images/36807384_2580130370.jpg 0 0 533.38 0.0 319.5 0.0 533.38 239.5 0.0 0.0 1.0 749.48 0.0 319.5 0.0 749.48 212.5 0.0 0.0 1.0 0.9809567512956803 -0.034546761796688634 -0.19112920587076185 375.96580425588036 0.0014403263017718762 0.9853210896440386 -0.17070523062527687 9587.790601286299 0.1942209503312391 0.167179160041099 0.9666071336899925 102562.34074317673 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/46081654_9210533871.jpg buckingham_palace/test/images/32263702_6268986774.jpg 0 0 915.01 0.0 319.5 0.0 915.01 213.0 0.0 0.0 1.0 734.84 0.0 319.5 0.0 734.84 212.5 0.0 0.0 1.0 0.5431684073426096 0.07797087579123031 0.8359955883814468 -128065.72090468497 0.01310050552828099 0.9947705713681778 -0.10129110076770126 -2512.0280709951926 -0.8395215649522034 0.06597009070918174 0.539306489032003 57426.23823386938 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/30985649_2732223159.jpg buckingham_palace/test/images/97483818_594151094.jpg 0 0 688.364 0.0 319.5 0.0 688.364 239.5 0.0 0.0 1.0 655.958 0.0 319.5 0.0 655.958 239.5 0.0 0.0 1.0 0.9463518264267361 -0.0805265737652713 -0.31294359162061014 30973.436192043362 0.09064639714317779 0.9957222844124222 0.01789868736720702 -3397.0882548657178 0.3101635879721251 -0.0453056645700518 0.9496030462536037 -13918.768191983832 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/65805167_10855307395.jpg buckingham_palace/test/images/16644081_2109119383.jpg 0 0 590.213 0.0 319.5 0.0 590.213 239.5 0.0 0.0 1.0 565.378 0.0 319.5 0.0 565.378 211.5 0.0 0.0 1.0 0.9871749862219688 0.009535395297663786 -0.1593569038798536 4180.119758692439 0.018191003619660622 0.9849939715208833 0.1716273971568254 -11751.82612888776 0.15860212471768811 -0.1723251354388978 0.9721879518544759 -76659.65015010332 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/03096691_8059356963.jpg buckingham_palace/test/images/17182999_6309727384.jpg 0 0 490.55 0.0 319.5 0.0 490.55 213.0 0.0 0.0 1.0 652.054 0.0 319.5 0.0 652.054 239.5 0.0 0.0 1.0 0.9959243453853008 -0.00659079358627722 -0.08995142972050484 1749.2596230862691 -0.019564511028773934 0.957792950519921 -0.286792422916906 1638.8690148811884 0.0880450349370413 0.2873834117938048 0.9537603716074009 41542.4093582309 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/70392907_4845953799.jpg buckingham_palace/test/images/64761148_2638801531.jpg 0 0 367.397 0.0 319.5 0.0 367.397 213.0 0.0 0.0 1.0 566.477 0.0 249.5 0.0 566.477 186.5 0.0 0.0 1.0 0.8093490339975556 -0.17720729447226669 -0.5599568875842522 28841.008866041808 0.04706415400281569 0.9698993496086481 -0.23891466475861398 4461.876527211632 0.5854392424284717 0.16701145593803146 0.7933272130780816 103070.63619843246 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/16826010_408223455.jpg buckingham_palace/test/images/86521638_6062929958.jpg 0 0 761.316 0.0 319.5 0.0 761.316 239.5 0.0 0.0 1.0 948.461 0.0 319.5 0.0 948.461 239.5 0.0 0.0 1.0 0.5453375271061044 -0.16958265135512596 -0.820882881956473 47286.45388695689 0.047819160509263575 0.9840199916157165 -0.1715167163538147 7098.827372211776 0.8368514261312984 0.054280571662165024 0.5447323288754218 138641.7909964609 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/24708453_4252951589.jpg buckingham_palace/test/images/73390455_10578819085.jpg 0 0 716.742 0.0 319.5 0.0 716.742 239.5 0.0 0.0 1.0 778.562 0.0 319.5 0.0 778.562 319.5 0.0 0.0 1.0 0.8116662079421747 -0.029625518366735413 -0.5833697759965568 24648.378669202564 0.036859038679565456 0.9993203317756013 0.0005345722781642296 -1903.3356393144006 0.5829574411158923 -0.02193634339183509 0.8122065123391996 15110.935850359383 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/92801024_2417460983.jpg buckingham_palace/test/images/48484647_7883607208.jpg 0 0 532.662 0.0 213.0 0.0 532.662 319.5 0.0 0.0 1.0 530.224 0.0 319.5 0.0 530.224 182.5 0.0 0.0 1.0 0.965813859228014 0.0047630341913704405 -0.2591927908495557 10725.02622661428 -0.04201861262978405 0.9894863143684633 -0.13838811318239286 7620.168297733475 0.25580857201383594 0.14454807913911014 0.9558597320221391 49378.52054689749 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/92766299_2205106180.jpg buckingham_palace/test/images/34376995_1253071592.jpg 0 0 529.386 0.0 319.5 0.0 529.386 213.0 0.0 0.0 1.0 536.63 0.0 319.5 0.0 536.63 239.5 0.0 0.0 1.0 0.9061253109295478 -0.01116366389293498 -0.4228620265539526 29373.53235317777 0.041949332185024064 0.9970955207117107 0.06356709924066846 -5578.897272263636 0.4209241908254509 -0.07533853718468438 0.903961796976405 -19714.67248233825 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/19420154_8889807230.jpg buckingham_palace/test/images/53184146_19405394.jpg 0 0 742.327 0.0 319.5 0.0 742.327 213.0 0.0 0.0 1.0 671.452 0.0 319.5 0.0 671.452 239.5 0.0 0.0 1.0 0.979943384628284 0.05284914686345335 0.19214039293981902 -9939.89611935434 -0.0054530503909581115 0.9709424193197562 -0.23925108695036748 5064.557115639334 -0.1992014738015173 0.2334047686772996 0.9517567897283421 24806.79417036869 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/84211719_64399705.jpg buckingham_palace/test/images/99045467_2406713065.jpg 0 0 1267.76 0.0 249.5 0.0 1267.76 187.0 0.0 0.0 1.0 703.265 0.0 319.5 0.0 703.265 239.5 0.0 0.0 1.0 0.8601643474253463 0.012620951573314415 0.5098607721718861 -46910.17693805506 0.014598376335350289 0.9986748930990095 -0.049349217846418894 832.8384768718906 -0.5098079862327576 0.04989157719561364 0.8588402923118097 -34668.96644332507 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/19322041_4490535181.jpg buckingham_palace/test/images/24481344_8619843161.jpg 0 0 800.164 0.0 319.5 0.0 800.164 239.5 0.0 0.0 1.0 533.532 0.0 319.5 0.0 533.532 239.5 0.0 0.0 1.0 0.9102846524079741 0.07207553272213178 0.40766036007111967 -72914.50936080577 -0.05818590450360339 0.9972274997588862 -0.04638657393835419 -8008.91643170363 -0.4098734586522913 0.01850489955286879 0.911954668053707 -44869.07649180165 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/56366869_8166763434.jpg buckingham_palace/test/images/12944457_8797082397.jpg 0 0 517.399 0.0 319.5 0.0 517.399 164.5 0.0 0.0 1.0 672.2 0.0 319.5 0.0 672.2 239.5 0.0 0.0 1.0 0.9540546846567353 -0.09563360189719282 -0.2839610411178034 21000.979651513633 0.02722568654775811 0.9714457539550766 -0.23569452499932214 4274.207997935048 0.29839306405568616 0.21713443142629887 0.9294160629194209 43780.63252108754 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/32264273_9687016916.jpg buckingham_palace/test/images/19476535_153176579.jpg 0 0 608.489 0.0 305.5 0.0 608.489 305.5 0.0 0.0 1.0 838.719 0.0 319.5 0.0 838.719 239.5 0.0 0.0 1.0 0.9358747354395055 -0.01390134617055052 -0.3520585635099393 32965.30146790239 -0.03185245827632911 0.9917914755612719 -0.12383493007124337 -1791.5347077518625 0.3508901544184308 0.12710791312361927 0.9277497927531798 35578.001119039865 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/36807384_2580130370.jpg buckingham_palace/test/images/94785686_3685753287.jpg 0 0 749.48 0.0 319.5 0.0 749.48 212.5 0.0 0.0 1.0 689.603 0.0 319.5 0.0 689.603 239.5 0.0 0.0 1.0 0.736796097914072 0.026039491772503625 0.6756133916426074 -113503.40554311004 0.017964118128534802 0.998151357350049 -0.05806167651832546 -3382.23630158063 -0.6758763204599357 0.05491641547373913 0.7349662487169422 -15531.765513544997 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/99420280_3920306353.jpg buckingham_palace/test/images/05043726_7787106650.jpg 0 0 872.142 0.0 319.5 0.0 872.142 213.0 0.0 0.0 1.0 822.189 0.0 319.5 0.0 822.189 213.0 0.0 0.0 1.0 0.8358720878372777 0.07523289832048485 0.54374430000217 -84724.81731771819 -0.06724602649630515 0.9971366342139204 -0.03459052802419047 769.8367400935085 -0.5447897068548639 -0.007651386726186867 0.8385377937732785 20293.460931211383 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/30480553_12091359825.jpg buckingham_palace/test/images/48284683_6191802350.jpg 0 0 731.871 0.0 319.5 0.0 731.871 239.5 0.0 0.0 1.0 447.039 0.0 319.5 0.0 447.039 213.0 0.0 0.0 1.0 0.9993197561241612 0.019139691524518727 0.031522963507460235 -9029.376024235524 -0.018301439075473252 0.9994767726738352 -0.026669049725500757 95.38391718629725 -0.03201690721654959 0.026073992671640442 0.9991471686185404 -7941.554478701475 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/03513470_2505259840.jpg buckingham_palace/test/images/70455295_3643859122.jpg 0 0 504.806 0.0 319.5 0.0 504.806 213.5 0.0 0.0 1.0 1038.31 0.0 212.5 0.0 1038.31 319.5 0.0 0.0 1.0 0.969015475538326 -0.032469323816479566 -0.24485659308691787 20009.691793786806 0.036171087233409296 0.9992890194905537 0.010635223268032807 -4188.243907412649 0.24433718631347331 -0.019162425120751392 0.9695009751660422 -11883.438657950874 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/42572558_3847795752.jpg buckingham_palace/test/images/47468990_5940765373.jpg 0 0 571.76 0.0 249.5 0.0 571.76 187.0 0.0 0.0 1.0 1182.75 0.0 319.5 0.0 1182.75 239.5 0.0 0.0 1.0 0.9575999311077711 0.04198034071759137 0.2850263548088617 -6533.901914423806 -0.06401333840058678 0.9956003336337708 0.06842710117443718 9227.3650728296 -0.2808997409205002 -0.08377127587401093 0.9560741126550996 25957.379969610876 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/75711673_2633557923.jpg buckingham_palace/test/images/80448535_2424346689.jpg 0 0 645.555 0.0 319.5 0.0 645.555 178.5 0.0 0.0 1.0 770.034 0.0 319.5 0.0 770.034 239.5 0.0 0.0 1.0 0.8695333858214207 -0.07346972697830637 -0.4883788387713676 49409.75804976282 0.008453141675964235 0.9909421774043797 -0.1340229287729251 -1337.6021111053558 0.49380181787610156 0.1124090755179474 0.8622783566827233 -4239.099635711114 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/42575336_5691036729.jpg buckingham_palace/test/images/88595844_3830407687.jpg 0 0 681.719 0.0 319.5 0.0 681.719 212.5 0.0 0.0 1.0 507.93 0.0 319.5 0.0 507.93 213.5 0.0 0.0 1.0 0.9527181443656305 -0.0249113396907552 0.30283256520942586 -36511.02599382575 -0.012907769726678758 0.9924159712298225 0.12224536608252737 -1087.0915575291112 -0.3035811701624334 -0.12037427134890538 0.9451711527125802 12524.55160131714 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/95099681_7121588727.jpg buckingham_palace/test/images/59557144_4072456064.jpg 0 0 544.463 0.0 319.5 0.0 544.463 240.0 0.0 0.0 1.0 569.526 0.0 249.5 0.0 569.526 187.0 0.0 0.0 1.0 0.9808241655717457 -0.03565887388719486 -0.19160480407230426 20601.32284617656 0.004207929127772332 0.9867648943677747 -0.16210285801246702 -1758.2883515076437 0.1948492996213859 0.15818814101079617 0.9679929041478579 5066.132788379067 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/10538802_8199902487.jpg buckingham_palace/test/images/93206568_5039285632.jpg 0 0 594.899 0.0 319.5 0.0 594.899 239.5 0.0 0.0 1.0 801.943 0.0 319.5 0.0 801.943 212.0 0.0 0.0 1.0 0.9715880958463763 0.05706826984174041 0.22969498163191052 -27371.757879902478 -0.007692527209893691 0.9775964141082638 -0.2103475128157909 3729.8626469605856 -0.23655315900392979 0.20260420454653594 0.9502600377082723 84441.55822527173 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/82716269_6976048960.jpg buckingham_palace/test/images/15676476_3064491824.jpg 0 0 554.318 0.0 319.5 0.0 554.318 240.0 0.0 0.0 1.0 571.819 0.0 249.5 0.0 571.819 187.0 0.0 0.0 1.0 0.9663054396156983 0.013187306531531913 -0.25706009475520636 5541.842083698184 -0.00698405104164572 0.9996623125533911 0.025029660234478585 397.684735940408 0.2573033625900757 -0.022390976013768757 0.9660712312210683 35553.23902999672 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/00144688_335879737.jpg buckingham_palace/test/images/91534757_514721391.jpg 0 0 573.033 0.0 249.5 0.0 573.033 187.0 0.0 0.0 1.0 527.291 0.0 249.5 0.0 527.291 187.0 0.0 0.0 1.0 0.9567947402329432 -0.016946417538154658 -0.2902699502104847 26346.19706331675 0.0030823739735560906 0.9988351971193655 -0.048153379592771633 2096.750001721561 0.2907478702127702 0.04517817977897002 0.9557324981597085 52895.561881299036 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/09913545_5384620652.jpg buckingham_palace/test/images/64761148_2638801531.jpg 0 0 618.577 0.0 319.5 0.0 618.577 238.5 0.0 0.0 1.0 566.477 0.0 249.5 0.0 566.477 186.5 0.0 0.0 1.0 0.5767233093282517 -0.0572608004216159 -0.8149303192375073 55379.90010701122 0.02542476619559059 0.998315389760915 -0.05215327248037091 4805.844538391167 0.8165438174044117 0.00935859506486592 0.5772075977991303 85449.93496911449 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/76017051_5339375111.jpg buckingham_palace/test/images/40698826_4043332345.jpg 0 0 482.865 0.0 319.5 0.0 482.865 239.5 0.0 0.0 1.0 664.744 0.0 319.5 0.0 664.744 239.5 0.0 0.0 1.0 0.5784301037003877 -0.10255548096995344 -0.8092595309640661 75321.25403835345 0.04342749149980745 0.9945301428096632 -0.09499393678033016 -49.09386168897163 0.8145751457755098 0.019803241300674273 0.5797199009166362 86707.28409932 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/48839627_9410045471.jpg buckingham_palace/test/images/21622015_377333223.jpg 0 0 464.127 0.0 319.5 0.0 464.127 212.0 0.0 0.0 1.0 671.989 0.0 319.5 0.0 671.989 239.5 0.0 0.0 1.0 0.47049790314168644 -0.09374857741605455 -0.8774069337381268 43312.710762773226 0.028404722226762418 0.9954340240669506 -0.09112779754332935 383.3951639297793 0.8819438161779334 0.017952937429389745 0.4710125233400485 24821.199658831403 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/83726223_2253829152.jpg buckingham_palace/test/images/40640722_7130151431.jpg 0 0 543.47 0.0 319.5 0.0 543.47 213.0 0.0 0.0 1.0 718.085 0.0 319.5 0.0 718.085 239.5 0.0 0.0 1.0 0.9480949542403361 -0.08952088117994128 -0.3051261535443686 21455.021022866167 0.025144419969117846 0.9776554036577089 -0.2087047432218514 10809.601098293831 0.3169916653295972 0.19019969382638113 0.9291611058260667 120680.85598361386 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/61302894_8245166220.jpg buckingham_palace/test/images/92283672_6106933794.jpg 0 0 651.678 0.0 319.5 0.0 651.678 171.5 0.0 0.0 1.0 534.28 0.0 319.5 0.0 534.28 212.5 0.0 0.0 1.0 0.8918295443948413 0.01891461347047748 -0.45197599620085166 53843.142361860606 0.07960644261177681 0.9769716258898274 0.1979627654405874 -13767.716889734344 0.44531211306137597 -0.21252924411348564 0.8697864349122507 -39646.60764895736 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/73390455_10578819085.jpg buckingham_palace/test/images/95766633_4569126850.jpg 0 0 778.562 0.0 319.5 0.0 778.562 319.5 0.0 0.0 1.0 990.493 0.0 319.5 0.0 990.493 256.0 0.0 0.0 1.0 0.996477524226996 0.00037283831289695315 0.08385943418619567 -7570.073184753208 0.0035462186157502436 0.9989082758242042 -0.046579832797519476 -2208.267828289667 -0.08378524956080131 0.046713140351597016 0.9953883234569945 118146.06368196534 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/25074269_2738283980.jpg buckingham_palace/test/images/14095478_7122131871.jpg 0 0 504.803 0.0 319.5 0.0 504.803 213.5 0.0 0.0 1.0 536.208 0.0 319.5 0.0 536.208 240.0 0.0 0.0 1.0 0.16261795844036953 -0.1904146474244085 -0.9681413438330814 22076.936830209528 0.05935689088195649 0.9813128517281662 -0.18303509646502616 4505.264044546783 0.9849021063524607 -0.02770106639413229 0.17088151398882814 50659.03190674819 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/53184146_19405394.jpg buckingham_palace/test/images/70392907_4845953799.jpg 0 0 671.452 0.0 319.5 0.0 671.452 239.5 0.0 0.0 1.0 367.397 0.0 319.5 0.0 367.397 213.0 0.0 0.0 1.0 0.9998799357423067 -0.010714132508271851 0.011194706988391355 -863.8466194088032 0.009821465965913552 0.9969857633818127 0.07696055106523357 -8248.839400761644 -0.011985529034679615 -0.07684136242011336 0.9969712895139857 -32587.929700439738 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/11993356_3855314871.jpg buckingham_palace/test/images/74825492_11236890775.jpg 0 0 726.941 0.0 319.5 0.0 726.941 239.5 0.0 0.0 1.0 786.182 0.0 319.5 0.0 786.182 319.5 0.0 0.0 1.0 0.7221478262111385 0.08254207649868514 0.6867964201317684 -85312.768032671 0.10666876621581517 0.9676918593290629 -0.22846058675897812 273.7825464453552 -0.6834649160070493 0.23824204287981163 0.6900119111956917 4964.632525502572 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/32421210_526180836.jpg buckingham_palace/test/images/99568304_8816950671.jpg 0 0 1455.77 0.0 319.5 0.0 1455.77 213.0 0.0 0.0 1.0 612.545 0.0 239.5 0.0 612.545 319.5 0.0 0.0 1.0 0.8652150454896101 -0.058910616994148006 -0.4979281717916559 80876.55389188067 -0.060455400934824356 0.9735718732330289 -0.22023385785873406 93.48625473713128 0.4977429753961592 0.2206520946080056 0.8387875676170209 -8038.088123035981 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/72406227_262180777.jpg buckingham_palace/test/images/35412346_425909362.jpg 0 0 895.882 0.0 319.5 0.0 895.882 239.5 0.0 0.0 1.0 659.197 0.0 249.5 0.0 659.197 187.0 0.0 0.0 1.0 0.9336004263038244 -0.02634938727481791 -0.35734570627833023 55075.958405106896 0.025497393288659135 0.9996497024178861 -0.0070961532759032005 -1374.0186531212794 0.3574075082322705 -0.002486412289491772 0.9339452290220912 -77668.90094033629 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/77853040_2216395549.jpg buckingham_palace/test/images/97292713_2986088736.jpg 0 0 539.264 0.0 319.5 0.0 539.264 239.5 0.0 0.0 1.0 683.491 0.0 319.5 0.0 683.491 221.0 0.0 0.0 1.0 0.9591616862378668 -0.005415345794311669 0.28280653048198845 -27363.168862786315 -0.04336115790795638 0.9851841274839592 0.1659278305123982 -3522.5382240190393 -0.2795150615587879 -0.17141443633369363 0.9447160533081826 -20837.43831394588 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/38217522_12120715573.jpg buckingham_palace/test/images/39733199_8623371744.jpg 0 0 416.694 0.0 319.5 0.0 416.694 239.5 0.0 0.0 1.0 1338.45 0.0 319.5 0.0 1338.45 239.5 0.0 0.0 1.0 0.9998976823099731 -0.009663674151163724 -0.01054695752547422 6319.585195142163 0.010045185675377138 0.999274367326046 0.03674007416810256 4637.871111891755 0.010184260203432813 -0.036842261155235964 0.999269197282233 23975.481412157154 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/58837390_828863639.jpg buckingham_palace/test/images/76124793_5669979160.jpg 0 0 664.357 0.0 319.5 0.0 664.357 239.5 0.0 0.0 1.0 737.626 0.0 319.5 0.0 737.626 239.5 0.0 0.0 1.0 0.9108016609478935 -0.14536580112933759 -0.3864053807552172 17703.521807398418 0.04487503826527478 0.9652729610585364 -0.2573603341425696 691.5167715163495 0.4103980572020884 0.21706426355185873 0.8856955120883478 12972.76498778356 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/19322041_4490535181.jpg buckingham_palace/test/images/01991338_3847005741.jpg 0 0 800.164 0.0 319.5 0.0 800.164 239.5 0.0 0.0 1.0 575.005 0.0 249.5 0.0 575.005 187.0 0.0 0.0 1.0 0.9494871849894382 -0.040795192368889684 -0.3111427932966111 40772.75421315542 0.009354318526236936 0.9947526833057541 -0.10188030124077899 -6315.167048494233 0.3136663550107695 0.09382351163534361 0.9448865362564282 -55055.7052049378 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/70365201_2960998111.jpg buckingham_palace/test/images/26420725_8870834351.jpg 0 0 738.141 0.0 239.5 0.0 738.141 319.5 0.0 0.0 1.0 644.06 0.0 319.5 0.0 644.06 213.0 0.0 0.0 1.0 0.6936779486955472 -0.001978380138590923 -0.7202825761501973 34136.61771378205 0.015039573561297065 0.999817999974824 0.011737893909761122 732.9720817115885 0.7201282626870243 -0.018975060958260494 0.6935814532850474 27849.117415837376 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/86576612_2460544550.jpg buckingham_palace/test/images/69109641_8040457417.jpg 0 0 775.263 0.0 319.5 0.0 775.263 180.0 0.0 0.0 1.0 914.363 0.0 319.5 0.0 914.363 239.5 0.0 0.0 1.0 0.9899289043596032 -0.007131703638496737 0.14138565385713076 -26366.830687433136 0.01613835476807391 0.9979045145421485 -0.0626588649895516 3390.3040684108664 -0.1406425178200942 0.06430955340858559 0.9879696166996296 57108.33234870313 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/70455295_3643859122.jpg buckingham_palace/test/images/50394851_7212712178.jpg 0 0 1038.31 0.0 212.5 0.0 1038.31 319.5 0.0 0.0 1.0 479.773 0.0 319.5 0.0 479.773 213.5 0.0 0.0 1.0 0.991251063320845 -0.01687250779238609 -0.13090702023226322 12723.03451123782 0.027716933206921878 0.9962906222911059 0.08146635838432986 602.2391457502947 0.12904689488281898 -0.08438195550943882 0.9880417928941597 4982.561544042763 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/47561034_5631016960.jpg buckingham_palace/test/images/04439510_3913043145.jpg 0 0 705.387 0.0 319.5 0.0 705.387 239.5 0.0 0.0 1.0 534.779 0.0 319.5 0.0 534.779 213.0 0.0 0.0 1.0 0.8454225810487259 0.09067544116109288 0.5263445865810266 -72828.84449702251 -0.02142838194721313 0.9904482387863619 -0.1362098040969086 866.8746118749075 -0.5336679528508667 0.10387613130664358 0.8392903344163627 -19315.401403479875 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/94200008_8305050186.jpg buckingham_palace/test/images/22496504_4546656558.jpg 0 0 746.609 0.0 305.5 0.0 746.609 305.5 0.0 0.0 1.0 835.668 0.0 319.5 0.0 835.668 213.0 0.0 0.0 1.0 0.9270898859156651 -0.06046203767174351 -0.3699306494918465 21392.075345955207 0.022074298957846437 0.9939988752792447 -0.10713991445355968 954.1758369866383 0.37418854707005444 0.09116237131721144 0.9228609609781011 10116.09654101971 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/89299405_4981004528.jpg buckingham_palace/test/images/54107490_11614068883.jpg 0 0 526.12 0.0 319.5 0.0 526.12 213.0 0.0 0.0 1.0 544.935 0.0 319.5 0.0 544.935 239.5 0.0 0.0 1.0 0.8405130759116036 -0.12731420803591958 -0.5266202252608626 44389.71592888614 0.1295151408737168 0.9910322788438177 -0.03287629197599599 -2258.404999221013 0.5260832610015987 -0.040572339368296725 0.849464706607701 -7227.790811527204 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/65062872_13486503543.jpg buckingham_palace/test/images/82272875_8380227216.jpg 0 0 588.768 0.0 319.5 0.0 588.768 239.5 0.0 0.0 1.0 509.154 0.0 319.5 0.0 509.154 213.0 0.0 0.0 1.0 0.9987995625362606 0.046992699483671546 -0.013824618353191763 2366.948311789123 -0.03385834378689843 0.8662686219537803 0.4984298217144584 -13068.800415288993 0.0353983959153839 -0.4973634092025024 0.8668198156209177 -23345.25391532488 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/66580194_6996358425.jpg buckingham_palace/test/images/47350644_7520151518.jpg 0 0 729.144 0.0 319.5 0.0 729.144 239.5 0.0 0.0 1.0 656.633 0.0 319.5 0.0 656.633 239.5 0.0 0.0 1.0 0.7144492315031268 0.011454301002623674 0.6995935209770979 -79302.21721884284 -0.039002855447169936 0.9989633075569955 0.02347525126074087 3370.983317488848 -0.6985993650666732 -0.04405802019302549 0.7141553178301706 9603.342157373936 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/40698826_4043332345.jpg buckingham_palace/test/images/18612281_10598628955.jpg 0 0 664.744 0.0 319.5 0.0 664.744 239.5 0.0 0.0 1.0 456.298 0.0 319.5 0.0 456.298 239.5 0.0 0.0 1.0 0.5111886283875806 0.0007172807403212809 0.859468249393521 -110798.5688074271 -0.12138374474570447 0.9900365523056844 0.07136954259474512 3933.5326216003227 -0.8508537904474149 -0.1408087731890774 0.5061824934490065 27432.523520670253 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/50054515_355625972.jpg buckingham_palace/test/images/37738135_1526579232.jpg 0 0 2158.55 0.0 249.5 0.0 2158.55 187.0 0.0 0.0 1.0 526.293 0.0 319.5 0.0 526.293 213.5 0.0 0.0 1.0 0.9987397130262008 -0.021469346641655597 -0.045365766599076755 15975.492916873793 0.022173038365583136 0.9996406273474432 0.015065607390640437 -11386.536236680264 0.04502601463576203 -0.016052517285179063 0.9988568339330863 -338021.64326230943 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/68304166_169924929.jpg buckingham_palace/test/images/49117697_7908670900.jpg 0 0 734.815 0.0 319.5 0.0 734.815 239.5 0.0 0.0 1.0 709.993 0.0 319.5 0.0 709.993 213.5 0.0 0.0 1.0 0.9646982352311921 -0.0672139113913409 -0.2546362210238375 9872.740851628598 0.07885042426314053 0.996244928636635 0.0357582544219996 221.62820149471918 0.2512765916979661 -0.05457409899634338 0.9663755699433791 2584.214550154633 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/39733199_8623371744.jpg buckingham_palace/test/images/82558397_4279227566.jpg 0 0 1338.45 0.0 319.5 0.0 1338.45 239.5 0.0 0.0 1.0 507.207 0.0 319.5 0.0 507.207 212.5 0.0 0.0 1.0 0.7664768367428597 -0.06087241627779419 -0.6393808002068585 48410.491325022325 0.07001214275617404 0.997485083373972 -0.011036680348246057 -4659.219045747738 0.6384446402025384 -0.03630506001817364 0.7688110197010238 -11551.931230103935 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/91870054_4238721718.jpg buckingham_palace/test/images/37946480_5143153071.jpg 0 0 801.672 0.0 319.5 0.0 801.672 211.5 0.0 0.0 1.0 936.404 0.0 319.5 0.0 936.404 239.5 0.0 0.0 1.0 0.7304509713208578 -0.059956174060996244 -0.6803283293295841 48681.33420891881 0.051434391746946924 0.9981395490609268 -0.03274055506663401 2399.6121664809743 0.6810256102688335 -0.011076903557276899 0.7321758124696185 62987.24268056238 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/86680206_8613353750.jpg buckingham_palace/test/images/12103866_2466593345.jpg 0 0 666.834 0.0 319.5 0.0 666.834 239.5 0.0 0.0 1.0 415.566 0.0 249.5 0.0 415.566 166.5 0.0 0.0 1.0 0.8064248072787749 -0.029044535243899907 -0.5906229297765679 43677.77228372492 0.13906458498957686 0.980096006893356 0.14167871566814774 3396.9725401444102 0.574752182603135 -0.19638796359289679 0.7944127997135795 11925.883604951907 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/31471983_2691474123.jpg buckingham_palace/test/images/93206568_5039285632.jpg 0 0 728.105 0.0 319.5 0.0 728.105 239.5 0.0 0.0 1.0 801.943 0.0 319.5 0.0 801.943 212.0 0.0 0.0 1.0 0.6321848893978121 0.05466944775782042 0.7728864839670384 -48868.118830190724 -0.0038257736314184676 0.997715777087755 -0.06744324729947783 1970.394129071187 -0.7748081240366528 0.03967971310420887 0.6309499911203509 58053.801710427375 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/74845354_647484279.jpg buckingham_palace/test/images/62374720_4605102748.jpg 0 0 550.969 0.0 249.5 0.0 550.969 187.0 0.0 0.0 1.0 651.644 0.0 319.5 0.0 651.644 239.5 0.0 0.0 1.0 0.9998950866364584 0.005135723868438664 -0.01354400460044064 599.8755442744778 -0.0012273785753695978 0.9617124465022926 0.2740577745374282 -9073.39499653711 0.014432922853751166 -0.2740123985934254 0.9616178534922153 -19358.575657433168 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/24173207_5973657415.jpg buckingham_palace/test/images/21650204_2962537014.jpg 0 0 565.88 0.0 319.5 0.0 565.88 213.0 0.0 0.0 1.0 685.775 0.0 319.5 0.0 685.775 212.5 0.0 0.0 1.0 0.9801181277680348 -0.02689710806633806 0.19658331871791695 -41769.931634619745 0.021535626653360628 0.9993368647008085 0.029360647721142774 2678.3942975521527 -0.1972426738946964 -0.02454335811631559 0.980047422917506 33693.00298149896 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/69109641_8040457417.jpg buckingham_palace/test/images/15625956_3859238782.jpg 0 0 914.363 0.0 319.5 0.0 914.363 239.5 0.0 0.0 1.0 719.798 0.0 319.5 0.0 719.798 239.5 0.0 0.0 1.0 0.9698162626692635 0.025239991017844066 0.24252702842289822 -38965.16821042722 -0.040195134647592064 0.9975696054295276 0.056914264238751455 -6248.053161342319 -0.24050107653165315 -0.06494478559973563 0.9684737513275825 -80181.73962190235 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/39881987_8753914632.jpg buckingham_palace/test/images/59100993_6200266298.jpg 0 0 696.104 0.0 319.5 0.0 696.104 211.5 0.0 0.0 1.0 531.448 0.0 319.5 0.0 531.448 213.0 0.0 0.0 1.0 0.9922038113266809 -0.013653462477894325 -0.12387566246512166 -22699.313000588678 0.007033115616928491 0.9985310433949135 -0.05372420926718576 2738.6774280070244 0.12442721596791811 0.0524341333391731 0.990842333364619 37621.728791927664 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/39881987_8753914632.jpg buckingham_palace/test/images/87435867_4350947433.jpg 0 0 696.104 0.0 319.5 0.0 696.104 211.5 0.0 0.0 1.0 448.32 0.0 319.5 0.0 448.32 239.5 0.0 0.0 1.0 0.9805320772689279 0.02679197771123214 0.19452258320565743 -31793.91947484617 0.011202036020426456 0.9814020115268485 -0.19163665140064645 4570.120779458387 -0.19603917933841228 0.19008493286259348 0.9619960282989454 -38579.12684000356 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/80691584_9772041992.jpg buckingham_palace/test/images/97332024_5408047413.jpg 0 0 550.47 0.0 319.5 0.0 550.47 179.0 0.0 0.0 1.0 1533.48 0.0 319.5 0.0 1533.48 212.0 0.0 0.0 1.0 0.9902656084260222 -0.002188481416798449 -0.13917340018023597 14693.860440276076 0.010987618402319788 0.9979852669532266 0.06248743222553959 11838.777925248021 0.13875625034745204 -0.06340833930473756 0.9882945337783319 60171.84056169022 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/65062872_13486503543.jpg buckingham_palace/test/images/24967538_249111453.jpg 0 0 588.768 0.0 319.5 0.0 588.768 239.5 0.0 0.0 1.0 1172.73 0.0 319.5 0.0 1172.73 239.5 0.0 0.0 1.0 0.9385779714095701 0.05326832892718634 -0.34093089727685383 27553.27491270123 -0.020523790631574196 0.994881495243843 0.09894232885618981 86.71012007502878 0.34445633337595466 -0.08586789594883637 0.9348671236290818 43155.6489740203 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/11993356_3855314871.jpg buckingham_palace/test/images/91136231_4677075766.jpg 0 0 726.941 0.0 319.5 0.0 726.941 239.5 0.0 0.0 1.0 492.926 0.0 319.5 0.0 492.926 213.5 0.0 0.0 1.0 0.34152386802854734 0.14449371878788142 0.9286996354030017 -113057.22824147111 -0.240779834511726 0.9685875814031655 -0.062154391993420696 6072.8993365419365 -0.9085078529431241 -0.20238493615487935 0.3655869510229546 14063.446532853523 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/86680206_8613353750.jpg buckingham_palace/test/images/74969573_235362322.jpg 0 0 666.834 0.0 319.5 0.0 666.834 239.5 0.0 0.0 1.0 503.536 0.0 319.5 0.0 503.536 212.5 0.0 0.0 1.0 0.9999886361632313 0.001286488451344374 0.004590478391734763 1863.5242655449592 -0.002042355295992832 0.9856703669538821 0.16867055609632842 -1587.3401374318428 -0.004307705798375318 -0.16867801473951577 0.9856617934232261 -11607.271443614482 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/40580817_2599681870.jpg buckingham_palace/test/images/04738011_5330076641.jpg 0 0 725.526 0.0 319.5 0.0 725.526 235.0 0.0 0.0 1.0 699.97 0.0 319.5 0.0 699.97 213.0 0.0 0.0 1.0 0.9999254955645711 -0.008601076269169866 0.008661686149858851 -142.92836682295547 0.006417308399330865 0.9740192384325548 0.2263743389083094 -13366.909376373691 -0.010383711901560606 -0.22630188830471165 0.9740018654380839 -29754.710303525397 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/31650540_6170454977.jpg buckingham_palace/test/images/81973508_8989799070.jpg 0 0 681.385 0.0 319.5 0.0 681.385 239.5 0.0 0.0 1.0 697.977 0.0 319.5 0.0 697.977 239.5 0.0 0.0 1.0 0.5827795506484893 0.0480852238671527 0.8112063896392772 -69066.49341335191 -0.0744901124754093 0.9972060505354279 -0.005596062806555783 2306.4006885210347 -0.809209007914115 -0.05716558423719515 0.5847331677692605 38213.3012804468 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/12105658_501509035.jpg buckingham_palace/test/images/25222869_4501138522.jpg 0 0 734.683 0.0 319.5 0.0 734.683 212.0 0.0 0.0 1.0 669.156 0.0 319.5 0.0 669.156 179.5 0.0 0.0 1.0 0.6728057489121636 0.08200746004475581 0.7352599545247587 -57264.88507495904 -0.048030491902842365 0.9965825439817627 -0.06720345882771749 4344.034310137215 -0.7382584209328826 0.009899976153784554 0.6744453235020915 60971.6528833739 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/48728464_4071692457.jpg buckingham_palace/test/images/12103866_2466593345.jpg 0 0 569.812 0.0 249.5 0.0 569.812 187.0 0.0 0.0 1.0 415.566 0.0 249.5 0.0 415.566 166.5 0.0 0.0 1.0 0.9600954597896683 -0.027659952363652276 -0.2783013387077145 32507.403562237974 0.08070082272492465 0.98016880811691 0.18098752665914966 -3283.3224388236804 0.2677761850926737 -0.1962244496231716 0.9432878034127749 -14475.029775980245 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/36274822_6309726672.jpg buckingham_palace/test/images/36576167_9378677290.jpg 0 0 663.731 0.0 319.5 0.0 663.731 239.5 0.0 0.0 1.0 462.249 0.0 319.5 0.0 462.249 179.5 0.0 0.0 1.0 0.9894715611079176 0.022668645613122648 0.142941114675685 -37009.909364423176 -0.04188313352192085 0.9902462157357408 0.13288429308022004 -4413.726879000918 -0.1385345909332598 -0.13747205071254126 0.9807699028762263 -26835.11588481019 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/84030835_2661414475.jpg buckingham_palace/test/images/54621533_151517675.jpg 0 0 520.103 0.0 249.5 0.0 520.103 140.0 0.0 0.0 1.0 527.723 0.0 249.5 0.0 527.723 187.0 0.0 0.0 1.0 0.8857449062850423 -0.04028364329144493 -0.46242100846876477 40928.9952754263 0.040061503331965474 0.9991440831251334 -0.010304227618765024 3442.3382641276953 0.46244030635411193 -0.009398363645019479 0.8866006055828695 54150.492232326906 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/92713380_3913819288.jpg buckingham_palace/test/images/59100993_6200266298.jpg 0 0 534.038 0.0 319.5 0.0 534.038 212.5 0.0 0.0 1.0 531.448 0.0 319.5 0.0 531.448 213.0 0.0 0.0 1.0 0.9720912849513701 -0.04819456818875303 -0.22959925374158704 -13709.617766760646 0.014774308243774802 0.9893052061929424 -0.1451100575958046 4462.317909361207 0.23413725363024146 0.13766805220035416 0.9624070105032737 96559.82144406131 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/99568304_8816950671.jpg buckingham_palace/test/images/89730574_3288971741.jpg 0 0 612.545 0.0 239.5 0.0 612.545 319.5 0.0 0.0 1.0 664.171 0.0 319.5 0.0 664.171 239.5 0.0 0.0 1.0 0.9779897454425306 -0.002616248934357152 0.20863655732101993 -60258.39265060951 -0.05190635817179305 0.9654361431692715 0.2554188392499339 -1451.9814887419388 -0.20209351249012245 -0.26062656945130425 0.9440508479448813 -35953.86459536308 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/36576167_9378677290.jpg buckingham_palace/test/images/34376995_1253071592.jpg 0 0 462.249 0.0 319.5 0.0 462.249 179.5 0.0 0.0 1.0 536.63 0.0 319.5 0.0 536.63 239.5 0.0 0.0 1.0 0.9325385823830398 -0.057272572989869805 -0.3564991511212199 16117.496575932422 0.05122021774516151 0.9983383102123927 -0.02640279637467762 1445.9226920127367 0.3574189162050163 0.0063616621557957935 0.933922506203511 10647.333542328444 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/73390455_10578819085.jpg buckingham_palace/test/images/80731258_3052461790.jpg 0 0 778.562 0.0 319.5 0.0 778.562 319.5 0.0 0.0 1.0 576.354 0.0 249.5 0.0 576.354 187.0 0.0 0.0 1.0 0.9913501823747713 -0.02015010407489766 0.12968727466979268 3145.4185060649834 0.011027873901526111 0.99743824235293 0.07067770998772958 2951.9059170952223 -0.13077921051420793 -0.06863618577447586 0.9890327962709892 20853.27544908368 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/91136231_4677075766.jpg buckingham_palace/test/images/42330398_309946538.jpg 0 0 492.926 0.0 319.5 0.0 492.926 213.5 0.0 0.0 1.0 536.549 0.0 249.5 0.0 536.549 187.0 0.0 0.0 1.0 0.4330883418602924 -0.24025951399696405 -0.8687403835891626 57200.363128699086 0.09346597638752573 0.9705947029807239 -0.22183334691539694 8527.227403850593 0.8964923866952965 0.014875768205473549 0.4428093405944232 100394.82072052197 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/97956510_3971081891.jpg buckingham_palace/test/images/28867143_7824022012.jpg 0 0 689.718 0.0 319.5 0.0 689.718 211.0 0.0 0.0 1.0 514.143 0.0 319.5 0.0 514.143 213.0 0.0 0.0 1.0 0.8941349694449353 -0.021534689722050752 -0.4472794580061553 31020.991773245663 0.09903595364526852 0.9836184491400884 0.15062080333346872 -10859.027902656711 0.4367087545507615 -0.17897207505592105 0.8816203605004257 -30475.403087426097 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/31987323_5731928436.jpg buckingham_palace/test/images/87292117_4922805851.jpg 0 0 502.795 0.0 319.5 0.0 502.795 212.5 0.0 0.0 1.0 721.2 0.0 319.5 0.0 721.2 239.0 0.0 0.0 1.0 0.35858145345875286 0.15965948063805707 0.9197435465812164 -111999.11256641892 -0.16821428267363436 0.9801882548449806 -0.1045702642654498 1909.7666701513767 -0.9182174559111819 -0.11721704358299287 0.37833433409308725 29483.31128311521 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/32264273_9687016916.jpg buckingham_palace/test/images/96236969_1904716577.jpg 0 0 608.489 0.0 305.5 0.0 608.489 305.5 0.0 0.0 1.0 505.334 0.0 249.5 0.0 505.334 187.0 0.0 0.0 1.0 0.9975769626105767 0.0012011609420959051 -0.06956120241231423 10252.324060079744 -0.011249776869460552 0.9894777610223856 -0.1442470206365251 -4370.383353964011 0.06865599892975935 0.14468005271811982 0.9870937322040084 -60004.06338865363 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/22840995_489214596.jpg buckingham_palace/test/images/95766633_4569126850.jpg 0 0 583.912 0.0 319.5 0.0 583.912 239.5 0.0 0.0 1.0 990.493 0.0 319.5 0.0 990.493 256.0 0.0 0.0 1.0 0.7736308032118157 -0.04283939409999315 -0.6321868130821668 61633.90603774981 -0.0067485376383713035 0.9970982556758246 -0.0758256273826458 -4765.955238011725 0.6336006925198114 0.06292737751864312 0.7710968211560995 131916.82606978525 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/77853040_2216395549.jpg buckingham_palace/test/images/18653284_7502960042.jpg 0 0 539.264 0.0 319.5 0.0 539.264 239.5 0.0 0.0 1.0 306.853 0.0 319.5 0.0 306.853 213.0 0.0 0.0 1.0 0.9777898916674987 -0.019542662453013348 0.20867441648920124 -20398.027839089686 0.023171534002832953 0.9996195744054095 -0.01495949456042484 -135.07888319672986 -0.20830268304757035 0.019462548902839168 0.9778707488341124 -85064.88783094683 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/30480553_12091359825.jpg buckingham_palace/test/images/16210476_4152300283.jpg 0 0 731.871 0.0 319.5 0.0 731.871 239.5 0.0 0.0 1.0 723.131 0.0 239.5 0.0 723.131 319.5 0.0 0.0 1.0 0.9680721131658299 -0.006497879870605302 -0.25058763191313255 14124.587798953498 0.0056591750266730715 0.9999757148259795 -0.0040673697015042535 -2968.5645441414554 0.2506079756285938 0.0025193879134459557 0.9680853760055874 46054.47504137878 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/52580713_3540604945.jpg buckingham_palace/test/images/14261176_44001540.jpg 0 0 547.77 0.0 319.5 0.0 547.77 213.0 0.0 0.0 1.0 649.057 0.0 319.5 0.0 649.057 239.5 0.0 0.0 1.0 0.8159603519327081 0.022619493058305778 0.5776651820974122 -58067.096043463054 -0.07968005802363957 0.9940979112586728 0.07362357763986531 -3613.876096219564 -0.5725904229265456 -0.10610231554932767 0.8129468040455479 -7841.910611682637 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/89826404_8759127701.jpg buckingham_palace/test/images/87292117_4922805851.jpg 0 0 628.119 0.0 319.5 0.0 628.119 239.5 0.0 0.0 1.0 721.2 0.0 319.5 0.0 721.2 239.0 0.0 0.0 1.0 0.6683419901355173 -0.029421388145547893 0.7432720673759274 -57865.92387706469 -0.14139101055464312 0.9759758869881553 0.16576987106232613 525.6827552771629 -0.7302927949501029 -0.21588295425362425 0.6481257468321213 25099.825751000273 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/61577420_5186173128.jpg buckingham_palace/test/images/73590053_4109923193.jpg 0 0 1021.11 0.0 319.5 0.0 1021.11 213.0 0.0 0.0 1.0 847.053 0.0 319.5 0.0 847.053 212.5 0.0 0.0 1.0 0.9319421269325731 -0.01601710596129846 -0.3622531219534435 71960.04042632757 0.04206489761104131 0.9970544586061602 0.06413229266562566 -3316.262908120543 0.3601588766605157 -0.07500572571611708 0.9298708107433172 -19768.700259775447 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/24481344_8619843161.jpg buckingham_palace/test/images/12276618_145746984.jpg 0 0 533.532 0.0 319.5 0.0 533.532 239.5 0.0 0.0 1.0 1074.1 0.0 319.5 0.0 1074.1 212.0 0.0 0.0 1.0 0.923793605146194 -0.05203443069284568 -0.3793386259181488 45972.10960238093 0.025910237361159674 0.996947202240163 -0.0736541617656451 9007.589206053808 0.3820131341863604 0.05821248979371084 0.9223216745480565 97677.56086448747 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/39197892_9580433466.jpg buckingham_palace/test/images/86900704_328544021.jpg 0 0 920.78 0.0 319.5 0.0 920.78 239.5 0.0 0.0 1.0 516.297 0.0 249.5 0.0 516.297 187.0 0.0 0.0 1.0 0.9607385863281436 0.0417912451197709 0.2742897383635406 -34337.46486633099 -0.01834488323806575 0.9959959355673274 -0.08749606615354749 742.0750307004608 -0.27684803412555065 0.07902903368195419 0.9576583826376265 -92150.41210840843 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/34511353_8612252871.jpg buckingham_palace/test/images/59557144_4072456064.jpg 0 0 526.275 0.0 319.5 0.0 526.275 239.5 0.0 0.0 1.0 569.526 0.0 249.5 0.0 569.526 187.0 0.0 0.0 1.0 0.9869153043587349 0.012689081295878257 0.16073944518497113 -13585.757890742243 0.024660010748187643 0.9732920344756524 -0.22824219481976785 -164.56634983772278 -0.1593426053897858 0.22921955161397595 0.9602438915533298 8632.26556861861 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/56337910_5339349187.jpg buckingham_palace/test/images/36807384_2580130370.jpg 0 0 489.79 0.0 319.5 0.0 489.79 239.5 0.0 0.0 1.0 749.48 0.0 319.5 0.0 749.48 212.5 0.0 0.0 1.0 0.9884342471407735 -0.0013705262601935323 -0.15164386152107243 -2757.032722863538 0.002331715506134884 0.9999783034481847 0.0061608226471044514 9810.40264934409 0.15163212780295113 -0.006443158438277369 0.9884159972032468 99458.13924369031 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/03029079_9842698583.jpg buckingham_palace/test/images/69599759_2579291719.jpg 0 0 502.769 0.0 319.5 0.0 502.769 211.5 0.0 0.0 1.0 502.541 0.0 319.5 0.0 502.541 212.5 0.0 0.0 1.0 0.9887408140043917 -0.0009931004628900024 -0.14963494402512964 19311.374318187107 0.028947655938876764 0.9823577614958262 0.18475730471230103 -17577.32889573465 0.1468115660892475 -0.1870086687305705 0.9713259606754275 -66586.8412342886 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/61097803_407551744.jpg buckingham_palace/test/images/32929018_8338714866.jpg 0 0 668.245 0.0 239.5 0.0 668.245 319.5 0.0 0.0 1.0 503.595 0.0 319.5 0.0 503.595 213.0 0.0 0.0 1.0 0.9198230928047979 -0.0918198422010843 -0.38143753685391846 16671.22129378074 0.031517444837652585 0.9863793613610369 -0.16143855224790238 4545.679798336656 0.39106537639366895 0.13647297189979105 0.9101884416575046 48856.74468719406 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/37738135_1526579232.jpg buckingham_palace/test/images/11786900_13849594023.jpg 0 0 526.293 0.0 319.5 0.0 526.293 213.5 0.0 0.0 1.0 894.994 0.0 319.5 0.0 894.994 239.5 0.0 0.0 1.0 0.9746138987725133 -0.009964344580443164 -0.2236704275413339 20219.623141324133 -0.008226498407248818 0.9967408282832491 -0.08024989692939281 -1504.547478502841 0.2237410848355671 0.08005268933836532 0.9713554930540614 82457.74912147834 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/93037627_13638822993.jpg buckingham_palace/test/images/06301377_3135673857.jpg 0 0 585.228 0.0 239.5 0.0 585.228 319.5 0.0 0.0 1.0 498.489 0.0 249.5 0.0 498.489 187.0 0.0 0.0 1.0 0.8720578755501215 0.12772145848909847 0.47244289679539725 -25635.43124514355 -0.035674067720115075 0.9793670809748095 -0.19891576507451994 1100.4830342073863 -0.4881008323935841 0.15661209961014658 0.858621119978068 44569.8125071128 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/40640722_7130151431.jpg buckingham_palace/test/images/40580817_2599681870.jpg 0 0 718.085 0.0 319.5 0.0 718.085 239.5 0.0 0.0 1.0 725.526 0.0 319.5 0.0 725.526 235.0 0.0 0.0 1.0 0.9349623861284337 -0.01796521150653898 -0.354291670379859 51328.97561921987 0.03775797841940481 0.9980832782712519 0.04903167038752188 -9780.668500235826 0.35273172750789666 -0.05922010478575794 0.9338486534757434 -74366.22929585127 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/77141853_3913827430.jpg buckingham_palace/test/images/86576612_2460544550.jpg 0 0 534.162 0.0 319.5 0.0 534.162 213.0 0.0 0.0 1.0 775.263 0.0 319.5 0.0 775.263 180.0 0.0 0.0 1.0 0.9422026553856212 0.026591619927307637 -0.3339865894522197 38206.14630898798 0.014101570054573128 0.9928146658186039 0.1188283848980951 570.747870429236 0.3347466234426867 -0.11667015507461828 0.9350576308488074 35943.66822532835 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/76276666_337183275.jpg buckingham_palace/test/images/77059222_3193034364.jpg 0 0 545.844 0.0 319.5 0.0 545.844 213.0 0.0 0.0 1.0 665.902 0.0 319.5 0.0 665.902 239.5 0.0 0.0 1.0 0.9969122364493331 0.05200945192210453 0.058830347001793105 16886.383521693228 -0.038261644354336696 0.975982799110213 -0.21446123755190818 3689.155931450205 -0.06857141816304634 0.21154808614533968 0.9749591621495501 88085.71271643402 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/49117697_7908670900.jpg buckingham_palace/test/images/82736794_5152319320.jpg 0 0 709.993 0.0 319.5 0.0 709.993 213.5 0.0 0.0 1.0 723.947 0.0 319.5 0.0 723.947 239.5 0.0 0.0 1.0 0.7882675700893859 0.11662974601344268 0.6041785665597671 -35062.7444215882 -0.08975969444377381 0.993164894679565 -0.07461024882339429 8230.830165915708 -0.608750716795254 0.004581956019899498 0.7933483285923629 39177.87032304045 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/03119315_5739628680.jpg buckingham_palace/test/images/89269947_2824630864.jpg 0 0 535.335 0.0 319.5 0.0 535.335 208.0 0.0 0.0 1.0 509.392 0.0 239.5 0.0 509.392 319.5 0.0 0.0 1.0 0.9526165745462235 -0.007192448810232331 0.30408868867475436 -6973.157358818976 -0.05947910262852882 0.9760161904947644 0.20941497616596727 -10025.469794609733 -0.29830168998905193 -0.21757909957576324 0.9293413996898425 -50889.53688388104 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/24967538_249111453.jpg buckingham_palace/test/images/16210476_4152300283.jpg 0 0 1172.73 0.0 319.5 0.0 1172.73 239.5 0.0 0.0 1.0 723.131 0.0 239.5 0.0 723.131 319.5 0.0 0.0 1.0 0.9990217898433921 -0.02779494006181291 0.03439338199516774 -4714.097997245417 0.02855681821457788 0.9993530604011642 -0.021862497576597032 -1851.4235692146133 -0.03376346474467424 0.022823277016839325 0.9991692181380729 15831.229981333643 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/92636956_2423667989.jpg buckingham_palace/test/images/34591604_85337315.jpg 0 0 656.41 0.0 319.5 0.0 656.41 239.0 0.0 0.0 1.0 588.671 0.0 319.5 0.0 588.671 239.5 0.0 0.0 1.0 0.8387341471889203 0.07508061866447574 0.539340273890458 -83193.13592782235 0.024715755904512828 0.9841795328797244 -0.17544166686028673 2769.3345044696325 -0.5439799277081308 0.16047911939441487 0.8236093069465946 -16403.245708778377 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/64761148_2638801531.jpg buckingham_palace/test/images/22244788_9510402492.jpg 0 0 566.477 0.0 249.5 0.0 566.477 186.5 0.0 0.0 1.0 564.184 0.0 319.5 0.0 564.184 213.0 0.0 0.0 1.0 0.6611490646568613 0.019194482189186134 0.7500089907173424 -109705.23456898563 -0.0929337402349465 0.9940689322017181 0.05648254559843626 -56.934541874220486 -0.7444764833285878 -0.10704452290904454 0.6590115597513249 15167.481325021276 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/87435867_4350947433.jpg buckingham_palace/test/images/89826404_8759127701.jpg 0 0 448.32 0.0 319.5 0.0 448.32 239.5 0.0 0.0 1.0 628.119 0.0 319.5 0.0 628.119 239.5 0.0 0.0 1.0 0.999835378666265 -0.018143837429506232 0.00012934689085375076 -26568.009632845162 0.017989363309741806 0.9922021624999102 0.1233339026310772 2495.2545916702006 -0.0023660885437025905 -0.12331127237131878 0.9923652209399368 6438.578288460392 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/80731258_3052461790.jpg buckingham_palace/test/images/88595844_3830407687.jpg 0 0 576.354 0.0 249.5 0.0 576.354 187.0 0.0 0.0 1.0 507.93 0.0 319.5 0.0 507.93 213.5 0.0 0.0 1.0 0.7922381658933462 0.06859058558414378 0.6063448029555223 -85746.3055534823 -0.04703235815306139 0.9975703029901518 -0.05139501803384279 -847.7013127289247 -0.6083967831838931 0.012199268886335497 0.7935392441777092 4171.929369951102 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/31516490_8149048396.jpg buckingham_palace/test/images/97156938_2710050704.jpg 0 0 739.67 0.0 319.5 0.0 739.67 239.5 0.0 0.0 1.0 730.199 0.0 319.5 0.0 730.199 239.5 0.0 0.0 1.0 0.722508578775939 0.16639619770323943 0.6710392380368505 -70344.45313417356 -0.11069219138449832 0.9859250993152618 -0.12529540018168497 4555.702252852565 -0.6824431055858576 0.016248197749148766 0.7307581020476163 38795.44862170941 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/23363801_5143002413.jpg buckingham_palace/test/images/33761766_8290174554.jpg 0 0 729.125 0.0 319.5 0.0 729.125 239.5 0.0 0.0 1.0 1038.17 0.0 319.5 0.0 1038.17 239.5 0.0 0.0 1.0 0.8765453547648026 0.055002990830485855 0.4781661970904551 -69737.49651030687 -0.06557861588626086 0.997832603923313 0.0054350424159359985 8297.145516576991 -0.4768308779627097 -0.03612153855142742 0.878252553810115 62138.11241739434 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/40698826_4043332345.jpg buckingham_palace/test/images/02147392_4434343749.jpg 0 0 664.744 0.0 319.5 0.0 664.744 239.5 0.0 0.0 1.0 1522.3 0.0 319.5 0.0 1522.3 213.0 0.0 0.0 1.0 0.9258758840913723 0.01222405071542922 0.37763000389551443 -49510.50204248838 -0.03671332867375202 0.997657558918891 0.05771937828574208 6180.816448284854 -0.37603986325350225 -0.06730503484960207 0.9241558599761088 74062.78645619786 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/78489357_130104519.jpg buckingham_palace/test/images/89269947_2824630864.jpg 0 0 652.902 0.0 249.5 0.0 652.902 187.0 0.0 0.0 1.0 509.392 0.0 239.5 0.0 509.392 319.5 0.0 0.0 1.0 0.9871757913288091 0.024705995600077257 0.1577135720087167 -893.376468479164 0.004285500408062272 0.9834940735491683 -0.18088958449815504 -2211.9255500463587 -0.15957942066755412 0.179245700297306 0.9707756627688686 -14432.570802458966 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/02189109_4611484390.jpg buckingham_palace/test/images/12516230_8673895442.jpg 0 0 1008.42 0.0 319.5 0.0 1008.42 213.0 0.0 0.0 1.0 607.086 0.0 319.5 0.0 607.086 211.5 0.0 0.0 1.0 0.5668483449540787 -0.06622140092782972 -0.8211563066079306 128888.66895435224 0.1135888201658373 0.993526372120797 -0.0017110914121773533 -972.1913918852415 0.8159537571187199 -0.09230424670427351 0.5707007905060246 15081.41152323599 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/89269947_2824630864.jpg buckingham_palace/test/images/69728580_2542045191.jpg 0 0 509.392 0.0 239.5 0.0 509.392 319.5 0.0 0.0 1.0 871.638 0.0 319.5 0.0 871.638 185.0 0.0 0.0 1.0 0.9220847902890026 -0.06423741774402182 -0.3816191736263602 14165.796155217711 0.019212873178829956 0.9925097974720383 -0.12064479858753868 3487.2967903476188 0.38651067905285647 0.10391273301955643 0.9164123738222363 125804.5512478581 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/66051487_8289127493.jpg buckingham_palace/test/images/64833926_5954673971.jpg 0 0 729.749 0.0 319.5 0.0 729.749 239.5 0.0 0.0 1.0 809.815 0.0 319.5 0.0 809.815 318.5 0.0 0.0 1.0 0.967593410813702 -0.026171579065594443 -0.25115341884816045 5552.327329498623 0.059413520122975017 0.9902872195963973 0.1257030482153612 10645.327028180911 0.2454241735781197 -0.13655134987706977 0.9597503341339595 54384.92528404106 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/81394496_5045390386.jpg buckingham_palace/test/images/68304166_169924929.jpg 0 0 672.414 0.0 319.5 0.0 672.414 239.5 0.0 0.0 1.0 734.815 0.0 319.5 0.0 734.815 239.5 0.0 0.0 1.0 0.830627412076417 0.025849023877887033 -0.5562283076865064 35313.2342855404 0.01673819592406762 0.9973114243401294 0.07134252362981006 -2666.282008518635 0.5565769803939452 -0.06856931416619903 0.8279615414077728 -7848.720321864623 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/96795280_10579107723.jpg buckingham_palace/test/images/32421210_526180836.jpg 0 0 778.565 0.0 319.5 0.0 778.565 319.5 0.0 0.0 1.0 1455.77 0.0 319.5 0.0 1455.77 213.0 0.0 0.0 1.0 0.6797490373924869 0.06840165935975002 0.730248217499242 -39629.76725245863 -0.07831445014590481 0.9967186735590209 -0.020462958659260053 6959.958419579084 -0.729251735042387 -0.04327931117264594 0.6828753972446873 57882.28509115069 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/34376995_1253071592.jpg buckingham_palace/test/images/52580713_3540604945.jpg 0 0 536.63 0.0 319.5 0.0 536.63 239.5 0.0 0.0 1.0 547.77 0.0 319.5 0.0 547.77 213.0 0.0 0.0 1.0 0.920501595877174 0.05181435305320225 0.3872881160134589 -19369.819724603047 -0.011541954173149252 0.9943419306560699 -0.10559786093015576 3761.2136688867677 -0.3905682978448727 0.09273293782059158 0.9158913729049538 30001.049639603523 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/68304166_169924929.jpg buckingham_palace/test/images/47561034_5631016960.jpg 0 0 734.815 0.0 319.5 0.0 734.815 239.5 0.0 0.0 1.0 705.387 0.0 319.5 0.0 705.387 239.5 0.0 0.0 1.0 0.9766566982727435 -0.06618661527092473 -0.20435514595419904 14438.40914395508 0.07058208188291651 0.997403650305748 0.014287339634880287 12040.409491251165 0.20287893788182304 -0.028377637599838086 0.9787925450513993 68772.25218708784 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/78326446_53479975.jpg buckingham_palace/test/images/34988822_5659731458.jpg 0 0 517.948 0.0 219.5 0.0 517.948 164.5 0.0 0.0 1.0 627.58 0.0 319.5 0.0 627.58 213.5 0.0 0.0 1.0 0.9968805414985027 -0.0025271030863722923 -0.0788847243238058 31.391157970952918 0.005168767255639736 0.9994319872588868 0.033301451752274974 56.320495663975635 0.07875576059380694 -0.03360530603554918 0.9963273626572483 134.6804077334382 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/83726223_2253829152.jpg buckingham_palace/test/images/11786900_13849594023.jpg 0 0 543.47 0.0 319.5 0.0 543.47 213.0 0.0 0.0 1.0 894.994 0.0 319.5 0.0 894.994 239.5 0.0 0.0 1.0 0.607588817054594 -0.2027664700202305 -0.7679333226431405 37517.381618923406 -0.013161935306017026 0.9641606649850087 -0.264992406598125 773.5727825877535 0.794142677891825 0.17111391156536845 0.5831444387281766 137527.46711316553 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/36807384_2580130370.jpg buckingham_palace/test/images/39971618_5940743803.jpg 0 0 749.48 0.0 319.5 0.0 749.48 212.5 0.0 0.0 1.0 474.94 0.0 239.5 0.0 474.94 319.5 0.0 0.0 1.0 0.938443508177309 -0.04146817978153416 -0.3429346468723623 65432.63437840791 0.0160930597186575 0.996938735227419 -0.07651255865572526 -1912.2017642471915 0.3450576696564752 0.06628384621278727 0.9362380340183166 -113670.85695109479 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/15885029_599614928.jpg buckingham_palace/test/images/44119452_427463944.jpg 0 0 433.441 0.0 319.5 0.0 433.441 239.5 0.0 0.0 1.0 842.739 0.0 249.5 0.0 842.739 166.0 0.0 0.0 1.0 0.9990289769489338 0.012615256076332166 0.04221325065065713 -1889.5949848868872 -0.01625185866407903 0.9960804654530894 0.08694586495469397 496.3798557676638 -0.04095095000521282 -0.0875474822989539 0.9953182697191814 3409.8091208368587 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/19946837_1447873686.jpg buckingham_palace/test/images/89902711_383052108.jpg 0 0 1048.17 0.0 319.5 0.0 1048.17 239.5 0.0 0.0 1.0 728.351 0.0 319.5 0.0 728.351 239.5 0.0 0.0 1.0 0.9895727980509572 -0.02173103746634311 -0.14238482843419795 36047.40235635836 0.017222721245200093 0.9993128998379531 -0.032819294483146376 -6193.156156331159 0.14300019311353998 0.03002482686207766 0.9892671300217108 -82306.55557672685 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/49071313_2710217481.jpg buckingham_palace/test/images/06301377_3135673857.jpg 0 0 527.855 0.0 319.5 0.0 527.855 239.5 0.0 0.0 1.0 498.489 0.0 249.5 0.0 498.489 187.0 0.0 0.0 1.0 0.7387230316986315 0.02584449073378789 0.6735134332266087 -76562.41958067322 0.04144116284053447 0.9956324009810198 -0.08365854492635118 3214.702184332459 -0.6727339091055293 0.08971167379712168 0.7344255599610571 1372.87278342406 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/35412346_425909362.jpg buckingham_palace/test/images/39753040_13785121575.jpg 0 0 659.197 0.0 249.5 0.0 659.197 187.0 0.0 0.0 1.0 456.694 0.0 319.5 0.0 456.694 239.5 0.0 0.0 1.0 0.07631912981573331 -0.9105908172925891 -0.4062016172870115 25234.630852422815 0.9929121563113507 0.032181770075726916 0.11441059183457185 -9528.996900875472 -0.09110894727365261 -0.4120542405281222 0.9065927766034092 -43664.51297587281 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/64761148_2638801531.jpg buckingham_palace/test/images/93206568_5039285632.jpg 0 0 566.477 0.0 249.5 0.0 566.477 186.5 0.0 0.0 1.0 801.943 0.0 319.5 0.0 801.943 212.0 0.0 0.0 1.0 0.5466911439324234 0.031896980090288095 0.8367265836621772 -123413.08612042847 -0.037359982029699375 0.999208215946052 -0.013681115767673708 969.4940715369946 -0.8365004631729734 -0.023780745300089227 0.5474499532051978 51591.86193937383 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/01991338_3847005741.jpg buckingham_palace/test/images/03513470_2505259840.jpg 0 0 575.005 0.0 249.5 0.0 575.005 187.0 0.0 0.0 1.0 504.806 0.0 319.5 0.0 504.806 213.5 0.0 0.0 1.0 0.9075824513912469 0.030277865599121934 0.41878078368212657 -30809.59678403349 -0.04699939609222828 0.9984542118753857 0.029668898787589906 3882.7234891349112 -0.4172351263899294 -0.04660941581980968 0.9076025626138984 7591.295009989693 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/44140023_3726848652.jpg buckingham_palace/test/images/04563674_4259679500.jpg 0 0 667.066 0.0 319.5 0.0 667.066 212.0 0.0 0.0 1.0 611.976 0.0 319.5 0.0 611.976 239.5 0.0 0.0 1.0 0.42123812198478316 -0.027181360578156986 -0.90654267314002 106875.32495839459 0.168711403548971 0.9844529042470523 0.048876800550776416 -899.0242869032636 0.8911200294569016 -0.1735328584351227 0.41927489806100543 11756.922572290692 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/92472013_4238693784.jpg buckingham_palace/test/images/92121328_5579434644.jpg 0 0 640.379 0.0 319.5 0.0 640.379 210.5 0.0 0.0 1.0 575.219 0.0 319.5 0.0 575.219 239.5 0.0 0.0 1.0 0.9652057840183137 3.405811072897609e-05 0.26149147851820664 -28880.72539574952 -0.051738922817858544 0.9802549863762231 0.1908487504549053 -12297.058417078231 -0.25632182576448775 -0.1977376052363236 0.9461495447930858 -28645.91157282777 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/62344235_4979934495.jpg buckingham_palace/test/images/13945740_8521059121.jpg 0 0 543.599 0.0 213.5 0.0 543.599 319.5 0.0 0.0 1.0 538.505 0.0 319.5 0.0 538.505 239.5 0.0 0.0 1.0 0.9699564218819738 0.001573167439105717 0.24327364179895647 -15017.107229285099 -0.07915945619512478 0.9476024573373931 0.3094888743445007 -6975.510539610366 -0.23003982295422368 -0.31944813036288466 0.919257619964527 -28148.54277599739 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/83500228_4350950097.jpg buckingham_palace/test/images/10538802_8199902487.jpg 0 0 450.353 0.0 319.5 0.0 450.353 239.5 0.0 0.0 1.0 594.899 0.0 319.5 0.0 594.899 239.5 0.0 0.0 1.0 0.9723349803478001 -0.011510874363841649 0.23330706325232203 -19336.47053034795 -0.06317571106445498 0.948604383834729 0.3100944251369812 -8699.944968815758 -0.22488556094943854 -0.31625499638885424 0.9216340172408688 -32170.817754599673 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/00144688_335879737.jpg buckingham_palace/test/images/46081654_9210533871.jpg 0 0 573.033 0.0 249.5 0.0 573.033 187.0 0.0 0.0 1.0 915.01 0.0 319.5 0.0 915.01 213.0 0.0 0.0 1.0 0.8047621445992998 -0.0662142325749854 -0.589892842832019 60640.09078229168 0.07090148251254562 0.9973671248222099 -0.015224917122979595 7589.823279556203 0.5893478348118864 -0.02957184012509458 0.8073379935777564 74278.68761391508 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/11074774_4612638895.jpg buckingham_palace/test/images/12516230_8673895442.jpg 0 0 503.963 0.0 319.5 0.0 503.963 212.5 0.0 0.0 1.0 607.086 0.0 319.5 0.0 607.086 211.5 0.0 0.0 1.0 0.8737727592797399 -0.09109760750062393 -0.4777262720934785 46299.76494636617 0.0687723037310692 0.99557356552203 -0.06405970553533573 5231.170165444406 0.4814473339631154 0.023119289379533812 0.8761700537443595 56919.61317931335 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/72807922_9586802730.jpg buckingham_palace/test/images/51262215_3370618807.jpg 0 0 604.967 0.0 319.5 0.0 604.967 213.0 0.0 0.0 1.0 821.974 0.0 319.5 0.0 821.974 213.0 0.0 0.0 1.0 0.3762675590703718 -0.09795071293218552 -0.9213188274573038 97817.30313393901 0.1299606799885606 0.9901445488540886 -0.05219189622387503 11910.481475396296 0.9173510482079015 -0.10009710390720288 0.3852890137821936 103374.85274906634 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/13945740_8521059121.jpg buckingham_palace/test/images/12516230_8673895442.jpg 0 0 538.505 0.0 319.5 0.0 538.505 239.5 0.0 0.0 1.0 607.086 0.0 319.5 0.0 607.086 211.5 0.0 0.0 1.0 0.8948362756030984 -0.12061312876246397 -0.4297912435530827 28470.667654064106 0.0781052518363679 0.9902575047075577 -0.11528071827473609 12306.144220311558 0.43950837250313396 0.06958841527503562 0.8955388561972929 91925.14826170928 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/89896693_2049071963.jpg buckingham_palace/test/images/89269947_2824630864.jpg 0 0 722.799 0.0 319.5 0.0 722.799 239.5 0.0 0.0 1.0 509.392 0.0 239.5 0.0 509.392 319.5 0.0 0.0 1.0 0.9999244235700367 -0.003583802101598384 -0.011760251299458133 -1106.1313168867737 0.0032497481916175857 0.999594120459418 -0.02830253486268596 -8413.039607028084 0.011856908737985013 0.028262178002748745 0.9995302211587802 -42887.04001434771 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/31516490_8149048396.jpg buckingham_palace/test/images/12516230_8673895442.jpg 0 0 739.67 0.0 319.5 0.0 739.67 239.5 0.0 0.0 1.0 607.086 0.0 319.5 0.0 607.086 211.5 0.0 0.0 1.0 0.9889070663054206 -0.007302637679199376 -0.14835594256426957 34245.8125376347 -0.006159280030500478 0.9959155704524866 -0.09007907526059582 1917.78512180089 0.14840780801801634 0.08999359984590316 0.9848229660736303 24641.078391704403 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/34511353_8612252871.jpg buckingham_palace/test/images/92766299_2205106180.jpg 0 0 526.275 0.0 319.5 0.0 526.275 239.5 0.0 0.0 1.0 529.386 0.0 319.5 0.0 529.386 213.0 0.0 0.0 1.0 0.9325670357519343 0.05227141015896033 0.35719241804501445 -34514.07343398741 0.0028242386584064524 0.98837461598322 -0.15201198030426047 2988.5504432958983 -0.3609857995889187 0.14277015850665803 0.9215779589026275 13373.393486926685 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/00212661_8137933114.jpg buckingham_palace/test/images/03295994_6248335133.jpg 0 0 607.957 0.0 319.5 0.0 607.957 239.5 0.0 0.0 1.0 722.705 0.0 319.5 0.0 722.705 239.5 0.0 0.0 1.0 0.975282553047017 0.08328896515103702 0.2046628691437734 -32385.42954511708 -0.08796886791342043 0.9960268075421127 0.013859182353151691 -1958.0510442844675 -0.20269538721964833 -0.03152057965101621 0.978734403736959 -24608.350876490782 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/70365201_2960998111.jpg buckingham_palace/test/images/81973508_8989799070.jpg 0 0 738.141 0.0 239.5 0.0 738.141 319.5 0.0 0.0 1.0 697.977 0.0 319.5 0.0 697.977 239.5 0.0 0.0 1.0 0.9709980297103573 -0.017111753002247924 0.2384743470644044 -33101.59140335069 -0.010554171644385761 0.9933954253127177 0.11425470856233966 -1446.3589598483031 -0.23885442378047925 -0.11345799609086343 0.9644044003236095 5281.280889316546 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/63307507_3556599632.jpg buckingham_palace/test/images/89299405_4981004528.jpg 0 0 1617.87 0.0 319.5 0.0 1617.87 213.5 0.0 0.0 1.0 526.12 0.0 319.5 0.0 526.12 213.0 0.0 0.0 1.0 0.9999882633654871 0.004329613476470987 -0.0021742995242745476 -24881.558381180854 -0.003762207777846749 0.9766988135355825 0.21458162416857018 -24438.68922305285 0.0030526912574332355 -0.21457092553589252 0.9767036392840754 -98231.31023693574 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/86680206_8613353750.jpg buckingham_palace/test/images/13281945_9328537386.jpg 0 0 666.834 0.0 319.5 0.0 666.834 239.5 0.0 0.0 1.0 480.216 0.0 319.5 0.0 480.216 211.5 0.0 0.0 1.0 0.9999764658027006 -0.004947030814819917 0.004753391090343957 1502.4511106612226 0.004757744818492364 0.9992263363113199 0.03903962968701897 2995.4350460486976 -0.004942843815320103 -0.039016095498841045 0.9992263570318003 8243.885629524653 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/44119452_427463944.jpg buckingham_palace/test/images/89826404_8759127701.jpg 0 0 842.739 0.0 249.5 0.0 842.739 166.0 0.0 0.0 1.0 628.119 0.0 319.5 0.0 628.119 239.5 0.0 0.0 1.0 0.9694430134983689 -0.03671691818283149 -0.24255331681582187 -4532.698410290266 0.012603697012312919 0.9948847054232411 -0.10022758969731276 745.747775964855 0.2449926333603176 0.09410786807736281 0.964946795820946 5185.514859763878 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/59557144_4072456064.jpg buckingham_palace/test/images/09913545_5384620652.jpg 0 0 569.526 0.0 249.5 0.0 569.526 187.0 0.0 0.0 1.0 618.577 0.0 319.5 0.0 618.577 238.5 0.0 0.0 1.0 0.8636786243711824 -0.021074874552719065 0.5036021082828078 -39140.472279916576 -0.02405240842095937 0.9962640868718102 0.08294185227392666 -1710.0583896178764 -0.5034686836869331 -0.08374794846481709 0.8599450945696949 -7019.009206528759 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/90827153_3154791736.jpg buckingham_palace/test/images/89902711_383052108.jpg 0 0 537.352 0.0 249.5 0.0 537.352 187.0 0.0 0.0 1.0 728.351 0.0 319.5 0.0 728.351 239.5 0.0 0.0 1.0 0.9627004670768018 0.007797628393930288 0.27045703481613864 -5675.140947197706 -0.018513872828927053 0.9991402585361472 0.03709420824327404 862.9063509456532 -0.26993526483766844 -0.04071781874991876 0.9620171578684377 -34366.21546140751 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/63503162_6643082601.jpg buckingham_palace/test/images/12105658_501509035.jpg 0 0 771.297 0.0 305.5 0.0 771.297 305.5 0.0 0.0 1.0 734.683 0.0 319.5 0.0 734.683 212.0 0.0 0.0 1.0 0.9897354179164799 0.004704737556146617 -0.14283440750119886 14479.031050989923 0.010120291903314236 0.9946414684864554 0.10288794321444711 -10832.774930302698 0.14255308559790084 -0.1032773673736669 0.9843842761721067 -62058.988476067614 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/48484647_7883607208.jpg buckingham_palace/test/images/64569789_11614065733.jpg 0 0 530.224 0.0 319.5 0.0 530.224 182.5 0.0 0.0 1.0 549.862 0.0 319.5 0.0 549.862 239.5 0.0 0.0 1.0 0.9983937452664773 0.012586823885787407 0.05524039533932366 1329.1135452506005 -0.010783058488357271 0.9994027644240099 -0.032830475343549645 165.74477395112717 -0.05562063522123119 0.03218208082326135 0.9979331934611014 325.02715233850904 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/46081654_9210533871.jpg buckingham_palace/test/images/99045467_2406713065.jpg 0 0 915.01 0.0 319.5 0.0 915.01 213.0 0.0 0.0 1.0 703.265 0.0 319.5 0.0 703.265 239.5 0.0 0.0 1.0 0.6601976049828363 0.08403627796857895 0.7463759283096651 -95442.975295042 0.008057827049061779 0.9928714702758531 -0.11891726088130915 841.5503931637536 -0.7510487293100059 0.08452305896886164 0.654814216938188 -5173.495963192804 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/42080522_204096736.jpg buckingham_palace/test/images/80396877_5553830938.jpg 0 0 671.754 0.0 319.5 0.0 671.754 239.5 0.0 0.0 1.0 628.545 0.0 319.5 0.0 628.545 191.0 0.0 0.0 1.0 0.7668032384850999 -0.07843444780205314 -0.6370720766496909 54517.326750538676 -0.0018293465443394053 0.9922351085306393 -0.12436294822177145 2587.7530669748085 0.641879620287156 0.09652733704592338 0.7607056107738649 -2638.480619207623 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/40301915_5005868978.jpg buckingham_palace/test/images/18653284_7502960042.jpg 0 0 501.329 0.0 319.5 0.0 501.329 213.0 0.0 0.0 1.0 306.853 0.0 319.5 0.0 306.853 213.0 0.0 0.0 1.0 0.8619207799484233 -0.4961082584402599 -0.1047337815629416 44168.22478005217 0.4490548744185526 0.8428068472088562 -0.2966923289517367 -604.8124560513056 0.23546186284415474 0.2086940684476681 0.9492125667840267 -22369.63921194486 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/65062872_13486503543.jpg buckingham_palace/test/images/30612743_2756901875.jpg 0 0 588.768 0.0 319.5 0.0 588.768 239.5 0.0 0.0 1.0 565.589 0.0 249.5 0.0 565.589 187.0 0.0 0.0 1.0 0.8616584425887039 0.05094576744629039 -0.5049250014555801 36973.859450462325 0.009330268336989713 0.9931898772604223 0.11613274215391177 -1693.4836095082596 0.5074028718960591 -0.10477784349153065 0.8553151051541739 -5411.819722544358 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/81394496_5045390386.jpg buckingham_palace/test/images/92766299_2205106180.jpg 0 0 672.414 0.0 319.5 0.0 672.414 239.5 0.0 0.0 1.0 529.386 0.0 319.5 0.0 529.386 213.0 0.0 0.0 1.0 0.9780940515525421 0.02103956908071159 -0.20709747185910174 7731.474010477648 -0.021391491861578908 0.9997710299511225 0.0005401355453628335 2737.7293148377294 0.20706141695996738 0.0039018205198760843 0.9783201650805124 11763.118567363941 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/24173207_5973657415.jpg buckingham_palace/test/images/48839627_9410045471.jpg 0 0 565.88 0.0 319.5 0.0 565.88 213.0 0.0 0.0 1.0 464.127 0.0 319.5 0.0 464.127 212.0 0.0 0.0 1.0 0.7407632684434953 -0.04723828386873505 -0.6701032194088067 44296.72233169355 0.0873118866373291 0.9958333099434706 0.026318306534840043 891.886898628039 0.6660678753526105 -0.07800361109697689 0.7418012011847184 20976.683714547442 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/11419093_5995987486.jpg buckingham_palace/test/images/42080522_204096736.jpg 0 0 1719.98 0.0 319.5 0.0 1719.98 281.0 0.0 0.0 1.0 671.754 0.0 319.5 0.0 671.754 239.5 0.0 0.0 1.0 0.9697383663048336 0.027083217801883462 0.2426396509845999 -84187.28369372641 -0.03067270614305996 0.9994686501380305 0.011027351863633636 -8040.18653661351 -0.24221206826724007 -0.018136060894213903 0.9700538115387968 -127283.46431595455 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/81973508_8989799070.jpg buckingham_palace/test/images/31516490_8149048396.jpg 0 0 697.977 0.0 319.5 0.0 697.977 239.5 0.0 0.0 1.0 739.67 0.0 319.5 0.0 739.67 239.5 0.0 0.0 1.0 0.6805722524962856 -0.09889744880289383 -0.7259756908825602 47669.20712174969 0.13682192423349418 0.9905731509839476 -0.006677843871875796 20683.827713379935 0.7197924493777187 -0.09478463572759127 0.687687939874484 79148.39758296999 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/48284683_6191802350.jpg buckingham_palace/test/images/88817343_6780061632.jpg 0 0 447.039 0.0 319.5 0.0 447.039 213.0 0.0 0.0 1.0 716.556 0.0 319.5 0.0 716.556 213.0 0.0 0.0 1.0 0.7304499453426215 0.011235920683662642 -0.6828738034478639 48437.65914819888 0.05638235984218045 0.9954595508452798 0.07668971332284977 -1590.8005408477097 0.6806349292003666 -0.0945200334178128 0.7264998667825807 10730.713423377623 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/62496239_2805675448.jpg buckingham_palace/test/images/36807384_2580130370.jpg 0 0 752.203 0.0 319.5 0.0 752.203 239.5 0.0 0.0 1.0 749.48 0.0 319.5 0.0 749.48 212.5 0.0 0.0 1.0 0.9602164581238761 0.026645072987262746 0.27798272182555084 -55448.416743762165 -0.023884298716255137 0.9996260712771808 -0.013313823559791806 7345.31080179146 -0.27823352390190276 0.006144730136630395 0.9604938044926045 70002.19400590527 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/48659678_6312182163.jpg buckingham_palace/test/images/28259006_5155039232.jpg 0 0 642.526 0.0 319.5 0.0 642.526 239.5 0.0 0.0 1.0 550.045 0.0 319.5 0.0 550.045 214.0 0.0 0.0 1.0 0.9958606422122995 -0.025554905784267324 -0.0872268770670105 31601.639827041538 0.015716766218121403 0.9936216028915659 -0.1116650953827564 -3460.8329245679993 0.0895241003984461 0.10983194916577048 0.9899102880515469 -28759.209008605627 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/89299405_4981004528.jpg buckingham_palace/test/images/22496504_4546656558.jpg 0 0 526.12 0.0 319.5 0.0 526.12 213.0 0.0 0.0 1.0 835.668 0.0 319.5 0.0 835.668 213.0 0.0 0.0 1.0 0.7915507991580264 -0.13760301702448968 -0.5954097262037694 41060.26541706967 0.09454475790964155 0.9901630058347479 -0.10314315599255483 3248.877029429683 0.6037454936511716 0.025350179132606423 0.7967739624974248 26948.999182208372 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/66051487_8289127493.jpg buckingham_palace/test/images/76951988_220277127.jpg 0 0 729.749 0.0 319.5 0.0 729.749 239.5 0.0 0.0 1.0 678.241 0.0 319.5 0.0 678.241 239.5 0.0 0.0 1.0 0.9995067815075785 -0.026188147288247712 0.017331320260449173 -86.26370551315995 0.026110647578022995 0.9996480900061531 0.0046829723580516696 -5729.416307195903 -0.017447859565502422 -0.004228130634102737 0.9998388345668132 -33388.30209980365 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/66012681_3064490504.jpg buckingham_palace/test/images/89730574_3288971741.jpg 0 0 573.25 0.0 249.5 0.0 573.25 187.0 0.0 0.0 1.0 664.171 0.0 319.5 0.0 664.171 239.5 0.0 0.0 1.0 0.9995934530027071 0.016556803689221796 0.023212086630063977 -28839.517882077227 -0.018306688150574985 0.9968381298948797 0.077321458578045 -970.7987007656085 -0.021858496816629942 -0.0777149602024945 0.9967359685882928 -22594.7543958346 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/76276666_337183275.jpg buckingham_palace/test/images/84457371_9304536157.jpg 0 0 545.844 0.0 319.5 0.0 545.844 213.0 0.0 0.0 1.0 498.178 0.0 319.5 0.0 498.178 239.5 0.0 0.0 1.0 0.7925769344092358 0.23270951138495102 0.5636205162637669 -26155.812041091354 -0.010893108300873514 0.9295696182173202 -0.36848563754758623 -2553.696638124592 -0.6096746207888297 0.2859136376570433 0.739290368236807 48287.398043463094 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/84457371_9304536157.jpg buckingham_palace/test/images/83415428_2296055089.jpg 0 0 498.178 0.0 319.5 0.0 498.178 239.5 0.0 0.0 1.0 551.523 0.0 319.5 0.0 551.523 239.5 0.0 0.0 1.0 0.9985787995453951 -0.042686383782989355 0.0319100883422321 12457.043314786955 0.03297975301883862 0.9652635243014919 0.2591884730150621 -7078.960930419531 -0.041865462965242836 -0.25776772740704856 0.9652994777363714 -36114.23556432849 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/34591604_85337315.jpg buckingham_palace/test/images/81888816_2734302.jpg 0 0 588.671 0.0 319.5 0.0 588.671 239.5 0.0 0.0 1.0 669.636 0.0 319.5 0.0 669.636 239.5 0.0 0.0 1.0 0.9950885969769309 0.017057337318677254 -0.09750759667882582 7153.959015247463 -0.0020910526340508903 0.988443978909513 0.15157218760845395 -2799.359358330238 0.0989662147672898 -0.15062386199114536 0.983624999953492 -8242.823193636668 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/87785947_1573426398.jpg buckingham_palace/test/images/30612743_2756901875.jpg 0 0 660.277 0.0 319.5 0.0 660.277 239.5 0.0 0.0 1.0 565.589 0.0 249.5 0.0 565.589 187.0 0.0 0.0 1.0 0.6657662856561638 -0.2089251061051991 -0.7163138648124345 25324.25340535103 0.03521999043470146 0.9677289653768234 -0.24951994277909426 2286.0262807538447 0.7453286558004965 0.14089339803423814 0.651639659039404 34969.68761783857 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/82736794_5152319320.jpg buckingham_palace/test/images/37738135_1526579232.jpg 0 0 723.947 0.0 319.5 0.0 723.947 239.5 0.0 0.0 1.0 526.293 0.0 319.5 0.0 526.293 213.5 0.0 0.0 1.0 0.9981668909010303 0.0066988927933204455 -0.060149669527889436 5438.920828496621 -0.010319162145806615 0.9981402052276573 -0.06008032623661951 -185.79172190176223 0.05963533182249649 0.06059088663680107 0.9963796322963387 -3461.5761552949734 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/49769462_3201360263.jpg buckingham_palace/test/images/84030835_2661414475.jpg 0 0 774.939 0.0 319.5 0.0 774.939 213.0 0.0 0.0 1.0 520.103 0.0 249.5 0.0 520.103 140.0 0.0 0.0 1.0 0.9421458385113227 -0.058934957857057484 -0.32998165057800344 54823.59978139982 0.04415463167818582 0.9976644362063724 -0.05211565245092127 -8994.468583908605 0.33228239116324004 0.03453032683610633 0.9425476481597261 -85843.97844327685 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/35412346_425909362.jpg buckingham_palace/test/images/11074774_4612638895.jpg 0 0 659.197 0.0 249.5 0.0 659.197 187.0 0.0 0.0 1.0 503.963 0.0 319.5 0.0 503.963 212.5 0.0 0.0 1.0 0.9968453861892522 0.021322300102117407 0.07645021616422071 -3654.0214297991283 -0.03236733351612696 0.9887126745193209 0.1462860313423917 -3027.825016033086 -0.07246814303027664 -0.14829904505156682 0.986283813860157 -10839.649169630151 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/96795280_10579107723.jpg buckingham_palace/test/images/16210476_4152300283.jpg 0 0 778.565 0.0 319.5 0.0 778.565 319.5 0.0 0.0 1.0 723.131 0.0 239.5 0.0 723.131 319.5 0.0 0.0 1.0 0.942041742540284 0.01870051825364407 0.3349740973996503 -8022.899975123901 0.002997558854304874 0.9979363098564586 -0.06414153187279782 -1634.8108327940975 -0.335482294544109 0.06142810502627672 0.9400416043773279 37049.389481260834 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/83721004_321291688.jpg buckingham_palace/test/images/94916212_250193805.jpg 0 0 713.043 0.0 319.5 0.0 713.043 239.5 0.0 0.0 1.0 540.593 0.0 249.5 0.0 540.593 187.0 0.0 0.0 1.0 0.93165536574859 -0.0406595960574563 -0.3610610429280698 23278.34708097268 0.08499770281954475 0.990535040693946 0.10777626674200179 -7884.191376995563 0.35326147537944375 -0.13109969643705224 0.926293257886967 -48803.428974045506 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/58837390_828863639.jpg buckingham_palace/test/images/72721744_6254882589.jpg 0 0 664.357 0.0 319.5 0.0 664.357 239.5 0.0 0.0 1.0 292.816 0.0 319.5 0.0 292.816 187.0 0.0 0.0 1.0 0.999770555062563 0.008047844811754403 0.019851181924017976 -10085.58056508851 -0.009143418119708554 0.9984039705958841 0.05573068637170117 -15247.979402659466 -0.019370986938788762 -0.055899406904355055 0.9982484766693905 -39922.65348836784 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/65292787_5063207561.jpg buckingham_palace/test/images/48728464_4071692457.jpg 0 0 693.23 0.0 319.5 0.0 693.23 239.5 0.0 0.0 1.0 569.812 0.0 249.5 0.0 569.812 187.0 0.0 0.0 1.0 0.9774963748380296 -0.04856736194963194 0.2052852857166426 -40184.529197353004 0.027751251750676064 0.9942847381294279 0.10309087034827774 -2007.0424121592123 -0.20911887816450422 -0.09507402839970676 0.9732575321666259 -59371.533358899884 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/42080522_204096736.jpg buckingham_palace/test/images/84843004_4889485367.jpg 0 0 671.754 0.0 319.5 0.0 671.754 239.5 0.0 0.0 1.0 538.063 0.0 319.5 0.0 538.063 213.0 0.0 0.0 1.0 0.8664883711083669 -0.05158306269974835 -0.4965250148547231 62993.591912668795 0.0505428979536288 0.9986009812728273 -0.015540130868024589 2041.9476605167245 0.4966319746053592 -0.011630470474580813 0.8678832951244777 -7742.40143595484 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/94455955_3929007141.jpg buckingham_palace/test/images/34376995_1253071592.jpg 0 0 731.249 0.0 319.5 0.0 731.249 239.5 0.0 0.0 1.0 536.63 0.0 319.5 0.0 536.63 239.5 0.0 0.0 1.0 0.9993333770303209 0.017482453446174797 0.03204942081656272 -17333.315274439035 -0.017741207990021032 0.9998121319098028 0.007807075318560074 -7617.968953668378 -0.031906912922274475 -0.008370466383493074 0.9994557940200721 -57271.34189891991 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/97292713_2986088736.jpg buckingham_palace/test/images/66118214_3789268806.jpg 0 0 683.491 0.0 319.5 0.0 683.491 221.0 0.0 0.0 1.0 872.296 0.0 319.5 0.0 872.296 239.5 0.0 0.0 1.0 0.9814855289861129 0.035985115748986475 0.1881255640134591 -25954.781650825953 -0.007542398259845814 0.9886921899811089 -0.14976937503658297 609.7992830153939 -0.19138774417224289 0.14557755635705252 0.9706584911624528 4021.8243317507768 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/35412346_425909362.jpg buckingham_palace/test/images/06301377_3135673857.jpg 0 0 659.197 0.0 249.5 0.0 659.197 187.0 0.0 0.0 1.0 498.489 0.0 249.5 0.0 498.489 187.0 0.0 0.0 1.0 0.9994618607222849 0.019267452667866142 -0.026547207560110392 1377.5118113713245 -0.021545374960292213 0.9958538887035893 -0.08837889551108696 168.8867285751619 0.024734303696859104 0.08890330489712268 0.9957331051034713 -4647.277720958667 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/34511353_8612252871.jpg buckingham_palace/test/images/52927333_9772228794.jpg 0 0 526.275 0.0 319.5 0.0 526.275 239.5 0.0 0.0 1.0 548.596 0.0 319.5 0.0 548.596 179.0 0.0 0.0 1.0 0.9215469090463448 0.07265240522588548 0.38140912737114946 -32726.662774350356 0.009752761582492681 0.9776957155471993 -0.20979983661138804 2256.2686145397142 -0.388144532447184 0.19706018323229021 0.9002839030638132 6977.634238258524 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/79123276_3884527240.jpg buckingham_palace/test/images/56032606_8199293549.jpg 0 0 1531.74 0.0 319.5 0.0 1531.74 212.0 0.0 0.0 1.0 476.287 0.0 319.5 0.0 476.287 239.5 0.0 0.0 1.0 0.967811008406025 -0.029349980305573304 -0.2499608582641994 66766.87135265248 0.041811357396329726 0.9981255907076483 0.044689098974854534 -21277.07821261222 0.24818070513395896 -0.0537018047235884 0.9672240969747602 -96533.57132635699 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/31650540_6170454977.jpg buckingham_palace/test/images/62184736_5578846989.jpg 0 0 681.385 0.0 319.5 0.0 681.385 239.5 0.0 0.0 1.0 581.244 0.0 319.5 0.0 581.244 239.5 0.0 0.0 1.0 0.998023555188724 0.01991121701938856 0.05960307647485072 -9474.395893695983 -0.02164790038096255 0.9993554967104378 0.028634936768395732 11624.951374931417 -0.05899450565566269 -0.029868622858125075 0.9978113617668437 69236.62196680057 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/34591604_85337315.jpg buckingham_palace/test/images/50497824_8033642711.jpg 0 0 588.671 0.0 319.5 0.0 588.671 239.5 0.0 0.0 1.0 449.291 0.0 319.5 0.0 449.291 213.0 0.0 0.0 1.0 0.9999074751642447 0.0032568062028563317 0.013207358707273032 208.6621009803912 -0.006211749805366643 0.9730937114994067 0.2303259490475732 -3642.0800188391513 -0.012101870724027443 -0.2303866789848467 0.9730239066288722 -9302.657025668761 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/04861657_8587228495.jpg buckingham_palace/test/images/74845354_647484279.jpg 0 0 671.319 0.0 319.5 0.0 671.319 239.5 0.0 0.0 1.0 550.969 0.0 249.5 0.0 550.969 187.0 0.0 0.0 1.0 0.7990276535202777 0.06192220547794827 0.5980973577759943 -83897.25520045409 -0.03206308078326171 0.9976558499662839 -0.06045464315284736 1384.9571823540837 -0.6004388126700047 0.029128087764198285 0.7991400294958552 -13000.470383643118 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/81485196_7160898455.jpg buckingham_palace/test/images/65063014_3656668731.jpg 0 0 640.287 0.0 319.5 0.0 640.287 232.0 0.0 0.0 1.0 689.192 0.0 319.5 0.0 689.192 239.5 0.0 0.0 1.0 0.8526657813251419 0.012425335307924475 0.5223089855628287 -61296.6059946804 -0.06945884913654955 0.9935388313277695 0.08975555091734295 -6603.008742050558 -0.5178190162921903 -0.11281046798207753 0.8480196133815852 -32155.694307853795 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/69599759_2579291719.jpg buckingham_palace/test/images/21622015_377333223.jpg 0 0 502.541 0.0 319.5 0.0 502.541 212.5 0.0 0.0 1.0 671.989 0.0 319.5 0.0 671.989 239.5 0.0 0.0 1.0 0.7411932435145817 -0.1837635776643821 -0.6456496908481565 8175.4082713929165 0.030449083331132804 0.9700153020472722 -0.24112894292977938 507.64087695624244 0.6706007971160095 0.15906370207601003 0.7245642204727245 38454.36617623311 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/23363801_5143002413.jpg buckingham_palace/test/images/97000297_3525745026.jpg 0 0 729.125 0.0 319.5 0.0 729.125 239.5 0.0 0.0 1.0 537.107 0.0 319.5 0.0 537.107 209.0 0.0 0.0 1.0 0.9938050629064799 0.003850332149667757 0.11107057163706661 -21645.814815275357 -0.03679174328327846 0.9544455993530983 0.2961080301202284 -13425.834668576354 -0.10487070404848448 -0.29836013945874534 0.9486745293379247 -32456.26902195486 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/30612743_2756901875.jpg buckingham_palace/test/images/81547541_3154792166.jpg 0 0 565.589 0.0 249.5 0.0 565.589 187.0 0.0 0.0 1.0 514.553 0.0 249.5 0.0 514.553 187.0 0.0 0.0 1.0 0.9869999904135802 -0.005998685191246438 0.16060832699324493 -3621.6984193491007 0.02918760722789034 0.9893764401670634 -0.14241609188100737 -4514.424588285435 -0.15804778552040247 0.14525245408710127 0.9766896242275593 59577.910007257284 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/78850803_8040467285.jpg buckingham_palace/test/images/88827990_5044159062.jpg 0 0 936.98 0.0 319.5 0.0 936.98 239.5 0.0 0.0 1.0 800.954 0.0 319.5 0.0 800.954 239.5 0.0 0.0 1.0 0.8995517698729091 -0.04405142449667146 -0.4345872585779873 71554.97979963549 0.05225612353910109 0.9986095863274995 0.006942020418199231 -3878.8718758290925 0.4336771966234592 -0.028954552226455606 0.9006029774735272 -25549.87909818776 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/94455955_3929007141.jpg buckingham_palace/test/images/65062872_13486503543.jpg 0 0 731.249 0.0 319.5 0.0 731.249 239.5 0.0 0.0 1.0 588.768 0.0 319.5 0.0 588.768 239.5 0.0 0.0 1.0 0.886525560950105 0.04626820851437353 0.4603603834638383 -61520.01238999426 0.03983611098488498 0.9836597001395632 -0.17557527896302644 1630.774011946831 -0.4609615103712042 0.17399094000037782 0.8701963219607878 -22211.114813063272 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/97292713_2986088736.jpg buckingham_palace/test/images/61285342_3151612050.jpg 0 0 683.491 0.0 319.5 0.0 683.491 221.0 0.0 0.0 1.0 536.336 0.0 249.5 0.0 536.336 187.0 0.0 0.0 1.0 0.8582658223487496 0.08451232754645341 0.5061990168705442 -45188.06853412163 0.05173694576714654 0.9670747058822842 -0.24917825283395198 1930.4991399359715 -0.5105908994789389 0.2400503691631707 0.8256347580098077 -2388.993739714345 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/97483818_594151094.jpg buckingham_palace/test/images/42575336_5691036729.jpg 0 0 655.958 0.0 319.5 0.0 655.958 239.5 0.0 0.0 1.0 681.719 0.0 319.5 0.0 681.719 212.5 0.0 0.0 1.0 0.9979065191334326 0.016531279622719275 0.06252436217212783 -5673.490198397544 -0.0008843239651471678 0.9701764708923418 -0.24239808847844824 1607.9938741116134 -0.06466681561759952 0.24183534092625175 0.9681600440200797 18004.682474405152 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/99420280_3920306353.jpg buckingham_palace/test/images/40640722_7130151431.jpg 0 0 872.142 0.0 319.5 0.0 872.142 213.0 0.0 0.0 1.0 718.085 0.0 319.5 0.0 718.085 239.5 0.0 0.0 1.0 0.647841584178462 0.12668926434923003 0.75116650092226 -108996.28851830098 -0.06334762861513037 0.9916180136748689 -0.11260902674451553 5838.660570041769 -0.7591365883409785 0.02536819375041144 0.6504368493465458 73417.72677440797 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/12516230_8673895442.jpg buckingham_palace/test/images/88595844_3830407687.jpg 0 0 607.086 0.0 319.5 0.0 607.086 211.5 0.0 0.0 1.0 507.93 0.0 319.5 0.0 507.93 213.5 0.0 0.0 1.0 0.703743693795869 0.079445848626517 0.7059979961576087 -106922.39489767893 -0.05279777373233032 0.9968284379887848 -0.05954376798413906 709.3383355773021 -0.7084893849109215 0.004628428767074184 0.7057062909707494 13097.79569537824 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/40640722_7130151431.jpg buckingham_palace/test/images/05108322_3880700444.jpg 0 0 718.085 0.0 319.5 0.0 718.085 239.5 0.0 0.0 1.0 525.813 0.0 319.5 0.0 525.813 213.0 0.0 0.0 1.0 0.6812157308528027 -0.09237686028822371 -0.7262311227990521 127006.7651118756 0.07628991856915392 0.9955634583285591 -0.055074937726620074 2685.5011098060913 0.7280968179874114 -0.017886199265612822 0.685240912024696 -4660.345635675236 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/24967538_249111453.jpg buckingham_palace/test/images/84211719_64399705.jpg 0 0 1172.73 0.0 319.5 0.0 1172.73 239.5 0.0 0.0 1.0 1267.76 0.0 249.5 0.0 1267.76 187.0 0.0 0.0 1.0 0.9999872370719913 -0.0027825337380049556 -0.004217013056891798 -721.6336194356481 0.002895374541678324 0.9996314322159203 0.026992897810560895 827.496422280072 0.004140350152889517 -0.027004763134396228 0.9996267304692622 11523.839760258277 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/39881987_8753914632.jpg buckingham_palace/test/images/81547541_3154792166.jpg 0 0 696.104 0.0 319.5 0.0 696.104 211.5 0.0 0.0 1.0 514.553 0.0 249.5 0.0 514.553 187.0 0.0 0.0 1.0 0.9943497194083382 -0.004368848307315375 0.10606388959974432 -19992.060486105256 0.02211358646143252 0.985757803535537 -0.1667109536371455 176.99573140138637 -0.10382497197867112 0.16811444296449193 0.9802846062549215 3190.364853669882 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/15885029_599614928.jpg buckingham_palace/test/images/86576612_2460544550.jpg 0 0 433.441 0.0 319.5 0.0 433.441 239.5 0.0 0.0 1.0 775.263 0.0 319.5 0.0 775.263 180.0 0.0 0.0 1.0 0.9488327947872432 0.020524066143720255 -0.3151112347174524 32674.216426208794 0.0022986161728224073 0.9974102450433671 0.07188546060380108 2159.491162227688 0.3157705557836563 -0.06893160226963241 0.946328373403557 44499.28279230401 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/24708453_4252951589.jpg buckingham_palace/test/images/76017051_5339375111.jpg 0 0 716.742 0.0 319.5 0.0 716.742 239.5 0.0 0.0 1.0 482.865 0.0 319.5 0.0 482.865 239.5 0.0 0.0 1.0 0.9507952074738252 0.047583987074748785 0.30614414516510996 -55535.3880075518 -0.04804690948431216 0.9988268915933068 -0.006027861897798035 338.676465687613 -0.3060718345973901 -0.00897801782815972 0.951966085142777 1933.871487511914 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/80208883_2309723001.jpg buckingham_palace/test/images/94200008_8305050186.jpg 0 0 608.393 0.0 212.5 0.0 608.393 319.5 0.0 0.0 1.0 746.609 0.0 305.5 0.0 746.609 305.5 0.0 0.0 1.0 0.9708078809465897 -0.08517867599435443 -0.22422455585381554 12249.593619973115 0.08776765175413705 0.9961397107112393 0.0015862060689789755 11000.0145917442 0.22322387326976598 -0.021219564085473805 0.9745362140538781 41380.82774992338 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/28945073_6309209323.jpg buckingham_palace/test/images/92891727_3739824491.jpg 0 0 657.152 0.0 319.5 0.0 657.152 239.5 0.0 0.0 1.0 528.312 0.0 319.5 0.0 528.312 239.5 0.0 0.0 1.0 0.6134614026544701 -0.07528907909143476 0.786127637233785 -60551.46683850181 -0.09327930620215434 0.9815688133056889 0.16679818877945415 -6585.729261806912 -0.7841964540136959 -0.17565369143637544 0.5951316679501434 -10980.168230425974 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/42754968_4815256883.jpg buckingham_palace/test/images/38067003_3099337568.jpg 0 0 608.915 0.0 319.5 0.0 608.915 212.0 0.0 0.0 1.0 666.233 0.0 319.5 0.0 666.233 213.0 0.0 0.0 1.0 0.571460653681125 -0.1091962979783276 -0.8133319677734113 105258.25625518832 0.1596830425163091 0.986959361809955 -0.020311180872139643 -4446.708566973356 0.8049435056120869 -0.11826828249160652 0.58144523914932 -8240.135463392395 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/86151722_3888442454.jpg buckingham_palace/test/images/39733199_8623371744.jpg 0 0 505.778 0.0 249.5 0.0 505.778 187.0 0.0 0.0 1.0 1338.45 0.0 319.5 0.0 1338.45 239.5 0.0 0.0 1.0 0.8843453095760268 0.10168939392142064 0.455623353873323 -17669.684117222867 -0.026923486697993014 0.9854724538891025 -0.16768771120691395 6837.481771082434 -0.4660563263114279 0.1360268715720703 0.8742357753577755 39183.708504246126 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/81547541_3154792166.jpg buckingham_palace/test/images/58780959_4178228.jpg 0 0 514.553 0.0 249.5 0.0 514.553 187.0 0.0 0.0 1.0 561.783 0.0 249.5 0.0 561.783 187.0 0.0 0.0 1.0 0.9967165042882311 0.012076315133773337 -0.0800648030799949 7494.574838136396 0.006413302832846034 0.9739345235492941 0.22673864554941642 -6545.501600856907 0.08071604317744253 -0.22650763000746682 0.9706591646516185 -41287.68460851049 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/12103866_2466593345.jpg buckingham_palace/test/images/91534757_514721391.jpg 0 0 415.566 0.0 249.5 0.0 415.566 166.5 0.0 0.0 1.0 527.291 0.0 249.5 0.0 527.291 187.0 0.0 0.0 1.0 0.9475502972247593 0.09444791291258521 0.3053326480671977 -19425.586563117606 -0.05094623485057476 0.987758349156315 -0.14743786768175066 6011.210222974302 -0.3155200712852045 0.12414924654804821 0.9407624828816948 65470.95574420515 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/33491680_3513928900.jpg buckingham_palace/test/images/24967538_249111453.jpg 0 0 656.038 0.0 239.5 0.0 656.038 319.5 0.0 0.0 1.0 1172.73 0.0 319.5 0.0 1172.73 239.5 0.0 0.0 1.0 0.9633924020522877 -0.0746766959139629 -0.25748489422740267 9747.447502722836 0.028175992454364307 0.9833068383731118 -0.1797603267072203 2829.827662884681 0.2666105645264921 0.1659248405033089 0.9494144269953014 81161.76507780165 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/25919709_2805904071.jpg buckingham_palace/test/images/62344235_4979934495.jpg 0 0 562.99 0.0 249.5 0.0 562.99 187.0 0.0 0.0 1.0 543.599 0.0 213.5 0.0 543.599 319.5 0.0 0.0 1.0 0.9349488966755898 0.007590066402767873 0.35470121440037333 -48747.786087414526 0.06290863070303446 0.9803820514656255 -0.18679811922800774 1904.1961601834782 -0.34916051436003925 0.19696046317993202 0.9161296366539943 -19541.557127869557 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/03119315_5739628680.jpg buckingham_palace/test/images/88139524_3180271751.jpg 0 0 535.335 0.0 319.5 0.0 535.335 208.0 0.0 0.0 1.0 319.518 0.0 249.5 0.0 319.518 166.5 0.0 0.0 1.0 0.9524922232469843 -0.018157681480405904 0.3040211559370059 -5598.395717398076 0.017189321614856982 0.9998350719669418 0.005861406595799822 131.77051161645596 -0.3040774438797428 -0.0003570267726661508 0.9526472488048477 -10728.417724503443 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/99420280_3920306353.jpg buckingham_palace/test/images/70570527_4281018485.jpg 0 0 872.142 0.0 319.5 0.0 872.142 213.0 0.0 0.0 1.0 986.13 0.0 319.5 0.0 986.13 239.5 0.0 0.0 1.0 0.8646587370015134 -0.09115252143837053 -0.4940207347494385 70717.28275086754 0.0587959967085917 0.9950042290742215 -0.08068218449854564 -6016.986263119589 0.49890710487824386 0.04071611425273154 0.8656985033729511 -55033.83830586173 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/38067003_3099337568.jpg buckingham_palace/test/images/28945073_6309209323.jpg 0 0 666.233 0.0 319.5 0.0 666.233 213.0 0.0 0.0 1.0 657.152 0.0 319.5 0.0 657.152 239.5 0.0 0.0 1.0 0.9868612695120129 0.03026697234186606 0.15870962517249781 -15145.893701822708 0.0040394277667803995 0.9773679619061711 -0.21150780142277092 528.0467297454868 -0.16151940366548861 0.20936995349054757 0.9644043264185987 22425.13699274489 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/66271166_7212713294.jpg buckingham_palace/test/images/30985649_2732223159.jpg 0 0 1264.51 0.0 213.5 0.0 1264.51 319.5 0.0 0.0 1.0 688.364 0.0 319.5 0.0 688.364 239.5 0.0 0.0 1.0 0.9880851316318198 0.029895441292015157 0.15097693611305318 -39294.47447245085 -0.03301576418722584 0.999289056527096 0.01820276957828366 -16478.06173444257 -0.15032542021648493 -0.022970504895240516 0.9883696797967828 -83713.70303842443 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/83690948_250193885.jpg buckingham_palace/test/images/58837390_828863639.jpg 0 0 540.856 0.0 249.5 0.0 540.856 187.0 0.0 0.0 1.0 664.357 0.0 319.5 0.0 664.357 239.5 0.0 0.0 1.0 0.9438461801905552 0.04347742490333234 0.3275119870531048 -9726.31182327008 -0.10437746592941298 0.9797726055263755 0.17073659849666528 2832.8892096147183 -0.31346408525675196 -0.19533395757991578 0.9292926946179634 3573.1035282523144 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/83721004_321291688.jpg buckingham_palace/test/images/82558397_4279227566.jpg 0 0 713.043 0.0 319.5 0.0 713.043 239.5 0.0 0.0 1.0 507.207 0.0 319.5 0.0 507.207 212.5 0.0 0.0 1.0 0.9473558947987165 -0.053150876149593865 -0.31574007182277924 23323.577669411396 0.07857406332965862 0.9945635352862062 0.0683336728917022 -6415.469334250563 0.31039156747887026 -0.08954528822631534 0.9463819082138435 -53092.47378866969 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/46081654_9210533871.jpg buckingham_palace/test/images/75966612_8640534113.jpg 0 0 915.01 0.0 319.5 0.0 915.01 213.0 0.0 0.0 1.0 858.38 0.0 319.5 0.0 858.38 239.5 0.0 0.0 1.0 0.93806479818138 0.020567347977377887 0.34584883780360504 -68072.17741065724 0.001456325206325711 0.9979934860329785 -0.06329992853579243 3144.3732046760783 -0.3464567989372128 0.05988310306689575 0.9361526053145711 45181.46805102613 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/04439510_3913043145.jpg buckingham_palace/test/images/01991338_3847005741.jpg 0 0 534.779 0.0 319.5 0.0 534.779 213.0 0.0 0.0 1.0 575.005 0.0 249.5 0.0 575.005 187.0 0.0 0.0 1.0 0.9184566694984831 0.011558237373236321 -0.3953526949479135 30650.444156115944 0.008566165943770665 0.9987571694296852 0.049099259809356414 -2541.793197085424 0.39542883943230256 -0.04848219943058301 0.9172161736927643 4476.074652721819 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/40698826_4043332345.jpg buckingham_palace/test/images/89896693_2049071963.jpg 0 0 664.744 0.0 319.5 0.0 664.744 239.5 0.0 0.0 1.0 722.799 0.0 319.5 0.0 722.799 239.5 0.0 0.0 1.0 0.8746182962380964 0.019643355605869408 0.4844140527132862 -63036.94831185208 -0.10827654589620801 0.9818553050950585 0.15568027962935993 -1528.9422436683717 -0.47256642442555674 -0.18861150133867946 0.8608755287893911 -24625.542390742085 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/74969573_235362322.jpg buckingham_palace/test/images/80448535_2424346689.jpg 0 0 503.536 0.0 319.5 0.0 503.536 212.5 0.0 0.0 1.0 770.034 0.0 319.5 0.0 770.034 239.5 0.0 0.0 1.0 0.7807488666726197 -0.12211051951417189 -0.6127970530390947 36989.92032069047 0.03311685742379672 0.9874268500663146 -0.1545687210352971 2013.3993443219633 0.6239667306385749 0.10038544113612599 0.7749763107760865 47438.63255102845 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/87539697_3102605685.jpg buckingham_palace/test/images/88817343_6780061632.jpg 0 0 723.469 0.0 319.5 0.0 723.469 239.5 0.0 0.0 1.0 716.556 0.0 319.5 0.0 716.556 213.0 0.0 0.0 1.0 0.7152217517870998 -0.0578781270918165 -0.6964969261776651 61088.39010799426 0.051214920691771505 0.9982260871652507 -0.030359690401730522 -1257.8690264762638 0.6970185633604946 -0.013957123883412055 0.7169172344307085 16182.969753225158 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/73390455_10578819085.jpg buckingham_palace/test/images/77141853_3913827430.jpg 0 0 778.562 0.0 319.5 0.0 778.562 319.5 0.0 0.0 1.0 534.162 0.0 319.5 0.0 534.162 213.0 0.0 0.0 1.0 0.9023178032666133 0.004718106568006693 0.4310456140346707 -34494.01884679552 0.036192080527089304 0.9955804028273882 -0.08665907230738164 2190.8813538068416 -0.42954943279584723 0.09379446133151066 0.8981591639616543 -3053.6205262389485 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/54122468_53118210.jpg buckingham_palace/test/images/83600107_4900371165.jpg 0 0 475.674 0.0 239.5 0.0 475.674 159.5 0.0 0.0 1.0 540.202 0.0 319.5 0.0 540.202 239.5 0.0 0.0 1.0 0.8610341437391498 0.08132362959378528 0.5020026599382538 -25101.59458222244 -0.08716494470533322 0.9961232300230345 -0.01186520218929508 11584.717466359256 -0.501021432405746 -0.03354068988809653 0.8647846820983389 49890.99023802696 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/35721053_45922082.jpg buckingham_palace/test/images/84030835_2661414475.jpg 0 0 534.729 0.0 249.5 0.0 534.729 187.0 0.0 0.0 1.0 520.103 0.0 249.5 0.0 520.103 140.0 0.0 0.0 1.0 0.9307982849502832 -0.06928849338780682 -0.35890619584741024 10009.772483088967 0.044619868453060756 0.9960648206176934 -0.07657637016125685 2800.059890759904 0.36279969690290986 0.05526280676811598 0.9302270701905351 8152.603952203297 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/97483818_594151094.jpg buckingham_palace/test/images/34791488_2406713663.jpg 0 0 655.958 0.0 319.5 0.0 655.958 239.5 0.0 0.0 1.0 696.679 0.0 319.5 0.0 696.679 239.5 0.0 0.0 1.0 0.9858496404984686 -0.0421444628000255 -0.1622477444661017 -6860.916141196398 0.007169756515630914 0.9775957006630498 -0.2103692958504803 1841.2623962635653 0.16747859839557633 0.20622921786307982 0.9640645355882745 9156.782130112457 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/87374275_5233148436.jpg buckingham_palace/test/images/97156938_2710050704.jpg 0 0 539.491 0.0 319.5 0.0 539.491 202.5 0.0 0.0 1.0 730.199 0.0 319.5 0.0 730.199 239.5 0.0 0.0 1.0 0.7326958299038218 0.030059520567333683 0.6798920841316011 -73927.9815553071 -0.05317210218877615 0.998498698101455 0.013155889879677203 7368.847526075449 -0.6784759011124688 -0.045790557028298866 0.7331941601626827 56723.9670057964 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/83387888_3756983584.jpg buckingham_palace/test/images/91870054_4238721718.jpg 0 0 533.38 0.0 319.5 0.0 533.38 239.5 0.0 0.0 1.0 801.672 0.0 319.5 0.0 801.672 211.5 0.0 0.0 1.0 0.9963908821111978 -0.028385750085001236 -0.07999662016473869 -17678.251099417022 0.009110868708079265 0.972747691599138 -0.23168711781178689 1761.523269168527 0.08439314022510229 0.23012209298687628 0.9694955493463009 5468.652898142488 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/49117697_7908670900.jpg buckingham_palace/test/images/35412346_425909362.jpg 0 0 709.993 0.0 319.5 0.0 709.993 213.5 0.0 0.0 1.0 659.197 0.0 249.5 0.0 659.197 187.0 0.0 0.0 1.0 0.8340190607100656 0.09553965155174715 0.5434007557536801 -30657.608628462338 -0.018796249525518595 0.9892416984501192 -0.14507778276254996 4095.345981637672 -0.5514153673738832 0.11078373991201929 0.826842219286746 35169.83187794825 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/64561640_252491027.jpg buckingham_palace/test/images/62344235_4979934495.jpg 0 0 485.125 0.0 319.5 0.0 485.125 179.5 0.0 0.0 1.0 543.599 0.0 213.5 0.0 543.599 319.5 0.0 0.0 1.0 0.8950722229805996 -0.12677233176857036 -0.4275213346097801 16895.93463207526 -0.03950907602253853 0.932421209213273 -0.3592070733171933 -2695.654065127443 0.44416747805350776 0.3384072465347304 0.8295756667913837 34398.844087022444 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88827990_5044159062.jpg buckingham_palace/test/images/86900704_328544021.jpg 0 0 800.954 0.0 319.5 0.0 800.954 239.5 0.0 0.0 1.0 516.297 0.0 249.5 0.0 516.297 187.0 0.0 0.0 1.0 0.9993958176756811 -0.0019150542824438877 -0.03470348944202259 6266.572092590817 -0.003292031637526299 0.9887761431676894 -0.1493683407892285 -269.09009877844346 0.034600030925633685 0.14939234006308647 0.9881724376799935 -23766.2617493653 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/63307507_3556599632.jpg buckingham_palace/test/images/94020314_218603376.jpg 0 0 1617.87 0.0 319.5 0.0 1617.87 213.5 0.0 0.0 1.0 742.293 0.0 319.5 0.0 742.293 239.5 0.0 0.0 1.0 0.9997071370105368 -0.01118308336438124 0.021461101012316127 -25867.188905017007 0.00771335977390897 0.9878165381114925 0.15543162842363978 -20833.370337853874 -0.022937835364170253 -0.15522057105903028 0.9876135023524713 -111152.14064940334 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/70188039_8153398148.jpg buckingham_palace/test/images/99129354_2398993692.jpg 0 0 760.087 0.0 319.5 0.0 760.087 239.5 0.0 0.0 1.0 491.793 0.0 319.5 0.0 491.793 190.0 0.0 0.0 1.0 0.9904724660335044 -0.02574680264338969 -0.13528265292768055 15239.249682819522 0.008549580663115368 0.9919687022113693 -0.12619428871219426 -1076.6667714226382 0.13744525710257818 0.1238353583865856 0.9827378110733668 -61241.269164725396 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/42575336_5691036729.jpg buckingham_palace/test/images/68961676_732091276.jpg 0 0 681.719 0.0 319.5 0.0 681.719 212.5 0.0 0.0 1.0 580.459 0.0 249.5 0.0 580.459 187.0 0.0 0.0 1.0 0.7771965221992456 0.009236193304643633 -0.6291901609327951 68012.25936998252 0.08642696945507475 0.988849419475802 0.12127326396688179 4572.312074576365 0.6232944286869639 -0.14863215781118388 0.7677320735987149 48191.06095850188 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/15676476_3064491824.jpg buckingham_palace/test/images/87539697_3102605685.jpg 0 0 571.819 0.0 249.5 0.0 571.819 187.0 0.0 0.0 1.0 723.469 0.0 319.5 0.0 723.469 239.5 0.0 0.0 1.0 0.9863077351775819 0.006141912510580656 0.16480087511776687 -36730.428041830455 -0.021454706047366958 0.995592410614533 0.09129867203396073 994.8356008042624 -0.1635137520739173 -0.09358434077053714 0.9820922686006919 -8318.153387476525 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/80048275_3915422048.jpg buckingham_palace/test/images/11595280_7996242346.jpg 0 0 515.084 0.0 319.5 0.0 515.084 211.5 0.0 0.0 1.0 715.759 0.0 305.5 0.0 715.759 305.5 0.0 0.0 1.0 0.9379308116972739 0.021563961173616204 0.34615139469225903 -35999.680956903416 -0.03676646513611587 0.9986233468503393 0.03741173835605201 1026.1922656916875 -0.34486811901114905 -0.04781638530806871 0.937432436917873 -6805.831040016086 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/63503162_6643082601.jpg buckingham_palace/test/images/95099681_7121588727.jpg 0 0 771.297 0.0 305.5 0.0 771.297 305.5 0.0 0.0 1.0 544.463 0.0 319.5 0.0 544.463 240.0 0.0 0.0 1.0 0.9847968382938481 0.009438123329505143 0.17345347824260354 -23293.29427410481 -0.03187206866706512 0.9913889958845947 0.1270119288799936 -8886.72202157751 -0.17076111537853744 -0.1306092671557103 0.9766175611813082 -52329.298042884235 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88827990_5044159062.jpg buckingham_palace/test/images/76603337_13067710124.jpg 0 0 800.954 0.0 319.5 0.0 800.954 239.5 0.0 0.0 1.0 880.963 0.0 319.5 0.0 880.963 228.0 0.0 0.0 1.0 0.9574547755382254 0.019558794949953485 0.2879197915030368 -18348.23967984816 -0.0028696949332603725 0.9982965755349174 -0.058272739134583786 4708.324900735559 -0.2885690864421145 0.054967270401238846 0.955879951424132 92239.40341126837 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/19322041_4490535181.jpg buckingham_palace/test/images/49117697_7908670900.jpg 0 0 800.164 0.0 319.5 0.0 800.164 239.5 0.0 0.0 1.0 709.993 0.0 319.5 0.0 709.993 213.5 0.0 0.0 1.0 0.8639700163165434 -0.09715004793004366 -0.49408266423057395 69652.36472297656 0.09988793696454337 0.9947784742449591 -0.02093292210463889 -13622.43396195036 0.49353643325995633 -0.031267480967639434 0.8691628924885019 -64985.514716961385 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/65063014_3656668731.jpg buckingham_palace/test/images/68304166_169924929.jpg 0 0 689.192 0.0 319.5 0.0 689.192 239.5 0.0 0.0 1.0 734.815 0.0 319.5 0.0 734.815 239.5 0.0 0.0 1.0 0.9322542881232788 -0.02369523541277863 -0.3610269769622369 23544.38901212107 0.02969740033499069 0.9994974606538841 0.01108560146229508 -74.43681465551617 0.36058287076496276 -0.021056162166229297 0.9324894805549967 2884.910233234321 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/12944457_8797082397.jpg buckingham_palace/test/images/92637616_3766818227.jpg 0 0 672.2 0.0 319.5 0.0 672.2 239.5 0.0 0.0 1.0 1027.91 0.0 319.5 0.0 1027.91 239.5 0.0 0.0 1.0 0.9648971007462129 0.03743956242262006 0.2599458869402539 -23395.083177105163 -0.03976005901040016 0.9992025070902909 0.0036725375378125337 9124.437112821146 -0.25960108374011465 -0.013879084626872255 0.965616201361016 71566.76682782131 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/82558397_4279227566.jpg buckingham_palace/test/images/59701829_966630682.jpg 0 0 507.207 0.0 319.5 0.0 507.207 212.5 0.0 0.0 1.0 725.011 0.0 319.5 0.0 725.011 239.5 0.0 0.0 1.0 0.8012155931271719 0.21728643163297226 0.5575304296252214 -20703.05562481592 -0.17169251042421102 0.9760417295633071 -0.1336571135978176 3260.502978931161 -0.5732148420916073 0.011364364446698059 0.8193263061971197 -894.3226147236237 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/36807384_2580130370.jpg buckingham_palace/test/images/22840995_489214596.jpg 0 0 749.48 0.0 319.5 0.0 749.48 212.5 0.0 0.0 1.0 583.912 0.0 319.5 0.0 583.912 239.5 0.0 0.0 1.0 0.8017801677401516 0.032273416721030526 0.5967470060182333 -99868.40142238422 -0.04834034865353057 0.9987710787007466 0.010933574118381766 -4176.082260157038 -0.595660787118499 -0.037613281219507404 0.8023549512312319 -35150.00969840224 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/89902711_383052108.jpg buckingham_palace/test/images/50497824_8033642711.jpg 0 0 728.351 0.0 319.5 0.0 728.351 239.5 0.0 0.0 1.0 449.291 0.0 319.5 0.0 449.291 213.0 0.0 0.0 1.0 0.9624491831999609 0.008896224393696675 0.2713161015296834 -32944.363343271754 -0.062465479243650396 0.9799002627525504 0.18945590241621812 79.98470863341625 -0.2641772769573294 -0.19928956884147114 0.9436599144238306 -7384.737720753275 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/92283672_6106933794.jpg buckingham_palace/test/images/65063014_3656668731.jpg 0 0 534.28 0.0 319.5 0.0 534.28 212.5 0.0 0.0 1.0 689.192 0.0 319.5 0.0 689.192 239.5 0.0 0.0 1.0 0.9112337762167587 0.07241915742437444 0.40547314426443837 -22394.39229489057 -0.020176751969326723 0.9910884408029794 -0.1316685277000049 1326.4062194313028 -0.4113950701718661 0.11179967864292974 0.9045744458548578 8970.40574110499 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/86900704_328544021.jpg buckingham_palace/test/images/89269947_2824630864.jpg 0 0 516.297 0.0 249.5 0.0 516.297 187.0 0.0 0.0 1.0 509.392 0.0 239.5 0.0 509.392 319.5 0.0 0.0 1.0 0.9987466481856702 -0.001338491531810244 -0.05003340062706328 1297.531005603587 0.00904185204039453 0.9880203811914496 0.15405833720374354 -7896.465020856572 0.0492278137801036 -0.15431764251284433 0.9867941464964763 -40101.09436495616 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/86576612_2460544550.jpg buckingham_palace/test/images/66460486_3000292784.jpg 0 0 775.263 0.0 319.5 0.0 775.263 180.0 0.0 0.0 1.0 634.978 0.0 319.5 0.0 634.978 239.5 0.0 0.0 1.0 0.9974271036772584 -0.052675818877191506 -0.04862541470890093 5246.845043511461 0.0510848878577906 0.9981356013429002 -0.03340143057421155 -29.99569971646315 0.05029420525818304 0.0308314682988701 0.9982584402247665 2244.786713239271 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/97156938_2710050704.jpg buckingham_palace/test/images/38329625_8740352627.jpg 0 0 730.199 0.0 319.5 0.0 730.199 239.5 0.0 0.0 1.0 523.576 0.0 319.5 0.0 523.576 239.5 0.0 0.0 1.0 0.9288430785316836 -0.039259395459788744 -0.3683873441527498 46933.81278714226 0.0007022430796587933 0.9945540235513154 -0.10421996494216622 313.8686989640224 0.3704727281709704 0.09654529561828065 0.9238121906402497 -30115.27024392534 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/89730574_3288971741.jpg buckingham_palace/test/images/42575336_5691036729.jpg 0 0 664.171 0.0 319.5 0.0 664.171 239.5 0.0 0.0 1.0 681.719 0.0 319.5 0.0 681.719 212.5 0.0 0.0 1.0 0.9909462834887077 -0.0034556571378263866 0.1342144614922813 6473.243431142648 0.02299255614390642 0.9892682718318391 -0.14429008527551546 412.41302446305303 -0.13227549131221017 0.14606965728922616 0.9803911717358134 8086.527880357091 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/41854370_22518199.jpg buckingham_palace/test/images/64833926_5954673971.jpg 0 0 719.884 0.0 319.5 0.0 719.884 239.5 0.0 0.0 1.0 809.815 0.0 319.5 0.0 809.815 318.5 0.0 0.0 1.0 0.9578032803297107 0.023970221772545926 0.28642329629033386 -71095.96030553119 -0.06054114431635803 0.9909846179059437 0.11951676417422143 7536.253741295368 -0.2809762374908443 -0.13181394289674184 0.9506195024422249 23551.872396859217 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/32083947_2349664427.jpg buckingham_palace/test/images/15064245_12177287034.jpg 0 0 739.255 0.0 319.5 0.0 739.255 239.5 0.0 0.0 1.0 604.78 0.0 319.5 0.0 604.78 239.5 0.0 0.0 1.0 0.9410608748042831 -0.0843226119965519 -0.32755782240495596 21714.859463623507 -0.025202717323308768 0.9482531447873063 -0.31651350119782556 -44.06238818645011 0.3372969803483558 0.30611381952970296 0.8902387750153424 32432.93817452551 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/07739469_9102054751.jpg buckingham_palace/test/images/19946837_1447873686.jpg 0 0 522.246 0.0 319.5 0.0 522.246 211.5 0.0 0.0 1.0 1048.17 0.0 319.5 0.0 1048.17 239.5 0.0 0.0 1.0 0.995598206672611 -0.005847836632786055 0.0935415077759439 -13971.061414949563 0.01727540021989425 0.9924008966769305 -0.12182783270692558 7768.7914806361805 -0.09211824693036227 0.12290753874982777 0.9881335767500953 72782.18741225573 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/15885029_599614928.jpg buckingham_palace/test/images/83721004_321291688.jpg 0 0 433.441 0.0 319.5 0.0 433.441 239.5 0.0 0.0 1.0 713.043 0.0 319.5 0.0 713.043 239.5 0.0 0.0 1.0 0.9433701909116666 0.04796944479544767 -0.3282554116314031 36725.18832404708 -0.04394180997935998 0.9988402139119348 0.019681067249983593 -1995.1802608349783 0.3288187954406245 -0.004142395246358644 0.944383947516369 42952.82496090955 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/82558397_4279227566.jpg buckingham_palace/test/images/65063014_3656668731.jpg 0 0 507.207 0.0 319.5 0.0 507.207 212.5 0.0 0.0 1.0 689.192 0.0 319.5 0.0 689.192 239.5 0.0 0.0 1.0 0.7600009790034948 0.06560455583015028 0.6466023153129429 -35396.31828367399 -0.08237929032143251 0.9965918250157452 -0.004287987630964591 2398.9208167449415 -0.6446798930010664 -0.05000776505818738 0.7628152194299865 13333.16766329823 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/65063014_3656668731.jpg buckingham_palace/test/images/32264273_9687016916.jpg 0 0 689.192 0.0 319.5 0.0 689.192 239.5 0.0 0.0 1.0 608.489 0.0 305.5 0.0 608.489 305.5 0.0 0.0 1.0 0.9578317523316442 -0.06386653904659816 -0.280141748790681 23364.659091501348 0.07377531452193088 0.9969625362369954 0.024958050947300484 11071.632902728228 0.2776968440448717 -0.04457315930139151 0.9596341470984716 43173.91815013318 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/15625956_3859238782.jpg buckingham_palace/test/images/88975383_10138413065.jpg 0 0 719.798 0.0 319.5 0.0 719.798 239.5 0.0 0.0 1.0 818.871 0.0 319.5 0.0 818.871 180.0 0.0 0.0 1.0 0.9925889179401155 0.0012246118357491951 0.12151436255983374 -1594.7315033201685 0.0059008481739314875 0.9982839078035198 -0.05826164614359639 2850.513704314352 -0.1213771806119222 0.058546902107499875 0.990878317595211 81947.4561647926 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/74030407_9757753664.jpg buckingham_palace/test/images/35721053_45922082.jpg 0 0 1019.01 0.0 319.5 0.0 1019.01 213.0 0.0 0.0 1.0 534.729 0.0 249.5 0.0 534.729 187.0 0.0 0.0 1.0 0.8855676877148555 0.013176659629042882 0.46432342835181645 -64484.2704364208 -0.07330949925333012 0.9910349330521845 0.11169368285394779 -16283.924060936892 -0.4586889880895224 -0.13295163448138814 0.8785944884269065 -82380.3029159551 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/54235905_5885592660.jpg buckingham_palace/test/images/79123276_3884527240.jpg 0 0 955.39 0.0 213.0 0.0 955.39 319.5 0.0 0.0 1.0 1531.74 0.0 319.5 0.0 1531.74 212.0 0.0 0.0 1.0 0.8339476271507288 -0.019449040473007398 -0.551500761553734 72483.44283945739 0.06762500231277271 0.9954482753657108 0.06715348191739137 6245.437529861832 0.5476844111638258 -0.09329772717548505 0.8314669685994882 34554.85856899212 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/84206804_4252951691.jpg buckingham_palace/test/images/36638733_5857779927.jpg 0 0 713.129 0.0 319.5 0.0 713.129 239.5 0.0 0.0 1.0 491.356 0.0 319.5 0.0 491.356 212.0 0.0 0.0 1.0 0.9417756727087246 -0.011879520704759868 0.33603193193780545 384.92015090485006 0.028679698693364154 0.9985717525734182 -0.04507693251885905 -3111.055638163606 -0.3350165028426012 0.0520896530059196 0.9407712851021955 -30185.475625115578 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/92801024_2417460983.jpg buckingham_palace/test/images/76951988_220277127.jpg 0 0 532.662 0.0 213.0 0.0 532.662 319.5 0.0 0.0 1.0 678.241 0.0 319.5 0.0 678.241 239.5 0.0 0.0 1.0 0.9793819302447949 0.013302067913557179 -0.20157899121486444 10132.766295730999 -0.0433110356591524 0.9884536836206023 -0.14520147907991154 1712.3005912673766 0.19732001647098793 0.15093829973232595 0.9686498029596681 16439.293883508715 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/78850803_8040467285.jpg buckingham_palace/test/images/12516230_8673895442.jpg 0 0 936.98 0.0 319.5 0.0 936.98 239.5 0.0 0.0 1.0 607.086 0.0 319.5 0.0 607.086 211.5 0.0 0.0 1.0 0.5228065195251966 -0.10578938567662755 -0.8458616606869661 140585.9402112534 0.11729164055892263 0.991759130099687 -0.051541235131776296 5293.850962764191 0.844343540389187 -0.07226640811659525 0.530906349614486 57347.06131328686 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/82926537_6868011588.jpg buckingham_palace/test/images/30985649_2732223159.jpg 0 0 1568.62 0.0 319.5 0.0 1568.62 213.0 0.0 0.0 1.0 688.364 0.0 319.5 0.0 688.364 239.5 0.0 0.0 1.0 0.8603066318874514 0.012949287922286404 -0.5096124165213942 54692.51524203831 0.052831969861279734 0.9920293708346515 0.11439628648685411 -6392.63502235209 0.5070318353822034 -0.12533971175852965 0.852765310366951 -29247.607632617466 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/31471983_2691474123.jpg buckingham_palace/test/images/80396877_5553830938.jpg 0 0 728.105 0.0 319.5 0.0 728.105 239.5 0.0 0.0 1.0 628.545 0.0 319.5 0.0 628.545 191.0 0.0 0.0 1.0 0.950945844349848 -0.0024608253231327105 0.3093476126503699 -26225.966012707577 0.04003815065237849 0.9925370387971147 -0.11518321539266219 1175.844479709394 -0.30675551764571696 0.1219187063357547 0.943947499302437 8544.845982035906 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/64561640_252491027.jpg buckingham_palace/test/images/11419093_5995987486.jpg 0 0 485.125 0.0 319.5 0.0 485.125 179.5 0.0 0.0 1.0 1719.98 0.0 319.5 0.0 1719.98 281.0 0.0 0.0 1.0 0.9990145743602793 0.009732488803622204 0.04330310470898595 16732.93137205753 -0.0006509609472175803 0.9787694614799755 -0.20496321017207975 14167.265154946052 -0.04437855862457948 0.20473304553951793 0.9778112924273877 214877.24724490693 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/94455955_3929007141.jpg buckingham_palace/test/images/48284683_6191802350.jpg 0 0 731.249 0.0 319.5 0.0 731.249 239.5 0.0 0.0 1.0 447.039 0.0 319.5 0.0 447.039 213.0 0.0 0.0 1.0 0.9009458286176015 0.06852741903202275 0.42848641371384594 -56627.60376093103 -0.005780793910983801 0.989259365782262 -0.14605646043169504 2835.0104234721844 -0.4338930701432121 0.12911196711725112 0.8916652419090986 -23509.090458794624 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/72721744_6254882589.jpg buckingham_palace/test/images/62374720_4605102748.jpg 0 0 292.816 0.0 319.5 0.0 292.816 187.0 0.0 0.0 1.0 651.644 0.0 319.5 0.0 651.644 239.5 0.0 0.0 1.0 0.9999588260988844 -0.008956630196116378 0.0014576976610918926 2090.74475983294 0.009015249462053917 0.9988542636987109 -0.046998778367559446 9067.384432874562 -0.0010350768464577936 0.04700998475256147 0.998893883227586 31955.086260658103 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/14950658_8138839363.jpg buckingham_palace/test/images/40580817_2599681870.jpg 0 0 689.337 0.0 319.5 0.0 689.337 239.5 0.0 0.0 1.0 725.526 0.0 319.5 0.0 725.526 235.0 0.0 0.0 1.0 0.7905107298432029 -0.04452544074750275 -0.6108275297733453 66529.23593275901 0.062009691955039345 0.9980473723248865 0.007499379909706391 2907.9575216343355 0.6093008978381762 -0.043805567244696225 0.7917281655795522 11586.908661925541 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/55790389_5367781874.jpg buckingham_palace/test/images/79123276_3884527240.jpg 0 0 866.206 0.0 319.5 0.0 866.206 212.0 0.0 0.0 1.0 1531.74 0.0 319.5 0.0 1531.74 212.0 0.0 0.0 1.0 0.7087918196171555 -0.10192894686288065 -0.6980147894100999 30684.803025828165 0.07946974261974332 0.9947442962350377 -0.06456272233891407 18087.307617904215 0.7009270407480037 -0.009709526213158919 0.7131668869549136 113392.0180461052 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/97000297_3525745026.jpg buckingham_palace/test/images/10898443_3371442566.jpg 0 0 537.107 0.0 319.5 0.0 537.107 209.0 0.0 0.0 1.0 764.043 0.0 319.5 0.0 764.043 213.0 0.0 0.0 1.0 0.985458167117596 -0.04121244050023038 -0.16484458016338685 46671.64360646781 0.008218919697433415 0.9805663091900217 -0.19601572039116155 4041.739119151071 0.16971932777452134 0.19181044817598925 0.9666457995306714 24544.03123564444 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/17182999_6309727384.jpg buckingham_palace/test/images/38217522_12120715573.jpg 0 0 652.054 0.0 319.5 0.0 652.054 239.5 0.0 0.0 1.0 416.694 0.0 319.5 0.0 416.694 239.5 0.0 0.0 1.0 0.9194636675509905 0.0004706980681323351 0.3931746971729109 -30758.805770065548 -0.0050962360499296235 0.9999295441572916 0.010720778866949394 -223.57715743165 -0.3931419494683884 -0.011861077721661216 0.9194012847519172 -10728.085277184884 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/83387888_3756983584.jpg buckingham_palace/test/images/62110008_3103434698.jpg 0 0 533.38 0.0 319.5 0.0 533.38 239.5 0.0 0.0 1.0 717.566 0.0 319.5 0.0 717.566 239.5 0.0 0.0 1.0 0.7164171024735025 0.1412508682780423 0.6832237755627144 -50798.16807044424 -0.06620643501537464 0.9886354300102832 -0.134969235349903 1061.2484191068165 -0.6945237528306907 0.051460458014689965 0.7176270466021277 20767.37116237419 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/65005823_3953864220.jpg buckingham_palace/test/images/80761129_4227276038.jpg 0 0 626.087 0.0 319.5 0.0 626.087 179.0 0.0 0.0 1.0 564.577 0.0 319.5 0.0 564.577 239.5 0.0 0.0 1.0 0.42450084973404123 0.1282923601242255 0.8962924181922064 -99226.67894064715 -0.2893498370318909 0.9572234175175599 2.7669865811732617e-05 3743.1080559367165 -0.8579485418046326 -0.2593538110183834 0.4434635276159086 11401.091016752216 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/80691584_9772041992.jpg buckingham_palace/test/images/61577420_5186173128.jpg 0 0 550.47 0.0 319.5 0.0 550.47 179.0 0.0 0.0 1.0 1021.11 0.0 319.5 0.0 1021.11 213.0 0.0 0.0 1.0 0.9843701990539822 0.023915409202303974 0.17448026942067105 -3492.326938204372 -0.0078119426569663395 0.995691038192589 -0.09240308444466637 7447.121333320563 -0.17593829817963982 0.0895958127685118 0.9803154112672114 120126.94715120562 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/60655645_2373884532.jpg buckingham_palace/test/images/17182999_6309727384.jpg 0 0 693.054 0.0 239.5 0.0 693.054 319.5 0.0 0.0 1.0 652.054 0.0 319.5 0.0 652.054 239.5 0.0 0.0 1.0 0.8798171542612244 -0.0810571687654721 -0.46834977363014346 15876.282105850547 -0.011545537818552146 0.9814164464665165 -0.19154231689502943 1453.5408554253308 0.4751720484457827 0.1739295661949436 0.8625311764678871 48531.897143902315 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/61285342_3151612050.jpg buckingham_palace/test/images/94785686_3685753287.jpg 0 0 536.336 0.0 249.5 0.0 536.336 187.0 0.0 0.0 1.0 689.603 0.0 319.5 0.0 689.603 239.5 0.0 0.0 1.0 0.974900284603108 -0.024999103558282783 0.22123399354995427 -36564.70562650483 0.006386239597157079 0.9964072032690648 0.08445058447001971 -2463.580241187177 -0.2225503336878797 -0.08091804554487515 0.9715573163126358 39188.398043122164 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/84457371_9304536157.jpg buckingham_palace/test/images/91870054_4238721718.jpg 0 0 498.178 0.0 319.5 0.0 498.178 239.5 0.0 0.0 1.0 801.672 0.0 319.5 0.0 801.672 211.5 0.0 0.0 1.0 0.9693579692137115 -0.033673916257906306 -0.24333350547288937 -62.83601723116408 0.06702165946590598 0.989233664506687 0.13009555783772053 207.96175974280771 0.23633286839605136 -0.14241778108974684 0.9611784178523608 -6820.8697822979975 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/91136231_4677075766.jpg buckingham_palace/test/images/81547541_3154792166.jpg 0 0 492.926 0.0 319.5 0.0 492.926 213.5 0.0 0.0 1.0 514.553 0.0 249.5 0.0 514.553 187.0 0.0 0.0 1.0 0.6873624417821613 -0.21411019028342856 -0.6940386877142074 37315.221369846135 -0.034729976638099284 0.9447800763744686 -0.32585953416858976 -6948.909179377081 0.7254837712519709 0.24808755249437095 0.6419702983373688 94606.49974925736 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/30985649_2732223159.jpg buckingham_palace/test/images/95099681_7121588727.jpg 0 0 688.364 0.0 319.5 0.0 688.364 239.5 0.0 0.0 1.0 544.463 0.0 319.5 0.0 544.463 240.0 0.0 0.0 1.0 0.964571601209465 -0.0650874794587426 -0.25566627888307186 26220.728409099116 0.05478050116796857 0.9973803851101667 -0.04723837517614068 1596.922133678642 0.2580711584660229 0.03155926829321915 0.9656103198251359 656.5696030208637 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/20376856_499480088.jpg buckingham_palace/test/images/86473777_6072982750.jpg 0 0 1908.96 0.0 239.5 0.0 1908.96 319.5 0.0 0.0 1.0 861.194 0.0 319.5 0.0 861.194 239.5 0.0 0.0 1.0 0.9286919619773267 -0.03834882643782084 -0.368863941405968 25169.368600236718 0.031377789966580284 0.9991978592903185 -0.02488116328586772 -2788.837959926791 0.36952222403465357 0.011532801068549278 0.9291503217693015 5799.9357722850245 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/40640722_7130151431.jpg buckingham_palace/test/images/84030835_2661414475.jpg 0 0 718.085 0.0 319.5 0.0 718.085 239.5 0.0 0.0 1.0 520.103 0.0 249.5 0.0 520.103 140.0 0.0 0.0 1.0 0.9273007543278833 -0.028135145830973617 -0.37325825455307543 53647.724536390895 0.042527209629854595 0.9986333746809836 0.03037794289231205 -8438.820569719166 0.37189346251855115 -0.0440431213964226 0.9272299908833963 -77779.89235261198 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/20376856_499480088.jpg buckingham_palace/test/images/34791488_2406713663.jpg 0 0 1908.96 0.0 239.5 0.0 1908.96 319.5 0.0 0.0 1.0 696.679 0.0 319.5 0.0 696.679 239.5 0.0 0.0 1.0 0.9751603748307133 -0.025121578897868563 -0.22007078323507884 2917.9324972741497 0.011612798137672086 0.9979796598139071 -0.0624639217239184 -743.1301783059604 0.22119535772578178 0.05835670373998424 0.9734819509621979 -9665.14230180653 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/96640391_498921406.jpg buckingham_palace/test/images/16210476_4152300283.jpg 0 0 717.897 0.0 319.5 0.0 717.897 239.5 0.0 0.0 1.0 723.131 0.0 239.5 0.0 723.131 319.5 0.0 0.0 1.0 0.8292673068270455 0.07465823238924695 0.5538428316448015 -71396.2239411988 0.01358224612534635 0.9880512041783663 -0.15352635119702 -1898.2697363994193 -0.5586870827377425 0.1348368134382944 0.8183445346086192 53201.19094485757 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/73590053_4109923193.jpg buckingham_palace/test/images/28945073_6309209323.jpg 0 0 847.053 0.0 319.5 0.0 847.053 212.5 0.0 0.0 1.0 657.152 0.0 319.5 0.0 657.152 239.5 0.0 0.0 1.0 0.998673351388823 0.023229344672263192 0.04595579149480335 -22074.07185910944 -0.01767596852412046 0.9928852703872776 -0.11775567920366507 -585.4250103506461 -0.04836421572351761 0.11678714567142812 0.9919786616875232 -64074.62299192717 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/04861657_8587228495.jpg buckingham_palace/test/images/80731258_3052461790.jpg 0 0 671.319 0.0 319.5 0.0 671.319 239.5 0.0 0.0 1.0 576.354 0.0 249.5 0.0 576.354 187.0 0.0 0.0 1.0 0.9669787384779244 0.030403264894559502 0.2530370739938969 -37348.22882024829 -0.04017494768660766 0.9986296010159572 0.033539432808098214 -1028.7071642891387 -0.25167060398469265 -0.042597669636517003 0.9668750413737641 -7968.640853558834 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/36638733_5857779927.jpg buckingham_palace/test/images/56366869_8166763434.jpg 0 0 491.356 0.0 319.5 0.0 491.356 212.0 0.0 0.0 1.0 517.399 0.0 319.5 0.0 517.399 164.5 0.0 0.0 1.0 0.9988419205599387 0.027686508733264663 -0.039348125321245896 -7143.762401918495 -0.014607890656759126 0.9537439456170005 0.30026504246994246 -1997.1352760309637 0.0458413270171554 -0.29934251858544764 0.9530438758547412 -5536.873887568057 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/96610065_7506893394.jpg buckingham_palace/test/images/91176153_7095273843.jpg 0 0 1228.87 0.0 319.5 0.0 1228.87 213.0 0.0 0.0 1.0 1095.48 0.0 319.5 0.0 1095.48 239.5 0.0 0.0 1.0 0.8904388148015023 0.03238076834321698 -0.45394955990329916 60256.567818978045 -0.02468858754389068 0.9994337127533396 0.02286323374247332 4125.247326444446 0.45443282313229044 -0.00915093730599438 0.8907340060907286 63191.55398313422 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/05108322_3880700444.jpg buckingham_palace/test/images/48284683_6191802350.jpg 0 0 525.813 0.0 319.5 0.0 525.813 213.0 0.0 0.0 1.0 447.039 0.0 319.5 0.0 447.039 213.0 0.0 0.0 1.0 0.8901125408990267 0.07296580030205928 0.4498618193629669 -59549.75712613186 -0.039339662982622876 0.9957173142965505 -0.0836625419556318 2769.0483464149297 -0.45403970690975076 0.05677166543571018 0.8891709186387977 -17507.736449128275 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/50616321_9586801446.jpg buckingham_palace/test/images/24481344_8619843161.jpg 0 0 541.873 0.0 319.5 0.0 541.873 213.0 0.0 0.0 1.0 533.532 0.0 319.5 0.0 533.532 239.5 0.0 0.0 1.0 0.9902756780557379 -0.07284629029938039 -0.11852214746985902 1978.7759053529808 0.05793111403227302 0.9904950366291404 -0.12475403175856704 6789.056658677411 0.12648346721302506 0.11667476334947574 0.9850832107589266 43139.57301770354 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/91176153_7095273843.jpg buckingham_palace/test/images/19931456_8233563983.jpg 0 0 1095.48 0.0 319.5 0.0 1095.48 239.5 0.0 0.0 1.0 500.434 0.0 319.5 0.0 500.434 211.5 0.0 0.0 1.0 0.9267094687469849 -0.016880239448121982 -0.3753992781703967 72575.89177901135 0.050002097533558484 0.9956463511429275 0.0786646915586587 -16356.211343012812 0.37243704270242134 -0.09167006584457368 0.9235189485068114 -111835.84069300522 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/50616321_9586801446.jpg buckingham_palace/test/images/04738011_5330076641.jpg 0 0 541.873 0.0 319.5 0.0 541.873 213.0 0.0 0.0 1.0 699.97 0.0 319.5 0.0 699.97 213.0 0.0 0.0 1.0 0.8904509653469124 -0.1534846150400128 -0.4284151622652621 26918.834733300562 0.19318114771131412 0.9798639229166258 0.05047511005812597 4562.363375877005 0.4120414086978289 -0.12770734322058208 0.9021711101591812 12177.67684777846 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/31471983_2691474123.jpg buckingham_palace/test/images/84030835_2661414475.jpg 0 0 728.105 0.0 319.5 0.0 728.105 239.5 0.0 0.0 1.0 520.103 0.0 249.5 0.0 520.103 140.0 0.0 0.0 1.0 0.8897422488487868 0.02891953157455657 0.4555462559466507 -15923.917519431248 -0.03149171218519533 0.9995021223330702 -0.0019440975627221394 2711.6286463724828 -0.4553756720304105 -0.012616185841877407 0.8902099916186379 7465.981147830404 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/59557144_4072456064.jpg buckingham_palace/test/images/34791488_2406713663.jpg 0 0 569.526 0.0 249.5 0.0 569.526 187.0 0.0 0.0 1.0 696.679 0.0 319.5 0.0 696.679 239.5 0.0 0.0 1.0 0.9994100769086768 -0.0026531270681020747 -0.034241189964037515 -19655.241718359845 0.003479922763910537 0.9997032726160101 0.02410926913858291 1421.700722249181 0.034167064710771 -0.02421420322042236 0.9991227572483025 -12409.360190859046 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/10272597_1810665269.jpg buckingham_palace/test/images/26810426_6779980104.jpg 0 0 501.469 0.0 319.5 0.0 501.469 213.5 0.0 0.0 1.0 535.869 0.0 319.5 0.0 535.869 213.0 0.0 0.0 1.0 0.9181150953650677 -0.05903824168113647 -0.39189176781605434 -8649.924455481972 -0.0014826821012183995 0.9883233545490544 -0.15236386877042407 3615.71876640142 0.3963110814960632 0.14046861881610426 0.9073070559691008 24967.411089067187 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/25919709_2805904071.jpg buckingham_palace/test/images/76124793_5669979160.jpg 0 0 562.99 0.0 249.5 0.0 562.99 187.0 0.0 0.0 1.0 737.626 0.0 319.5 0.0 737.626 239.5 0.0 0.0 1.0 0.9778991125075637 -0.01705267278999032 0.20838073833163462 -37693.64614416121 0.026914982321036937 0.9986429706214199 -0.04458476146716565 598.6159756943182 -0.20733767019906887 0.04920796255834327 0.9770310470692725 -7968.740683867747 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/23363801_5143002413.jpg buckingham_palace/test/images/86424981_8226612445.jpg 0 0 729.125 0.0 319.5 0.0 729.125 239.5 0.0 0.0 1.0 467.776 0.0 319.5 0.0 467.776 239.5 0.0 0.0 1.0 0.7104801331205082 0.08027059448123838 0.699124175023789 -42292.48173011879 -0.10815990628928737 0.9941245332632292 -0.004224575204552168 2029.3290330891048 -0.6953556033516645 -0.07261572850144052 0.7149877907080983 9020.914357075866 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88192386_10780446203.jpg buckingham_palace/test/images/31650540_6170454977.jpg 0 0 629.618 0.0 319.5 0.0 629.618 213.0 0.0 0.0 1.0 681.385 0.0 319.5 0.0 681.385 239.5 0.0 0.0 1.0 0.995902867880114 -0.05402918350774351 -0.07251430946820915 12838.82512697899 0.03461833994734261 0.9685912531168631 -0.2462367862948081 -1499.7120209596433 0.08354069838979597 0.24271759663236486 0.9664932074244258 -5069.681365540815 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/39733199_8623371744.jpg buckingham_palace/test/images/24481344_8619843161.jpg 0 0 1338.45 0.0 319.5 0.0 1338.45 239.5 0.0 0.0 1.0 533.532 0.0 319.5 0.0 533.532 239.5 0.0 0.0 1.0 0.9459211406960047 0.023215883334402845 0.32356485956508474 -45776.59094915616 -0.039991920320283474 0.9981728538817345 0.04529459220138829 -1523.3775649962904 -0.32192210531969645 -0.05578509240466814 0.9451212523120709 6931.669837484761 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/28034388_6035093150.jpg buckingham_palace/test/images/83600107_4900371165.jpg 0 0 518.235 0.0 319.5 0.0 518.235 180.0 0.0 0.0 1.0 540.202 0.0 319.5 0.0 540.202 239.5 0.0 0.0 1.0 0.9443663810523012 0.03437402117521797 0.32709412254949727 -12946.383151155922 -0.07600636999784285 0.9904116348532439 0.11535954779330346 8778.32243231139 -0.3199924531265244 -0.13380291557200882 0.9379240959302084 30691.293352573535 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/27360182_6693505247.jpg buckingham_palace/test/images/59781164_3740564586.jpg 0 0 668.989 0.0 319.5 0.0 668.989 240.0 0.0 0.0 1.0 1179.26 0.0 319.5 0.0 1179.26 239.5 0.0 0.0 1.0 0.9993736757856713 0.03146987982359781 0.01618341158483715 2078.89290673934 -0.029661597438689874 0.9943521337786169 -0.10190202984875552 11392.746626229808 -0.019298854474321444 0.10135818030035794 0.9946627938664334 102004.92057984267 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/19492180_885002423.jpg buckingham_palace/test/images/07701593_197476710.jpg 0 0 683.049 0.0 319.5 0.0 683.049 239.5 0.0 0.0 1.0 798.292 0.0 319.5 0.0 798.292 239.5 0.0 0.0 1.0 0.17601448977803102 0.24607486666267708 0.9531348589707151 -68259.2397472461 -0.019105757149489297 0.9689232062336756 -0.24662276956031182 1357.416816079491 -0.9842021486625214 0.025198817805595977 0.17524597042236426 89876.1192718621 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/15676476_3064491824.jpg buckingham_palace/test/images/40526132_6338472744.jpg 0 0 571.819 0.0 249.5 0.0 571.819 187.0 0.0 0.0 1.0 622.524 0.0 319.5 0.0 622.524 239.5 0.0 0.0 1.0 0.9882247060722168 -0.01232801853441451 0.15251213154203963 -25672.937076972845 -0.00015206794052557559 0.9966693095816497 0.08154915213158165 -272.5258800016688 -0.15300950030577426 -0.08061207910141951 0.9849313608161352 -15999.596763171057 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/37484866_5209954283.jpg buckingham_palace/test/images/95099681_7121588727.jpg 0 0 756.578 0.0 319.5 0.0 756.578 213.0 0.0 0.0 1.0 544.463 0.0 319.5 0.0 544.463 240.0 0.0 0.0 1.0 0.9162463743752626 0.018227527778346804 -0.40020037315734214 55809.69989465212 0.06587455393225623 0.9785117394350863 0.19538505299010964 -1838.8910515321497 0.39516214974161246 -0.2053838674745689 0.895357103279343 -22182.336891823827 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/16826010_408223455.jpg buckingham_palace/test/images/92766299_2205106180.jpg 0 0 761.316 0.0 319.5 0.0 761.316 239.5 0.0 0.0 1.0 529.386 0.0 319.5 0.0 529.386 213.0 0.0 0.0 1.0 0.796480557200387 -0.14084121369106875 -0.5880327155250699 32723.500720370415 0.06315727598703214 0.9865529402203219 -0.1507463254362645 6425.423340334497 0.6013566998809101 0.08292797277556602 0.7946653829377974 48946.81274303929 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/59669702_84374042.jpg buckingham_palace/test/images/31516490_8149048396.jpg 0 0 525.823 0.0 249.5 0.0 525.823 187.0 0.0 0.0 1.0 739.67 0.0 319.5 0.0 739.67 239.5 0.0 0.0 1.0 0.9810488896219238 -0.04313581183703877 -0.18889779752223235 7862.979519696223 0.06431399109898485 0.9921270335818037 0.10746003808435167 7356.792704995514 0.18277523552306102 -0.11757232230984552 0.9760993608778562 31477.790643169094 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/07701593_197476710.jpg buckingham_palace/test/images/48362261_8842273382.jpg 0 0 798.292 0.0 319.5 0.0 798.292 239.5 0.0 0.0 1.0 711.844 0.0 319.5 0.0 711.844 319.5 0.0 0.0 1.0 0.997339262855552 -0.04279204263112272 -0.05901894487535815 -8567.319746432848 0.05056363231060076 0.9892530673013816 0.137192156927305 -1460.4785489265978 0.05251393961895046 -0.1398113368874788 0.9887846460293733 -7702.718994148621 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/35721053_45922082.jpg buckingham_palace/test/images/90451561_2191844501.jpg 0 0 534.729 0.0 249.5 0.0 534.729 187.0 0.0 0.0 1.0 727.187 0.0 319.5 0.0 727.187 239.5 0.0 0.0 1.0 0.9279160737531899 -0.061177658448242446 -0.3677350325672758 15628.177379633606 0.014743466118456238 0.9916930945847006 -0.12777885724889668 1550.6298259277753 0.37249750371952706 0.11314636653384047 0.9211099334297242 7866.261007396248 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88827990_5044159062.jpg buckingham_palace/test/images/76951988_220277127.jpg 0 0 800.954 0.0 319.5 0.0 800.954 239.5 0.0 0.0 1.0 678.241 0.0 319.5 0.0 678.241 239.5 0.0 0.0 1.0 0.9994037749145279 -0.025951544680937237 -0.02277305458794189 5133.216018074703 0.02466130616637899 0.9981698101210033 -0.055216393771855464 -6364.172224615486 0.024164326284011804 0.05462185910122248 0.9982146752295151 -46408.99729162718 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/66051487_8289127493.jpg buckingham_palace/test/images/54107490_11614068883.jpg 0 0 729.749 0.0 319.5 0.0 729.749 239.5 0.0 0.0 1.0 544.935 0.0 319.5 0.0 544.935 239.5 0.0 0.0 1.0 0.8229894881203343 -0.05643885231173373 -0.5652459273565484 53639.17595511359 0.13989539085654157 0.9845426346883859 0.10538064384860737 -7394.969062898833 0.5505611519718092 -0.16580246207636928 0.8181637742584845 -18374.00343984596 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/25919709_2805904071.jpg buckingham_palace/test/images/38494630_2754668056.jpg 0 0 562.99 0.0 249.5 0.0 562.99 187.0 0.0 0.0 1.0 782.467 0.0 249.5 0.0 782.467 187.0 0.0 0.0 1.0 0.8287923566828408 0.03427786645765829 0.5585053781076903 -36078.45898891752 0.04012526811403774 0.9919115856342892 -0.1204216307116244 4253.102714184706 -0.5581157517602238 0.12221470515278103 0.820713332096865 73855.25267207323 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/97332024_5408047413.jpg buckingham_palace/test/images/35721053_45922082.jpg 0 0 1533.48 0.0 319.5 0.0 1533.48 212.0 0.0 0.0 1.0 534.729 0.0 249.5 0.0 534.729 187.0 0.0 0.0 1.0 0.7011356688180376 0.13310672641600224 0.7004936639926864 -69326.64838296834 -0.11527499813918349 0.9906577187016662 -0.07286260481771044 -1442.0090150876997 -0.7036479579413945 -0.029662834652576964 0.7099293398115616 -9802.001786967432 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/20464820_5857778799.jpg buckingham_palace/test/images/73390455_10578819085.jpg 0 0 796.666 0.0 319.5 0.0 796.666 212.0 0.0 0.0 1.0 778.562 0.0 319.5 0.0 778.562 319.5 0.0 0.0 1.0 0.838696624776766 0.038204802160928135 -0.5432571809740807 9605.09588359746 0.005408880672674427 0.9969027451543941 0.0784580187966916 2710.1982531110198 0.5445720481239645 -0.06874088881791958 0.835892322375671 41368.40873252078 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/67361631_6199942663.jpg buckingham_palace/test/images/13281945_9328537386.jpg 0 0 507.066 0.0 319.5 0.0 507.066 212.5 0.0 0.0 1.0 480.216 0.0 319.5 0.0 480.216 211.5 0.0 0.0 1.0 0.9326481524882921 -0.07297906743472636 -0.3533291374576023 10399.02746610695 -0.017489915314254666 0.9690315094752268 -0.24631694319811606 2719.300961377771 0.360363048220091 0.23590673869247866 0.9024890493058643 11995.242912197833 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/92891727_3739824491.jpg buckingham_palace/test/images/62110008_3103434698.jpg 0 0 528.312 0.0 319.5 0.0 528.312 239.5 0.0 0.0 1.0 717.566 0.0 319.5 0.0 717.566 239.5 0.0 0.0 1.0 0.9823999898081305 0.0642144585897189 0.17540457044505606 -3652.467368256075 -0.054934898819526116 0.9968466682294789 -0.05726147860014953 3659.5560466661345 -0.17852847648673265 0.04661784366330381 0.9828297714942857 26480.987343612862 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/44460121_952952106.jpg buckingham_palace/test/images/64561640_252491027.jpg 0 0 820.061 0.0 319.5 0.0 820.061 213.0 0.0 0.0 1.0 485.125 0.0 319.5 0.0 485.125 179.5 0.0 0.0 1.0 0.6826028753923585 0.00728714781286802 0.730753181301893 -100289.23805681083 -0.21419092766260997 0.958030712122474 0.19052401721865744 -28005.157069770816 -0.6986956139930425 -0.28657294378021475 0.6555153597590425 -85563.69790818213 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/78850803_8040467285.jpg buckingham_palace/test/images/12137996_9115608785.jpg 0 0 936.98 0.0 319.5 0.0 936.98 239.5 0.0 0.0 1.0 2212.1 0.0 255.5 0.0 2212.1 319.5 0.0 0.0 1.0 0.8518222199625356 -0.06780099921339412 -0.5194246144377093 84566.81553356568 0.029823402575627336 0.996256917016831 -0.08113396301754049 6143.099399651773 0.5229813287651 0.05362070310789378 0.8506558352008792 90505.0902389505 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/93206568_5039285632.jpg buckingham_palace/test/images/19492180_885002423.jpg 0 0 801.943 0.0 319.5 0.0 801.943 212.0 0.0 0.0 1.0 683.049 0.0 319.5 0.0 683.049 239.5 0.0 0.0 1.0 0.515780501885607 -0.04822021299139361 -0.8553626628125033 108496.99575859086 0.18618419529979544 0.980861605953585 0.056973286606287546 4820.773122226254 0.8362451311040318 -0.18864071942509972 0.5148871329520496 14094.699582955189 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/03119315_5739628680.jpg buckingham_palace/test/images/13945740_8521059121.jpg 0 0 535.335 0.0 319.5 0.0 535.335 208.0 0.0 0.0 1.0 538.505 0.0 319.5 0.0 538.505 239.5 0.0 0.0 1.0 0.9588476926372278 -7.724692360230931e-05 0.2839209332845628 -5292.489889034751 -0.08778048834754322 0.9509253530052832 0.2967078679058649 -14920.861252918203 -0.2700105334792167 -0.3094203727046591 0.9117857998266801 -49197.73436688614 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/14261176_44001540.jpg buckingham_palace/test/images/78850803_8040467285.jpg 0 0 649.057 0.0 319.5 0.0 649.057 239.5 0.0 0.0 1.0 936.98 0.0 319.5 0.0 936.98 239.5 0.0 0.0 1.0 0.9986577171251084 -0.012213760116206649 -0.05033476025859968 2395.534840918146 0.011677255765504206 0.9998719811426421 -0.0109390595425356 12213.715245014691 0.050461923509255366 0.010336604360809262 0.998672493306006 81423.9362127167 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/86521638_6062929958.jpg buckingham_palace/test/images/89299405_4981004528.jpg 0 0 948.461 0.0 319.5 0.0 948.461 239.5 0.0 0.0 1.0 526.12 0.0 319.5 0.0 526.12 213.0 0.0 0.0 1.0 0.939256205847196 0.02295567646096605 0.34244826864177463 -62298.2736844986 -0.08587579637561477 0.9817423265585263 0.16972728666983958 -18479.53820085952 -0.3322997553029245 -0.18882542509331576 0.9240789097603869 -77517.49414284242 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/28945073_6309209323.jpg buckingham_palace/test/images/87539697_3102605685.jpg 0 0 657.152 0.0 319.5 0.0 657.152 239.5 0.0 0.0 1.0 723.469 0.0 319.5 0.0 723.469 239.5 0.0 0.0 1.0 0.8856887733888984 -0.013881845564428385 0.46407185979823634 -41694.18379573936 -0.02727639844541103 0.9962705940401665 0.08185903455759208 2806.3514986649034 -0.46347750191429554 -0.0851598368632728 0.882007033648091 10955.197723093517 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/83721004_321291688.jpg buckingham_palace/test/images/84206804_4252951691.jpg 0 0 713.043 0.0 319.5 0.0 713.043 239.5 0.0 0.0 1.0 713.129 0.0 319.5 0.0 713.129 239.5 0.0 0.0 1.0 0.9959631613648057 -0.03598662951373107 0.08223347068234062 -39705.13092415647 0.03265433028047299 0.9986041433156895 0.04151457173898979 625.039346228918 -0.08361265405520688 -0.03866170520009957 0.9957480588145099 -29271.41158536358 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/17665771_6309735280.jpg buckingham_palace/test/images/44460121_952952106.jpg 0 0 650.857 0.0 319.5 0.0 650.857 239.5 0.0 0.0 1.0 820.061 0.0 319.5 0.0 820.061 213.0 0.0 0.0 1.0 0.9815584935250273 -0.02418131224372994 -0.1896264431113189 -34620.918446229065 0.006034505187078304 0.9953922244059116 -0.09569694007333059 2586.4089425923635 0.19106676460343944 0.09278784257877072 0.9771816145085576 108893.67434059124 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/30612743_2756901875.jpg buckingham_palace/test/images/96795280_10579107723.jpg 0 0 565.589 0.0 249.5 0.0 565.589 187.0 0.0 0.0 1.0 778.565 0.0 319.5 0.0 778.565 319.5 0.0 0.0 1.0 0.9918246717921998 -0.017830757183622894 -0.12635618118063677 -13978.68954211718 0.020218231206306846 0.9996400067392267 0.017637461645234515 2647.4507754659794 0.12599620451102325 -0.020047968092988352 0.9918281279658078 31234.608994147493 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88595844_3830407687.jpg buckingham_palace/test/images/87435867_4350947433.jpg 0 0 507.93 0.0 319.5 0.0 507.93 213.5 0.0 0.0 1.0 448.32 0.0 319.5 0.0 448.32 239.5 0.0 0.0 1.0 0.8425852220535925 -0.02649703583999605 -0.5379108203676443 60461.152096641905 -0.08486652893296018 0.979777969389271 -0.18119824217223496 -1637.5088089628375 0.5318343876093093 0.1983255853164963 0.8232977264423245 3413.4074436936007 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/16210476_4152300283.jpg buckingham_palace/test/images/13281945_9328537386.jpg 0 0 723.131 0.0 239.5 0.0 723.131 319.5 0.0 0.0 1.0 480.216 0.0 319.5 0.0 480.216 211.5 0.0 0.0 1.0 0.9546984401033816 0.020136186859640696 0.2968929477824018 -38540.08073341998 -0.03621669948948951 0.9981536167948891 0.048761746865442455 500.37050071788616 -0.2953628939834154 -0.0573052463395378 0.9536649671659888 -49193.784824308226 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/42754968_4815256883.jpg buckingham_palace/test/images/72728735_4706921217.jpg 0 0 608.915 0.0 319.5 0.0 608.915 212.0 0.0 0.0 1.0 715.475 0.0 319.5 0.0 715.475 213.5 0.0 0.0 1.0 0.9766086504621988 0.050918275880867066 0.2089087672256072 -28653.98592797901 -0.05290690990273461 0.9985916820232824 0.003938461432524026 4615.923502222486 -0.20841401758746195 -0.01489905283001126 0.9779272035779666 17851.57584780456 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/92283672_6106933794.jpg buckingham_palace/test/images/59669702_84374042.jpg 0 0 534.28 0.0 319.5 0.0 534.28 212.5 0.0 0.0 1.0 525.823 0.0 249.5 0.0 525.823 187.0 0.0 0.0 1.0 0.9595226032933865 0.0374049128843199 0.2791366086008766 -17095.013055880154 0.0028423596191586645 0.9898041876506694 -0.14240642928250657 2979.328467947689 -0.2816172842012327 0.13743559437538225 0.9496331726713255 17705.83676003334 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/84206804_4252951691.jpg buckingham_palace/test/images/31471983_2691474123.jpg 0 0 713.129 0.0 319.5 0.0 713.129 239.5 0.0 0.0 1.0 728.105 0.0 319.5 0.0 728.105 239.5 0.0 0.0 1.0 0.9768326864982111 -0.006217571092532085 -0.21391410518803286 17882.433498531234 0.012596854047321826 0.9995152281314573 0.02847152966440383 -3646.8807076824796 0.21363338188775166 -0.03050656557251021 0.9764374673271055 -9217.30892994561 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/99568304_8816950671.jpg buckingham_palace/test/images/09345199_2467420918.jpg 0 0 612.545 0.0 239.5 0.0 612.545 319.5 0.0 0.0 1.0 837.793 0.0 249.5 0.0 837.793 166.5 0.0 0.0 1.0 0.8735913204782073 0.056208369118214245 -0.48340337610137996 49015.457476711155 0.07195096417563449 0.9674741395721586 0.242521850589402 3892.1699577841173 0.48131202305712045 -0.24664632269746545 0.8411327647645641 23970.01289231373 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/82736794_5152319320.jpg buckingham_palace/test/images/70392907_4845953799.jpg 0 0 723.947 0.0 319.5 0.0 723.947 239.5 0.0 0.0 1.0 367.397 0.0 319.5 0.0 367.397 213.0 0.0 0.0 1.0 0.9995190708367422 0.011803428309178984 -0.02867588034926956 3696.885986195517 -0.007932908778172158 0.9912818721768673 0.13151927178874492 -16484.91574258813 0.029978258654777646 -0.1312285371924667 0.9908987713355754 -51565.17675308989 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/95099681_7121588727.jpg buckingham_palace/test/images/89902711_383052108.jpg 0 0 544.463 0.0 319.5 0.0 544.463 240.0 0.0 0.0 1.0 728.351 0.0 319.5 0.0 728.351 239.5 0.0 0.0 1.0 0.9656829709627097 -0.034137008110228434 -0.257470511456976 29593.30337114406 0.008274336459230978 0.9948650953117261 -0.10087109341406741 -1712.7068886601141 0.25959186225456693 0.09527909953222832 0.9610067420385425 8484.806613134557 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/00144688_335879737.jpg buckingham_palace/test/images/86758289_301058596.jpg 0 0 573.033 0.0 249.5 0.0 573.033 187.0 0.0 0.0 1.0 681.584 0.0 319.5 0.0 681.584 213.0 0.0 0.0 1.0 0.9984949105019131 -0.010936958668854692 -0.0537428752194412 -8473.393465445693 0.008170017374510454 0.9986428008742966 -0.05143740932473538 97.42382028409537 0.05423250425599818 0.05092091119585293 0.9972291092247093 375.33584466131504 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/19476535_153176579.jpg buckingham_palace/test/images/79123276_3884527240.jpg 0 0 838.719 0.0 319.5 0.0 838.719 239.5 0.0 0.0 1.0 1531.74 0.0 319.5 0.0 1531.74 212.0 0.0 0.0 1.0 0.9037481863011337 0.0030730711727011205 0.42805346861225024 -70077.98321488933 -0.04196928225850415 0.9957925180155146 0.08146066787736955 10212.649075425967 -0.42600210692450485 -0.09158502769497104 0.9000746566802079 55945.90851419668 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/63297115_271286148.jpg buckingham_palace/test/images/26810426_6779980104.jpg 0 0 549.53 0.0 249.5 0.0 549.53 187.0 0.0 0.0 1.0 535.869 0.0 319.5 0.0 535.869 213.0 0.0 0.0 1.0 0.9540922233447865 0.01778927072895485 0.29898423236006005 -37410.00885598648 0.025982528924528677 0.989555601672689 -0.14179075918016928 4215.64605690186 -0.2983838761456263 0.14304982714122613 0.9436650938819221 35052.579609964385 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/24481344_8619843161.jpg buckingham_palace/test/images/39881987_8753914632.jpg 0 0 533.532 0.0 319.5 0.0 533.532 239.5 0.0 0.0 1.0 696.104 0.0 319.5 0.0 696.104 211.5 0.0 0.0 1.0 0.7136421890208904 -0.09871112283360137 -0.6935206848237487 80464.09498424968 0.055645578614987194 0.9948816646584162 -0.08434478589160918 5112.955751392623 0.6982967819130165 0.02160063784770662 0.7154823665293906 65423.176967650856 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/35412346_425909362.jpg buckingham_palace/test/images/49117697_7908670900.jpg 0 0 659.197 0.0 249.5 0.0 659.197 187.0 0.0 0.0 1.0 709.993 0.0 319.5 0.0 709.993 213.5 0.0 0.0 1.0 0.8340190607100656 -0.018796249525518626 -0.5514153673738832 45039.19286234769 0.09553965155174718 0.9892416984501192 0.1107837399120193 -5018.515276359057 0.5434007557536804 -0.14507778276254996 0.8268422192867461 -11826.390428935982 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/59557144_4072456064.jpg buckingham_palace/test/images/52927333_9772228794.jpg 0 0 569.526 0.0 249.5 0.0 569.526 187.0 0.0 0.0 1.0 548.596 0.0 319.5 0.0 548.596 179.0 0.0 0.0 1.0 0.9717181320206996 0.0063837076184099974 0.23605745101403797 -21561.79555781598 -0.011691899254077893 0.999709130469523 0.021093931537362654 2079.8553655749015 -0.2358541316026386 -0.023257315685889086 0.9715101264902247 -4616.78367724151 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/30612743_2756901875.jpg buckingham_palace/test/images/86680206_8613353750.jpg 0 0 565.589 0.0 249.5 0.0 565.589 187.0 0.0 0.0 1.0 666.834 0.0 319.5 0.0 666.834 239.5 0.0 0.0 1.0 0.871984366765157 0.0347249688615804 0.4883005638484667 -29166.800391313678 -0.01578941116305013 0.9989570095186264 -0.04284375834035916 -61.8908297832545 -0.4892790191826054 0.029649109112504853 0.8716231821816939 13601.4347906031 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/66580194_6996358425.jpg buckingham_palace/test/images/12902055_112148540.jpg 0 0 729.144 0.0 319.5 0.0 729.144 239.5 0.0 0.0 1.0 718.027 0.0 319.5 0.0 718.027 239.5 0.0 0.0 1.0 0.921625333805062 -0.0015346591056000915 0.3880778129578368 -58190.31051351776 0.03484344928393232 0.996280696313313 -0.0788080465146711 -974.7233762262167 -0.3865134902312029 0.08615346176962438 0.9182510021200107 39420.69928385738 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/36638733_5857779927.jpg buckingham_palace/test/images/92283672_6106933794.jpg 0 0 491.356 0.0 319.5 0.0 491.356 212.0 0.0 0.0 1.0 534.28 0.0 319.5 0.0 534.28 212.5 0.0 0.0 1.0 0.8939579286908532 0.04921664539894443 -0.44544016831268607 15925.378791839068 0.054675131595132244 0.9745487854301645 0.21740582973242967 -352.5897674837315 0.4448031606405405 -0.21870616505317308 0.8685146870674783 1636.6754304829556 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/71145896_2328923072.jpg buckingham_palace/test/images/00144688_335879737.jpg 0 0 1341.47 0.0 319.5 0.0 1341.47 239.5 0.0 0.0 1.0 573.033 0.0 249.5 0.0 573.033 187.0 0.0 0.0 1.0 0.9988019237804168 -0.003268715499289449 0.04882655580238249 -11673.313227086459 0.0013849372377790017 0.9992551287125984 0.03856513568517275 -758.7468708118577 -0.04891624475964891 -0.03845130999788013 0.9980624718714058 -5455.625440213304 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/92121328_5579434644.jpg buckingham_palace/test/images/52126489_4139263.jpg 0 0 575.219 0.0 319.5 0.0 575.219 239.5 0.0 0.0 1.0 715.427 0.0 319.5 0.0 715.427 239.5 0.0 0.0 1.0 0.41381204032222946 -0.2593537895989542 -0.8726369274245817 45527.322891359676 0.0023403405807081406 0.9588599048227896 -0.28387005077886796 2618.4718486830116 0.9103593345983332 0.11542657728570199 0.3973947497964562 72214.5119261294 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/81888816_2734302.jpg buckingham_palace/test/images/39753040_13785121575.jpg 0 0 669.636 0.0 319.5 0.0 669.636 239.5 0.0 0.0 1.0 456.694 0.0 319.5 0.0 456.694 239.5 0.0 0.0 1.0 0.07013376644247685 -0.9556487405827788 -0.2860362554417549 19807.127370717357 0.9862302602253656 0.02337560930438966 0.16371760658358075 -11479.238371017796 -0.14977025278872874 -0.29357974302086537 0.9441291256324013 -34879.455232365865 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/15885029_599614928.jpg buckingham_palace/test/images/57193236_5047672890.jpg 0 0 433.441 0.0 319.5 0.0 433.441 239.5 0.0 0.0 1.0 664.015 0.0 319.5 0.0 664.015 239.5 0.0 0.0 1.0 0.954862508458624 -0.0016150117444301173 0.2970437369768458 -532.0180606829781 0.0005317776389702502 0.9999929115127978 0.003727483963874995 -1313.6109037961987 -0.2970476513164964 -0.003401273470864519 0.9548565987550851 -7473.297623832466 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/79123276_3884527240.jpg buckingham_palace/test/images/96236969_1904716577.jpg 0 0 1531.74 0.0 319.5 0.0 1531.74 212.0 0.0 0.0 1.0 505.334 0.0 249.5 0.0 505.334 187.0 0.0 0.0 1.0 0.9880721070468403 -0.03881753471181515 -0.1490191607643598 46441.99822259619 0.021883495161332957 0.9932811753415732 -0.11363810695179115 -5279.067614288069 0.15242907831362423 0.1090215836931377 0.9822828871427514 -130044.84565162557 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/25919709_2805904071.jpg buckingham_palace/test/images/97156938_2710050704.jpg 0 0 562.99 0.0 249.5 0.0 562.99 187.0 0.0 0.0 1.0 730.199 0.0 319.5 0.0 730.199 239.5 0.0 0.0 1.0 0.4941449928149945 0.07364911337376534 0.866254312644461 -96294.05790868611 -0.08260270651045383 0.9958748982252402 -0.03754969989248505 11085.74438317458 -0.8654464275465104 -0.052999954567208074 0.49819021052491286 80996.56414283262 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/04861657_8587228495.jpg buckingham_palace/test/images/03295994_6248335133.jpg 0 0 671.319 0.0 319.5 0.0 671.319 239.5 0.0 0.0 1.0 722.705 0.0 319.5 0.0 722.705 239.5 0.0 0.0 1.0 0.9977807528225678 0.02569411742683203 0.06142785708850282 -22834.856612249347 -0.025991210443847744 0.9996539990330612 0.004042177244059535 -4345.783178287015 -0.061302742813784374 -0.005629791014321858 0.998103340930508 -42933.7965710853 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/79326315_11893283674.jpg buckingham_palace/test/images/48484647_7883607208.jpg 0 0 857.641 0.0 319.5 0.0 857.641 239.5 0.0 0.0 1.0 530.224 0.0 319.5 0.0 530.224 182.5 0.0 0.0 1.0 0.9784477763424673 0.01764164697833617 0.2057394499418455 -31822.784199152346 -0.031447558817769575 0.9974524870233403 0.06402801867429844 -166.74804348038128 -0.20408576632113357 -0.06911807594866302 0.9765099546662442 -52611.24942554949 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/19931456_8233563983.jpg buckingham_palace/test/images/18093615_4509989383.jpg 0 0 500.434 0.0 319.5 0.0 500.434 211.5 0.0 0.0 1.0 533.833 0.0 319.5 0.0 533.833 239.5 0.0 0.0 1.0 0.9987667337664844 0.01858093422137593 0.046040855822729855 -1784.1102128308776 -0.009061337731033835 0.9799729439685639 -0.198924410890443 -3772.1671468733743 -0.048814994417214104 0.19826189238743422 0.9789327445473467 49151.25271491059 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/93037627_13638822993.jpg buckingham_palace/test/images/32929018_8338714866.jpg 0 0 585.228 0.0 239.5 0.0 585.228 319.5 0.0 0.0 1.0 503.595 0.0 319.5 0.0 503.595 213.0 0.0 0.0 1.0 0.8368016290003336 0.1280902739609851 0.5323118591756036 -26986.03485489388 -0.07398932169011621 0.9897856914715815 -0.12186002311652405 4747.209649329248 -0.5424837453585356 0.06258727246591807 0.8377315914701153 48599.35670025641 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/38109366_1994420460.jpg buckingham_palace/test/images/19476535_153176579.jpg 0 0 562.71 0.0 249.5 0.0 562.71 160.0 0.0 0.0 1.0 838.719 0.0 319.5 0.0 838.719 239.5 0.0 0.0 1.0 0.8262042717625128 -0.020121496369312486 -0.5630112136585165 51412.66512661293 0.00011784476790431429 0.9993681213875983 -0.035543551691312 -103.07171662702308 0.5633706483603728 0.029299886315172538 0.8256845821667808 59657.496749074475 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/38109366_1994420460.jpg buckingham_palace/test/images/04747458_676507940.jpg 0 0 562.71 0.0 249.5 0.0 562.71 160.0 0.0 0.0 1.0 533.733 0.0 319.5 0.0 533.733 213.0 0.0 0.0 1.0 0.9975402893528214 0.004644178508234273 0.06994142351906317 -7328.053361383603 -0.0014890392556987833 0.998981552300841 -0.04509590807042891 -2768.7241789997624 -0.07007962528427426 0.044880839659984545 0.9965312621044211 -21271.713693461978 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/87292117_4922805851.jpg buckingham_palace/test/images/97156938_2710050704.jpg 0 0 721.2 0.0 319.5 0.0 721.2 239.0 0.0 0.0 1.0 730.199 0.0 319.5 0.0 730.199 239.5 0.0 0.0 1.0 0.9877207992539986 0.002971602653895162 -0.1562011277126678 22286.221751344186 -0.017230156172868823 0.9957919092272595 -0.0900088619847395 3653.1270460053115 0.15527634861530062 0.09159499492437723 0.9836155816504244 23166.34073948419 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/15676476_3064491824.jpg buckingham_palace/test/images/72721744_6254882589.jpg 0 0 571.819 0.0 249.5 0.0 571.819 187.0 0.0 0.0 1.0 292.816 0.0 319.5 0.0 292.816 187.0 0.0 0.0 1.0 0.9829246860757062 0.0157988615004885 0.18332882337009468 -27787.854891940508 -0.0816133377294047 0.9303805975385571 0.35739502910430127 -20062.886784616006 -0.1649191456673273 -0.3662544739646011 0.915783454585893 -56227.47023052148 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/78715037_9287831735.jpg buckingham_palace/test/images/82736794_5152319320.jpg 0 0 629.677 0.0 319.5 0.0 629.677 212.5 0.0 0.0 1.0 723.947 0.0 319.5 0.0 723.947 239.5 0.0 0.0 1.0 0.7101389214399161 0.1763679520504384 0.6816135692206305 -62106.913291794575 -0.11047469644449726 0.9840370423298567 -0.1395221873689066 10056.11428929168 -0.6953402431196177 0.023779083502993726 0.7182871998623591 54313.892155284935 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/59669702_84374042.jpg buckingham_palace/test/images/19931456_8233563983.jpg 0 0 525.823 0.0 249.5 0.0 525.823 187.0 0.0 0.0 1.0 500.434 0.0 319.5 0.0 500.434 211.5 0.0 0.0 1.0 0.9214969786483895 -0.045107485213315306 -0.38575722043744054 38968.929120536326 0.049962221725148505 0.9987478174877035 0.0025638767201977717 -3060.600872361121 0.38515853196077166 -0.021635892430861576 0.9225967664242832 -17527.289001225858 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/77059222_3193034364.jpg buckingham_palace/test/images/42330398_309946538.jpg 0 0 665.902 0.0 319.5 0.0 665.902 239.5 0.0 0.0 1.0 536.549 0.0 249.5 0.0 536.549 187.0 0.0 0.0 1.0 0.9962805343227226 0.002783192585615046 -0.08612404291869716 7769.470871694517 0.0014602439979693091 0.9987894041544279 0.04916903330663986 -1921.1784959027573 0.08615662839907674 -0.04911191289162378 0.9950703771065788 -20057.202295257455 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/34591604_85337315.jpg buckingham_palace/test/images/66012681_3064490504.jpg 0 0 588.671 0.0 319.5 0.0 588.671 239.5 0.0 0.0 1.0 573.25 0.0 249.5 0.0 573.25 187.0 0.0 0.0 1.0 0.9882649846870015 0.002767590536594052 -0.15272413196421464 23978.75399135429 0.0015373504860164175 0.9996049908773192 0.028062408425474278 -2346.6820296106985 0.15274146979482758 -0.02796788615138332 0.9878703562457674 12517.18222093059 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/19476535_153176579.jpg buckingham_palace/test/images/84843004_4889485367.jpg 0 0 838.719 0.0 319.5 0.0 838.719 239.5 0.0 0.0 1.0 538.063 0.0 319.5 0.0 538.063 213.0 0.0 0.0 1.0 0.8165491874362232 0.0041708953684935395 0.5772607973256703 -79715.94978397971 -0.033142608290503174 0.9986632203756328 0.0396653474039049 363.9364177122118 -0.5763236868400827 -0.05152063567926229 0.8155958754715836 -19811.65013669437 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/87435867_4350947433.jpg buckingham_palace/test/images/99420280_3920306353.jpg 0 0 448.32 0.0 319.5 0.0 448.32 239.5 0.0 0.0 1.0 872.142 0.0 319.5 0.0 872.142 213.0 0.0 0.0 1.0 0.963794109091544 0.010117109498961805 -0.26645554859267434 23100.420672433378 0.061018750322804786 0.9643957363108253 0.2573277596656532 13317.250311344389 0.259572008100797 -0.2642697634631836 0.9288615961108698 72324.76202754836 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/19931456_8233563983.jpg buckingham_palace/test/images/48284683_6191802350.jpg 0 0 500.434 0.0 319.5 0.0 500.434 211.5 0.0 0.0 1.0 447.039 0.0 319.5 0.0 447.039 213.0 0.0 0.0 1.0 0.8640794438291863 0.07324834467235314 0.4979973842849019 -31027.110880779554 -0.0016032046554433233 0.9897507639509375 -0.142796551055578 1624.454889780407 -0.5033529025312926 0.1225891726919457 0.8553407217314206 42281.62398869662 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88975383_10138413065.jpg buckingham_palace/test/images/50497824_8033642711.jpg 0 0 818.871 0.0 319.5 0.0 818.871 180.0 0.0 0.0 1.0 449.291 0.0 319.5 0.0 449.291 213.0 0.0 0.0 1.0 0.9921073179351287 -0.007933733902508271 -0.12514042338880454 13615.318310740404 0.03345974752795468 0.9785595813527449 0.20322792878466733 -22662.928522649254 0.12084500401311843 -0.20581108232819842 0.9711015824289263 -88603.97405967282 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/37484866_5209954283.jpg buckingham_palace/test/images/79123276_3884527240.jpg 0 0 756.578 0.0 319.5 0.0 756.578 213.0 0.0 0.0 1.0 1531.74 0.0 319.5 0.0 1531.74 212.0 0.0 0.0 1.0 0.8163189002547065 0.031331891855558285 -0.5767510430330388 63663.80434746374 0.08602081212028564 0.9807975086225653 0.1750333310027991 13207.397812340563 0.5711601115003682 -0.19249560938504678 0.7979483488286484 82011.42923849783 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/14101115_7724864500.jpg buckingham_palace/test/images/96795280_10579107723.jpg 0 0 461.446 0.0 239.5 0.0 461.446 319.5 0.0 0.0 1.0 778.565 0.0 319.5 0.0 778.565 319.5 0.0 0.0 1.0 0.7784981856078751 -0.007290726160316213 -0.627604509478144 15042.41379056582 0.034324171964592726 0.9989307112407559 0.03097233215278354 6440.032476034262 0.6267076082386359 -0.04565390949406813 0.7779159943873861 76151.04404816158 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/22496504_4546656558.jpg buckingham_palace/test/images/64410912_3739779843.jpg 0 0 835.668 0.0 319.5 0.0 835.668 213.0 0.0 0.0 1.0 1908.16 0.0 319.5 0.0 1908.16 239.5 0.0 0.0 1.0 0.723658826808024 0.10120119460236192 0.6826977520058851 -45261.24451451035 -0.10351220573526379 0.9939167546309576 -0.03761260596774661 18362.65326931491 -0.6823511747235836 -0.04344885585282328 0.7297321914774116 101497.9634390326 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/03513470_2505259840.jpg buckingham_palace/test/images/89826404_8759127701.jpg 0 0 504.806 0.0 319.5 0.0 504.806 213.5 0.0 0.0 1.0 628.119 0.0 319.5 0.0 628.119 239.5 0.0 0.0 1.0 0.9651069236194371 -0.04984208114175321 -0.25706884861702944 -1885.0874653765168 0.022033041663531726 0.9936934038062343 -0.1099452786936899 -123.36512922009251 0.2609275206966091 0.10044494103457355 0.9601185566187551 -94.44412315419504 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/15064245_12177287034.jpg buckingham_palace/test/images/35721053_45922082.jpg 0 0 604.78 0.0 319.5 0.0 604.78 239.5 0.0 0.0 1.0 534.729 0.0 249.5 0.0 534.729 187.0 0.0 0.0 1.0 0.88781225971758 -0.003029162543167186 0.46019584490676485 -25240.847315938165 -0.09436791042890495 0.977530768657894 0.18848950583093177 807.7404370223201 -0.450426563355722 -0.21077101437672532 0.8675779449260799 4478.711805672157 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/82739196_8119743979.jpg buckingham_palace/test/images/79123276_3884527240.jpg 0 0 681.143 0.0 319.5 0.0 681.143 221.0 0.0 0.0 1.0 1531.74 0.0 319.5 0.0 1531.74 212.0 0.0 0.0 1.0 0.9993300396160674 0.0015436880588433988 -0.036566226878448 -3930.394502148552 0.0029122963380496534 0.9925878465468196 0.12149438430473515 18212.99457012536 0.03648274182388891 -0.1215194795690151 0.9919183563349794 112550.26261334994 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/35721053_45922082.jpg buckingham_palace/test/images/34591604_85337315.jpg 0 0 534.729 0.0 249.5 0.0 534.729 187.0 0.0 0.0 1.0 588.671 0.0 319.5 0.0 588.671 239.5 0.0 0.0 1.0 0.9455834852947229 -0.06214031868662062 -0.31939075304618675 9255.40647301251 0.008799030435436818 0.9861188101791164 -0.1658079288644547 3221.6495592184265 0.3252605869165233 0.1539749103083 0.9330044359992452 16641.605322745745 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/01991338_3847005741.jpg buckingham_palace/test/images/91176153_7095273843.jpg 0 0 575.005 0.0 249.5 0.0 575.005 187.0 0.0 0.0 1.0 1095.48 0.0 319.5 0.0 1095.48 239.5 0.0 0.0 1.0 0.9631571231704237 0.0064640572399096725 0.2688616224939368 -16109.393186268035 0.0046688406183228925 0.9991585666253 -0.04074752344077744 5549.039799971513 -0.2688987876755001 0.04050153951734652 0.9623165109689071 90674.19140984061 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/32264273_9687016916.jpg buckingham_palace/test/images/76124793_5669979160.jpg 0 0 608.489 0.0 305.5 0.0 608.489 305.5 0.0 0.0 1.0 737.626 0.0 319.5 0.0 737.626 239.5 0.0 0.0 1.0 0.9918188853433174 -0.00418046444737855 -0.1275845695738451 1798.6055463774283 -0.009545972205262258 0.9942362026646753 -0.10678599030576508 -2904.28197341532 0.1272956130076582 0.10713028063031851 0.9860623356974313 -17430.3831420933 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/87292117_4922805851.jpg buckingham_palace/test/images/14261176_44001540.jpg 0 0 721.2 0.0 319.5 0.0 721.2 239.0 0.0 0.0 1.0 649.057 0.0 319.5 0.0 649.057 239.5 0.0 0.0 1.0 0.9986807040116549 0.05133139659488897 -0.001392536679261553 2553.9215925784083 -0.05127094567009775 0.9952641591942557 -0.08258658216347765 -5142.470189389676 -0.002853342755217232 0.08254902268936426 0.996582920427674 -34385.94068904265 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88827990_5044159062.jpg buckingham_palace/test/images/97156938_2710050704.jpg 0 0 800.954 0.0 319.5 0.0 800.954 239.5 0.0 0.0 1.0 730.199 0.0 319.5 0.0 730.199 239.5 0.0 0.0 1.0 0.9421643323498222 0.029685664330499156 0.33383398895419736 -37901.76188636288 -0.026111605137526157 0.9995436309816762 -0.015189267299940945 1168.0045765006344 -0.33413254095486744 0.005593844583474583 0.942509498083611 23619.12314211077 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/39733199_8623371744.jpg buckingham_palace/test/images/38494630_2754668056.jpg 0 0 1338.45 0.0 319.5 0.0 1338.45 239.5 0.0 0.0 1.0 782.467 0.0 249.5 0.0 782.467 187.0 0.0 0.0 1.0 0.9997652663196572 -0.008319148089459768 -0.02000510024595515 25359.48751627429 0.00615240661382494 0.9943439440870148 -0.1060295654538768 1572.0774218301099 0.020774025937291024 0.10588159723268922 0.9941617208552195 59691.451488895415 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/80448535_2424346689.jpg buckingham_palace/test/images/93206568_5039285632.jpg 0 0 770.034 0.0 319.5 0.0 770.034 239.5 0.0 0.0 1.0 801.943 0.0 319.5 0.0 801.943 212.0 0.0 0.0 1.0 0.5089502840722445 0.024463039457763076 0.860448236701819 -88531.29221717789 -0.021367424527531282 0.999647121199875 -0.01578183277895234 2050.019998298125 -0.8605306743584693 -0.010353394481545026 0.5092933984560057 71271.77494031918 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/52927333_9772228794.jpg buckingham_palace/test/images/36638733_5857779927.jpg 0 0 548.596 0.0 319.5 0.0 548.596 179.0 0.0 0.0 1.0 491.356 0.0 319.5 0.0 491.356 212.0 0.0 0.0 1.0 0.999437931853078 -0.03338694886660391 -0.003021923000474479 4206.826747085048 0.033423936619909764 0.9993547210615918 0.013152260366047648 -2546.022329401614 0.0025808591728872844 -0.013245872462273987 0.9999089388682566 -22994.105506353237 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/81394496_5045390386.jpg buckingham_palace/test/images/80048275_3915422048.jpg 0 0 672.414 0.0 319.5 0.0 672.414 239.5 0.0 0.0 1.0 515.084 0.0 319.5 0.0 515.084 211.5 0.0 0.0 1.0 0.8359787535816431 0.022617871931478815 -0.5482955000995121 38640.200254253745 -0.011952394154304989 0.9996636979832306 0.023013717832465686 578.2829529153777 0.548631628539645 -0.012685535218643138 0.8359679499610936 22282.10398557845 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/23363801_5143002413.jpg buckingham_palace/test/images/10272597_1810665269.jpg 0 0 729.125 0.0 319.5 0.0 729.125 239.5 0.0 0.0 1.0 501.469 0.0 319.5 0.0 501.469 213.5 0.0 0.0 1.0 0.6593194149396426 0.04333535261371591 0.7506130536418163 -75101.5011556114 -0.14389994943302536 0.9871552886653506 0.06940634418553449 -1912.3107255319114 -0.7379638972448583 -0.15377413070433216 0.6570866024271891 934.2875629025748 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/83500228_4350950097.jpg buckingham_palace/test/images/50497824_8033642711.jpg 0 0 450.353 0.0 319.5 0.0 450.353 239.5 0.0 0.0 1.0 449.291 0.0 319.5 0.0 449.291 213.0 0.0 0.0 1.0 0.9928448497328164 0.00909300517096838 0.11906477907417416 -20610.65873997478 -0.0455902816898833 0.9504297699480837 0.3075788981901554 3053.3988612972807 -0.11036589407266292 -0.31080632177192535 0.9440438547928524 3696.54788040808 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88817343_6780061632.jpg buckingham_palace/test/images/54235905_5885592660.jpg 0 0 716.556 0.0 319.5 0.0 716.556 213.0 0.0 0.0 1.0 955.39 0.0 213.0 0.0 955.39 319.5 0.0 0.0 1.0 0.41521291874171534 0.06318387654295139 0.907527426502908 -51669.03985493597 -0.0369340819317368 0.9979334730212874 -0.052580005853278496 7235.0599565528555 -0.9089742051905794 -0.01168679462796042 0.41668850851622746 130191.8679141778 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/38217522_12120715573.jpg buckingham_palace/test/images/94916212_250193805.jpg 0 0 416.694 0.0 319.5 0.0 416.694 239.5 0.0 0.0 1.0 540.593 0.0 249.5 0.0 540.593 187.0 0.0 0.0 1.0 0.7274187611642429 -0.03310015120134248 -0.6853950144965503 34512.1466355661 0.10080406364986325 0.9931540529994692 0.05902175668685158 1115.993217778669 0.678749207482375 -0.11202413579749614 0.7257755206266412 15355.342058086826 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/96640391_498921406.jpg buckingham_palace/test/images/81485196_7160898455.jpg 0 0 717.897 0.0 319.5 0.0 717.897 239.5 0.0 0.0 1.0 640.287 0.0 319.5 0.0 640.287 232.0 0.0 0.0 1.0 0.9429435380099341 0.047843172089319555 0.3294973672273256 -44938.68869322118 0.0021031942163456468 0.9887465858502371 -0.14958531192462754 2821.473644036583 -0.3329460327131045 0.14174350021758161 0.9322315803740361 17328.070552930014 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/38067003_3099337568.jpg buckingham_palace/test/images/66563458_10330669473.jpg 0 0 666.233 0.0 319.5 0.0 666.233 213.0 0.0 0.0 1.0 720.394 0.0 319.5 0.0 720.394 319.5 0.0 0.0 1.0 0.9837727500087035 0.05355979225422451 0.17123821125554065 381.61447852149286 -0.03647733981470977 0.9941773823554424 -0.10139396477563623 6977.50122196262 -0.1756717963144769 0.09350230514038185 0.9799983361787304 56705.88644338411 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/55790389_5367781874.jpg buckingham_palace/test/images/33491680_3513928900.jpg 0 0 866.206 0.0 319.5 0.0 866.206 212.0 0.0 0.0 1.0 656.038 0.0 239.5 0.0 656.038 319.5 0.0 0.0 1.0 0.8029916692621557 -0.053190743599561954 -0.5936119303812066 31500.00628927179 0.0871075634162531 0.9957881594887286 0.028604437028796437 -7560.4702344640045 0.5895902403290444 -0.07467721350838287 0.8042429124906002 -29266.17817358958 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/27360182_6693505247.jpg buckingham_palace/test/images/67523072_406377501.jpg 0 0 668.989 0.0 319.5 0.0 668.989 240.0 0.0 0.0 1.0 685.313 0.0 319.5 0.0 685.313 239.5 0.0 0.0 1.0 0.9983824862380223 0.038894317912897027 0.04146858096530512 -28054.936196455405 -0.03032641031934913 0.9812712675250224 -0.1902288315870615 -456.3414407412531 -0.04809074765823507 0.18866354063232949 0.9808635727896848 -24371.72799749556 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/80691584_9772041992.jpg buckingham_palace/test/images/91176153_7095273843.jpg 0 0 550.47 0.0 319.5 0.0 550.47 179.0 0.0 0.0 1.0 1095.48 0.0 319.5 0.0 1095.48 239.5 0.0 0.0 1.0 0.9851101460380335 0.02497775002488944 0.17010030034252874 -2553.90212710812 -0.0083231851623471 0.9951587029823896 -0.09792793507044291 6545.068869111226 -0.17172281374842893 0.09505402612252534 0.9805488296643979 117717.78746709166 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/13870492_3491797363.jpg buckingham_palace/test/images/73590053_4109923193.jpg 0 0 780.996 0.0 319.5 0.0 780.996 213.5 0.0 0.0 1.0 847.053 0.0 319.5 0.0 847.053 212.5 0.0 0.0 1.0 0.9399154702480967 -0.055368883050917285 -0.3368875117572524 58189.769518361194 0.04011767644650856 0.9978372773630723 -0.052070528527992904 2087.4437845253087 0.3390420045139427 0.03542675111190857 0.9401039647192339 14896.364186686384 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/98572291_1285394227.jpg buckingham_palace/test/images/65005823_3953864220.jpg 0 0 744.579 0.0 319.5 0.0 744.579 239.5 0.0 0.0 1.0 626.087 0.0 319.5 0.0 626.087 179.0 0.0 0.0 1.0 0.7321450632548363 -0.030192824553537983 -0.6804792426643529 126388.15190962632 0.11973038041425105 0.9891669431002902 0.08493170599656037 -4571.207810468801 0.6705432442113118 -0.14365636784739724 0.7278286924953307 -35849.16064306245 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/16774617_219184039.jpg buckingham_palace/test/images/94916212_250193805.jpg 0 0 544.766 0.0 249.5 0.0 544.766 187.0 0.0 0.0 1.0 540.593 0.0 249.5 0.0 540.593 187.0 0.0 0.0 1.0 0.9759846056764326 -0.021044405045471587 -0.21682062286346362 8560.216033601115 0.035762404548454606 0.9972971935646213 0.06418222595892917 -9843.0773521236 0.21488392192886538 -0.07039489132325227 0.9740993067300976 -63891.57846827171 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/04563674_4259679500.jpg buckingham_palace/test/images/65063014_3656668731.jpg 0 0 611.976 0.0 319.5 0.0 611.976 239.5 0.0 0.0 1.0 689.192 0.0 319.5 0.0 689.192 239.5 0.0 0.0 1.0 0.7888636603209123 0.1109310920107292 0.6044736704360244 -35541.53825077383 -0.04048238279296369 0.9908178635039865 -0.12900053505625445 2102.063549274695 -0.6132334809095932 0.07729329975297412 0.7861109614455205 14988.34639194627 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/78715037_9287831735.jpg buckingham_palace/test/images/89896693_2049071963.jpg 0 0 629.677 0.0 319.5 0.0 629.677 212.5 0.0 0.0 1.0 722.799 0.0 319.5 0.0 722.799 239.5 0.0 0.0 1.0 0.7185896413066735 0.19324155914339958 0.6680468750219364 -59226.931342439595 -0.14886600105655584 0.981094118317296 -0.12366585920389367 10755.500787124825 -0.6793142432896399 -0.010584461395636848 0.7337711687173245 42875.468323735695 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/82739196_8119743979.jpg buckingham_palace/test/images/24967538_249111453.jpg 0 0 681.143 0.0 319.5 0.0 681.143 221.0 0.0 0.0 1.0 1172.73 0.0 319.5 0.0 1172.73 239.5 0.0 0.0 1.0 0.9869315800378742 0.010247279512607307 -0.1608137108163833 13954.658842383964 -0.007296953279950055 0.9997942572986922 0.018926107507529766 1978.6614484291285 0.1609745656828279 -0.017505323051770487 0.9868032999884414 55383.61922655036 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/84843004_4889485367.jpg buckingham_palace/test/images/59557144_4072456064.jpg 0 0 538.063 0.0 319.5 0.0 538.063 213.0 0.0 0.0 1.0 569.526 0.0 249.5 0.0 569.526 187.0 0.0 0.0 1.0 0.9863717626880043 -0.01771467830084283 -0.16357547476457823 21113.635827953152 -0.000912289020031525 0.9935828635688443 -0.11310287773120366 -2556.0375589528476 0.1645293697201307 0.11171071298238738 0.9800259196084882 1454.0936068668298 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/44119452_427463944.jpg buckingham_palace/test/images/66563458_10330669473.jpg 0 0 842.739 0.0 249.5 0.0 842.739 166.0 0.0 0.0 1.0 720.394 0.0 319.5 0.0 720.394 319.5 0.0 0.0 1.0 0.9017569943007261 -0.014890930969933503 -0.4319867861457905 45478.796199918965 0.019699240104191985 0.9997837813687357 0.006658111695511137 1571.4431446459664 0.4317942370725178 -0.014513810212386801 0.9018553576622368 41274.32376656409 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/99420280_3920306353.jpg buckingham_palace/test/images/80731258_3052461790.jpg 0 0 872.142 0.0 319.5 0.0 872.142 213.0 0.0 0.0 1.0 576.354 0.0 249.5 0.0 576.354 187.0 0.0 0.0 1.0 0.9836266042047832 0.03493985341061663 0.17679906714745813 -25467.860208529375 -0.031404760795923026 0.9992476993117769 -0.02275470104113599 -5006.034185061523 -0.1774611070063456 0.016829796902079384 0.9839838989720903 -27515.321198350328 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/59781164_3740564586.jpg buckingham_palace/test/images/97292713_2986088736.jpg 0 0 1179.26 0.0 319.5 0.0 1179.26 239.5 0.0 0.0 1.0 683.491 0.0 319.5 0.0 683.491 221.0 0.0 0.0 1.0 0.8967077520648113 -0.037405476998501316 -0.44103972346874587 77775.17214179468 0.08114214874857173 0.9934284503908695 0.08072091210126718 -10778.648208354294 0.4351220048254717 -0.10816997848067841 0.8938501533658492 -45917.7089273717 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/92713380_3913819288.jpg buckingham_palace/test/images/44140023_3726848652.jpg 0 0 534.038 0.0 319.5 0.0 534.038 212.5 0.0 0.0 1.0 667.066 0.0 319.5 0.0 667.066 212.0 0.0 0.0 1.0 0.683594378897291 0.09853062608648101 0.7231807802085403 -49403.491912296435 -0.03978088544018737 0.9944028011591184 -0.09788028504501632 4254.542209856652 -0.7287771993508179 0.03814164089161647 0.6836878007807901 74202.16186775219 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/42575336_5691036729.jpg buckingham_palace/test/images/44140023_3726848652.jpg 0 0 681.719 0.0 319.5 0.0 681.719 212.5 0.0 0.0 1.0 667.066 0.0 319.5 0.0 667.066 212.0 0.0 0.0 1.0 0.8902584862054402 -0.03678657378139115 0.4539675932581796 -42118.31643106739 -0.016214241177581187 0.9935412342071855 0.11230723179340463 -525.6278413830423 -0.4551669211643492 -0.10734320621021412 0.8839120487685858 41231.83619610487 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/78850803_8040467285.jpg buckingham_palace/test/images/84206804_4252951691.jpg 0 0 936.98 0.0 319.5 0.0 936.98 239.5 0.0 0.0 1.0 713.129 0.0 319.5 0.0 713.129 239.5 0.0 0.0 1.0 0.6645740511657449 -0.08719042757269974 -0.7421180228621588 95010.59285649458 0.04959226553616366 0.9961257427836305 -0.07262308009683342 -104.3101758737937 0.7455749041619765 0.011460100499134 0.666323291188601 -4527.977531018491 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/61577420_5186173128.jpg buckingham_palace/test/images/89730574_3288971741.jpg 0 0 1021.11 0.0 319.5 0.0 1021.11 213.0 0.0 0.0 1.0 664.171 0.0 319.5 0.0 664.171 239.5 0.0 0.0 1.0 0.999623358510097 0.022022757802722722 0.016374958313138697 -19927.745287402286 -0.023215587666185363 0.9967893815684215 0.0766287497076487 -12358.4916182982 -0.01463480817462516 -0.07698004242143817 0.9969252205950482 -99130.81583699721 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/40580817_2599681870.jpg buckingham_palace/test/images/82739196_8119743979.jpg 0 0 725.526 0.0 319.5 0.0 725.526 235.0 0.0 0.0 1.0 681.143 0.0 319.5 0.0 681.143 221.0 0.0 0.0 1.0 0.9895833445017354 -0.024573972515359407 -0.14184824341377678 9290.716424855636 0.00896600306273309 0.993930937107461 -0.10963987892078096 -2346.4515726595437 0.14368164487448898 0.10722598628830055 0.9837978312593815 -18869.644643281994 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/78326446_53479975.jpg buckingham_palace/test/images/66200544_112696421.jpg 0 0 517.948 0.0 219.5 0.0 517.948 164.5 0.0 0.0 1.0 674.569 0.0 249.5 0.0 674.569 187.0 0.0 0.0 1.0 0.9962143385775872 0.023213243724430687 -0.08377432141301104 509.58295560238184 -0.02245597502412553 0.9996981136156516 0.009970497431089418 542.7752144076524 0.08398047867294012 -0.008051518434288635 0.9964348710541829 3344.2397226732282 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/95099681_7121588727.jpg buckingham_palace/test/images/74825492_11236890775.jpg 0 0 544.463 0.0 319.5 0.0 544.463 240.0 0.0 0.0 1.0 786.182 0.0 319.5 0.0 786.182 319.5 0.0 0.0 1.0 0.9999619887321746 -0.006437306217805062 0.005880661480880048 -3100.65375159053 0.007813126006465245 0.960932871184643 -0.2766712347513656 13.064480807222566 -0.003869903461534239 0.2767066644761134 0.9609466403925362 -6148.085672526919 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/67955492_328543996.jpg buckingham_palace/test/images/99693928_9653754514.jpg 0 0 519.911 0.0 187.0 0.0 519.911 249.5 0.0 0.0 1.0 971.196 0.0 212.5 0.0 971.196 319.5 0.0 0.0 1.0 0.9741025229146988 -0.02566574300826931 -0.22464537495139292 26853.981403279417 -0.009638093996304836 0.9879203596008789 -0.1546624396231633 19016.025474465176 0.22590126603305458 0.15282222587668234 0.9620883458824139 97055.47661707844 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/44460121_952952106.jpg buckingham_palace/test/images/92637616_3766818227.jpg 0 0 820.061 0.0 319.5 0.0 820.061 213.0 0.0 0.0 1.0 1027.91 0.0 319.5 0.0 1027.91 239.5 0.0 0.0 1.0 0.8364579945599045 0.025244341629848364 0.5474493095734967 -58056.29803837745 -0.07520027824773266 0.9947763749375771 0.069028124829785 2010.2903361912204 -0.5428470700743316 -0.09890746726980881 0.8339870331306029 12521.043844040425 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/63503162_6643082601.jpg buckingham_palace/test/images/21622015_377333223.jpg 0 0 771.297 0.0 305.5 0.0 771.297 305.5 0.0 0.0 1.0 671.989 0.0 319.5 0.0 671.989 239.5 0.0 0.0 1.0 0.34857440286480235 -0.015303768453454413 -0.9371561664624362 107095.04158836932 0.007566618530174687 0.9998800565387886 -0.013513653096303611 -2957.5072826060605 0.9372505705260814 -0.002380589656256026 0.34864839142239457 22938.16456190891 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/04747458_676507940.jpg buckingham_palace/test/images/97000297_3525745026.jpg 0 0 533.733 0.0 319.5 0.0 533.733 213.0 0.0 0.0 1.0 537.107 0.0 319.5 0.0 537.107 209.0 0.0 0.0 1.0 0.84246727117209 -0.03152259782404881 -0.5378245279180519 31252.56180216323 0.21156407605941255 0.9374500449085371 0.27645624431744864 6001.554486133415 0.4954690088441246 -0.346689687079678 0.7964400304778858 12570.07593255943 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/46081654_9210533871.jpg buckingham_palace/test/images/88139524_3180271751.jpg 0 0 915.01 0.0 319.5 0.0 915.01 213.0 0.0 0.0 1.0 319.518 0.0 249.5 0.0 319.518 166.5 0.0 0.0 1.0 0.7939988477401608 0.07518813439268597 0.6032516674107452 -94065.84179136479 0.049388008304573225 0.9810637867649938 -0.1872823294762168 3642.5827906272875 -0.6059097741603156 0.17849535216603885 0.7752501240452125 -24456.930260028756 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/83415428_2296055089.jpg buckingham_palace/test/images/49117697_7908670900.jpg 0 0 551.523 0.0 319.5 0.0 551.523 239.5 0.0 0.0 1.0 709.993 0.0 319.5 0.0 709.993 213.5 0.0 0.0 1.0 0.7800936831436176 -0.1110541831967274 -0.6157278732637764 12544.588305178644 0.13793896178520462 0.9904331482126817 -0.003875789356499238 2106.7847368079365 0.6102677185801699 -0.08190938478601704 0.7879493412288197 11756.402980648581 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/39197892_9580433466.jpg buckingham_palace/test/images/41854370_22518199.jpg 0 0 920.78 0.0 319.5 0.0 920.78 239.5 0.0 0.0 1.0 719.884 0.0 319.5 0.0 719.884 239.5 0.0 0.0 1.0 0.9627860930241197 -0.003564152523146436 -0.27024106996558334 77332.7635552093 0.005161626986762561 0.9999731539732161 0.005200859516281665 -6085.04421733547 0.27021527841001347 -0.006402198813714079 0.9627786428687275 -35853.663803185584 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/19322041_4490535181.jpg buckingham_palace/test/images/94785686_3685753287.jpg 0 0 800.164 0.0 319.5 0.0 800.164 239.5 0.0 0.0 1.0 689.603 0.0 319.5 0.0 689.603 239.5 0.0 0.0 1.0 0.8761387356731152 0.06996262679201547 0.4769550782888009 -73444.01662495828 0.00915843767321724 0.9868177969067221 -0.16157586059665396 -2569.0633385257834 -0.48197203121395005 0.1459310335758804 0.8639485485646552 -10636.504871999728 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/82736794_5152319320.jpg buckingham_palace/test/images/78326446_53479975.jpg 0 0 723.947 0.0 319.5 0.0 723.947 239.5 0.0 0.0 1.0 517.948 0.0 219.5 0.0 517.948 164.5 0.0 0.0 1.0 0.7329995994140434 -0.10484138657878957 -0.67210108683076 73565.27885067627 0.05828441733359917 0.9940975294828274 -0.09150425439410995 1636.3766266779476 0.6777274628897186 0.02789956158035372 0.7347837100185941 44771.03347140823 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/20376856_499480088.jpg buckingham_palace/test/images/42575336_5691036729.jpg 0 0 1908.96 0.0 239.5 0.0 1908.96 319.5 0.0 0.0 1.0 681.719 0.0 319.5 0.0 681.719 212.5 0.0 0.0 1.0 0.9999502272723116 -0.000830401347880739 0.009942505300659737 -529.8531031205448 0.0017688518080539858 0.9954990713360414 -0.09475478949562534 -363.32151530853844 -0.009819070288645121 0.09476766010976824 0.9954509914887755 -2640.576498589152 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/72721744_6254882589.jpg buckingham_palace/test/images/42080522_204096736.jpg 0 0 292.816 0.0 319.5 0.0 292.816 187.0 0.0 0.0 1.0 671.754 0.0 319.5 0.0 671.754 239.5 0.0 0.0 1.0 0.8955567078040154 0.15200778474494278 0.4181767765959375 -21738.615188895295 -0.0322800757088943 0.9595537284165849 -0.2796688023252841 7024.190340367324 -0.44377492022359866 0.2369604938777053 0.8642416007817333 85393.00357978638 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/66460486_3000292784.jpg buckingham_palace/test/images/66104636_8655068521.jpg 0 0 634.978 0.0 319.5 0.0 634.978 239.5 0.0 0.0 1.0 493.211 0.0 318.5 0.0 493.211 319.5 0.0 0.0 1.0 0.9981016986904849 0.05070609976221567 -0.03495555060463131 -15656.310952245956 -0.054699263027184246 0.9906738087780156 -0.12479341018476277 391.42487566480577 0.028301761348927087 0.12646855754757294 0.9915667976774861 6101.2147128411525 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/74825492_11236890775.jpg buckingham_palace/test/images/22496504_4546656558.jpg 0 0 786.182 0.0 319.5 0.0 786.182 319.5 0.0 0.0 1.0 835.668 0.0 319.5 0.0 835.668 213.0 0.0 0.0 1.0 0.7987855471883081 0.09498494667447277 -0.5940702900400954 42975.550300750656 0.07525679676947776 0.9639257650109423 0.255310661916159 1431.934801479008 0.596890328404702 -0.24864629386604029 0.7628217068251334 21655.372582971686 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/63503162_6643082601.jpg buckingham_palace/test/images/25222869_4501138522.jpg 0 0 771.297 0.0 305.5 0.0 771.297 305.5 0.0 0.0 1.0 669.156 0.0 319.5 0.0 669.156 179.5 0.0 0.0 1.0 0.7715431937441695 0.008797682522059527 0.6361161065161673 -94041.16714721193 -0.047031833144093475 0.9979569504610237 0.0432427068722538 -2976.57639500008 -0.6344360541915576 -0.0632813227483004 0.7703806639143226 8319.747510588604 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/97483818_594151094.jpg buckingham_palace/test/images/26420725_8870834351.jpg 0 0 655.958 0.0 319.5 0.0 655.958 239.5 0.0 0.0 1.0 644.06 0.0 319.5 0.0 644.06 213.0 0.0 0.0 1.0 0.8814728519913321 -0.08911750801826751 -0.46374958864335525 26181.14382991023 0.015612589512964853 0.9869947610120576 -0.15999246477084733 -593.9699638610334 0.47197654417456686 0.13378868225438653 0.871400441960909 1929.5996962689278 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/64944499_5112796042.jpg buckingham_palace/test/images/92472013_4238693784.jpg 0 0 855.12 0.0 319.5 0.0 855.12 213.0 0.0 0.0 1.0 640.379 0.0 319.5 0.0 640.379 210.5 0.0 0.0 1.0 0.7550497609162041 0.10202558740628942 0.6476809693473972 -17546.934251759878 -0.04751702555914527 0.9937364299364659 -0.10114366069674968 4395.195910222814 -0.6539434156120802 0.04559262365261827 0.7551684062817223 20089.626991654903 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/44446238_9117834424.jpg buckingham_palace/test/images/08189358_287573307.jpg 0 0 1744.52 0.0 319.5 0.0 1744.52 213.5 0.0 0.0 1.0 553.684 0.0 249.5 0.0 553.684 186.5 0.0 0.0 1.0 0.9372976498629797 -0.07560102698078469 -0.34023168617985244 61297.805546265896 0.06480283570616326 0.9969708905957846 -0.04300739226096137 -9461.107820925397 0.3424524902023271 0.018262749631390525 0.9393576336678838 -108578.72282012561 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/92891727_3739824491.jpg buckingham_palace/test/images/47561034_5631016960.jpg 0 0 528.312 0.0 319.5 0.0 528.312 239.5 0.0 0.0 1.0 705.387 0.0 319.5 0.0 705.387 239.5 0.0 0.0 1.0 0.5245925200764798 -0.13992163291023646 -0.839776532491556 39784.52542083972 0.08256201169804496 0.9901136143748035 -0.11339552395943499 19047.241054272818 0.8473406647294701 -0.009847196220038578 0.5309584076200545 106590.9453511375 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/68304166_169924929.jpg buckingham_palace/test/images/24708453_4252951589.jpg 0 0 734.815 0.0 319.5 0.0 734.815 239.5 0.0 0.0 1.0 716.742 0.0 319.5 0.0 716.742 239.5 0.0 0.0 1.0 0.8686580863435149 0.070806143743135 0.4903260334086383 -12029.467227431944 -0.028887481450084847 0.9952889923326788 -0.09254909592681988 5089.732421441951 -0.49456914829525467 0.06622923636602802 0.8666112426024021 34271.70164349102 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/83500228_4350950097.jpg buckingham_palace/test/images/47561034_5631016960.jpg 0 0 450.353 0.0 319.5 0.0 450.353 239.5 0.0 0.0 1.0 705.387 0.0 319.5 0.0 705.387 239.5 0.0 0.0 1.0 0.8892645313028957 0.030712897034285973 -0.45636094412471645 26094.771408817433 0.0720557988692078 0.9758777270584507 0.2060840209248471 10054.511428574648 0.4516819181857532 -0.21614666267836263 0.865600407230175 54878.41039989743 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/83690948_250193885.jpg buckingham_palace/test/images/32421210_526180836.jpg 0 0 540.856 0.0 249.5 0.0 540.856 187.0 0.0 0.0 1.0 1455.77 0.0 319.5 0.0 1455.77 213.0 0.0 0.0 1.0 0.8710953197908217 0.06000238104649552 0.48743477318229705 -19946.55261409327 -0.0430727671580689 0.9980179676610775 -0.045878894439588556 8496.53412683541 -0.4892215046048906 0.01896972573347553 0.8719532492844577 72683.70058413113 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/35090949_260308535.jpg buckingham_palace/test/images/87850563_3619254383.jpg 0 0 724.592 0.0 319.5 0.0 724.592 239.5 0.0 0.0 1.0 811.45 0.0 249.5 0.0 811.45 154.0 0.0 0.0 1.0 0.9234682695462549 -0.019967997998298553 -0.38315484363007246 37482.37137801503 -0.009207738096256095 0.9972037587362041 -0.07416118338819513 -1286.541384371159 0.38356430060733776 0.07201348914145674 0.9207021693692683 72626.2549230886 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/91870054_4238721718.jpg buckingham_palace/test/images/52580713_3540604945.jpg 0 0 801.672 0.0 319.5 0.0 801.672 211.5 0.0 0.0 1.0 547.77 0.0 319.5 0.0 547.77 213.0 0.0 0.0 1.0 0.9777556112160605 0.017405577075759023 0.2090239474848947 489.7553076184031 -0.021712705147617473 0.9995962241897128 0.018328857597849822 1135.7511927436267 -0.20862052432749953 -0.022459618704008404 0.9777387393148489 8655.629717130456 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/92891727_3739824491.jpg buckingham_palace/test/images/54122468_53118210.jpg 0 0 528.312 0.0 319.5 0.0 528.312 239.5 0.0 0.0 1.0 475.674 0.0 239.5 0.0 475.674 159.5 0.0 0.0 1.0 0.5607777567421093 -0.1156213207241847 -0.8198536562931722 38228.83442771863 0.06702225933595078 0.9932911413046409 -0.09423760055958712 3679.871099825332 0.8252492498008056 -0.002102094127044207 0.5647647801549674 22097.34132904381 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/92891727_3739824491.jpg buckingham_palace/test/images/24481344_8619843161.jpg 0 0 528.312 0.0 319.5 0.0 528.312 239.5 0.0 0.0 1.0 533.532 0.0 319.5 0.0 533.532 239.5 0.0 0.0 1.0 0.9914859669659137 0.03863571709226134 -0.12434974336296048 -5296.149627487772 -0.04448527416497845 0.9980134164379014 -0.04461256540947465 7371.847729991064 0.12237907375092384 0.049764464979689074 0.9912350177092975 46405.41384073952 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/57193236_5047672890.jpg buckingham_palace/test/images/74969573_235362322.jpg 0 0 664.015 0.0 319.5 0.0 664.015 239.5 0.0 0.0 1.0 503.536 0.0 319.5 0.0 503.536 212.5 0.0 0.0 1.0 0.969756054069686 0.020497435079313432 -0.243214001961978 -3650.819552066807 0.020445577238492767 0.9861432572145666 0.16463126866312414 -2823.4959962155085 0.24321836683642242 -0.16462482013783417 0.9558993119717208 -11816.30309741271 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/25074269_2738283980.jpg buckingham_palace/test/images/02324203_9313663960.jpg 0 0 504.803 0.0 319.5 0.0 504.803 213.5 0.0 0.0 1.0 869.083 0.0 319.5 0.0 869.083 213.0 0.0 0.0 1.0 0.9589806163748649 -0.029526839945821243 -0.28192967765047083 42748.43794353098 0.03345446365137537 0.9993985698254396 0.009126746006350366 20493.28753551422 0.2814906326666719 -0.018184178663868338 0.959391661089066 89870.35311134823 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/02371378_228150658.jpg buckingham_palace/test/images/76276666_337183275.jpg 0 0 2923.59 0.0 319.5 0.0 2923.59 239.5 0.0 0.0 1.0 545.844 0.0 319.5 0.0 545.844 213.0 0.0 0.0 1.0 0.7682905790984408 -0.09803206689233523 -0.6325498398777752 111214.21018097144 0.1866350359736587 0.9795721014143429 0.07487230113866687 -14072.226394879839 0.6122882894647698 -0.1755796457209799 0.7708922353953251 -77652.16305850318 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/78850803_8040467285.jpg buckingham_palace/test/images/92283672_6106933794.jpg 0 0 936.98 0.0 319.5 0.0 936.98 239.5 0.0 0.0 1.0 534.28 0.0 319.5 0.0 534.28 212.5 0.0 0.0 1.0 0.5702591625749868 -0.07266168470615003 -0.8182449309802896 124410.60448411261 0.18661834579859335 0.9814953270884416 0.042901234422215856 -10211.194649801688 0.7999863002018667 -0.17716433749267188 0.573266706699518 -16571.216465601687 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/61285342_3151612050.jpg buckingham_palace/test/images/88595844_3830407687.jpg 0 0 536.336 0.0 249.5 0.0 536.336 187.0 0.0 0.0 1.0 507.93 0.0 319.5 0.0 507.93 213.5 0.0 0.0 1.0 0.9904882211244167 -0.01909483830255571 0.13626617688916032 -37078.508302274655 -0.0041038756467582874 0.9857840676511425 0.16796705084582406 -1517.2832956220595 -0.13753632981312464 -0.166928604844607 0.9763291447386832 12149.500538640685 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/66012681_3064490504.jpg buckingham_palace/test/images/88943277_2580116986.jpg 0 0 573.25 0.0 249.5 0.0 573.25 187.0 0.0 0.0 1.0 502.948 0.0 319.5 0.0 502.948 212.5 0.0 0.0 1.0 0.7641369749648289 -0.015109706695877391 -0.6448770272347784 33452.56803801041 0.043881278113451265 0.9986273452773009 0.028598228888166047 -3786.905646676997 0.6435597228872627 -0.05015099229302 0.7637511119790891 -38660.255413503306 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/99420280_3920306353.jpg buckingham_palace/test/images/10538802_8199902487.jpg 0 0 872.142 0.0 319.5 0.0 872.142 213.0 0.0 0.0 1.0 594.899 0.0 319.5 0.0 594.899 239.5 0.0 0.0 1.0 0.7926383267348757 0.09327202440447208 0.6025154043295724 -82881.6813368898 -0.15217573530737866 0.987217669497317 0.04736896258041331 -21964.200581413752 -0.5903956542646595 -0.12923467992678098 0.796700300570815 -75066.21420106594 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/59560065_7105115.jpg buckingham_palace/test/images/65062872_13486503543.jpg 0 0 836.374 0.0 249.5 0.0 836.374 178.0 0.0 0.0 1.0 588.768 0.0 319.5 0.0 588.768 239.5 0.0 0.0 1.0 0.9908718052752293 -0.021023166721759 0.13315814647101917 -25219.130919436582 0.03297570901685566 0.9955565438034176 -0.08820300848060551 4273.9394379692185 -0.13071215752730858 0.09178885853513612 0.9871621636404898 -93098.83619628042 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/33061736_676507748.jpg buckingham_palace/test/images/64944499_5112796042.jpg 0 0 1133.49 0.0 319.5 0.0 1133.49 213.0 0.0 0.0 1.0 855.12 0.0 319.5 0.0 855.12 213.0 0.0 0.0 1.0 0.9125456864731853 -0.01289402608172667 -0.40877146939406983 18709.914844395982 0.04381020023911416 0.9968335704858753 0.06635886607975205 867.479397732106 0.40662149039886214 -0.07846385692652061 0.9102210647430782 7460.382749871132 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/56651707_4349157575.jpg buckingham_palace/test/images/38109366_1994420460.jpg 0 0 657.692 0.0 319.5 0.0 657.692 239.5 0.0 0.0 1.0 562.71 0.0 249.5 0.0 562.71 160.0 0.0 0.0 1.0 0.9173016884489172 0.026087218418367773 0.3973374754587818 -2124.663051845515 -0.011667149963586495 0.9991840580882019 -0.03866646704988978 3620.6001230774145 -0.39802197173082393 0.030833019598887842 0.9168575870449684 22142.893037260103 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/73590053_4109923193.jpg buckingham_palace/test/images/09863937_226875692.jpg 0 0 847.053 0.0 319.5 0.0 847.053 212.5 0.0 0.0 1.0 673.473 0.0 319.5 0.0 673.473 239.5 0.0 0.0 1.0 0.8688703042610258 0.06241739815101727 0.4910890578921606 -95765.30447070496 -0.03097920263034644 0.9969306866807542 -0.07189919998600372 -3568.5063700761893 -0.4940695126981025 0.04725753233397621 0.8681371102884398 -50032.7676721475 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/22840995_489214596.jpg buckingham_palace/test/images/89826404_8759127701.jpg 0 0 583.912 0.0 319.5 0.0 583.912 239.5 0.0 0.0 1.0 628.119 0.0 319.5 0.0 628.119 239.5 0.0 0.0 1.0 0.8520084142492289 -0.059589992635929304 -0.5201256529206808 34849.07789891734 0.009756270848764488 0.9951356768331705 -0.09802958672213953 1050.3612156050945 0.5234371760083919 0.07844754598735272 0.8484453460894943 -7675.080217857171 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/80530823_8244099451.jpg buckingham_palace/test/images/51055099_4772610657.jpg 0 0 620.878 0.0 319.5 0.0 620.878 183.5 0.0 0.0 1.0 1103.25 0.0 319.5 0.0 1103.25 239.5 0.0 0.0 1.0 0.9953562315077513 -0.002346328874720858 0.09623132099009975 25336.66627897622 0.019337149669518192 0.9841976403079135 -0.1760144296783476 4002.490827743723 -0.0942976513034477 0.17705789887250714 0.9796726256283302 40404.9178345474 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/42572558_3847795752.jpg buckingham_palace/test/images/31471983_2691474123.jpg 0 0 571.76 0.0 249.5 0.0 571.76 187.0 0.0 0.0 1.0 728.105 0.0 319.5 0.0 728.105 239.5 0.0 0.0 1.0 0.9689582381920632 -0.05555620875677481 -0.24090130823286646 -346.6625523982948 0.03757854275710096 0.9961983332169351 -0.07859220075842846 2203.7230485157884 0.24435176644335038 0.06709984027085344 0.9673623032099402 19547.682979085715 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/10538802_8199902487.jpg buckingham_palace/test/images/38329625_8740352627.jpg 0 0 594.899 0.0 319.5 0.0 594.899 239.5 0.0 0.0 1.0 523.576 0.0 319.5 0.0 523.576 239.5 0.0 0.0 1.0 0.9968819908059839 -0.005688903847906945 -0.0787015424226717 -9834.164252248995 -0.011700580855114995 0.9757139774007795 -0.21873575545027926 3531.978345710301 0.07803456166565709 0.21897458911426398 0.9726051287690642 41243.52196366723 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/06301377_3135673857.jpg buckingham_palace/test/images/26420725_8870834351.jpg 0 0 498.489 0.0 249.5 0.0 498.489 187.0 0.0 0.0 1.0 644.06 0.0 319.5 0.0 644.06 213.0 0.0 0.0 1.0 0.8872293738598686 0.028348192713918464 -0.4604567494673958 35891.6357674078 0.023638961649805043 0.9940053887845557 0.10674496034653595 -4097.906722821563 0.4607225169799547 -0.10559198377300724 0.8812406568642509 -10687.819478937901 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/08189358_287573307.jpg buckingham_palace/test/images/94020314_218603376.jpg 0 0 553.684 0.0 249.5 0.0 553.684 186.5 0.0 0.0 1.0 742.293 0.0 319.5 0.0 742.293 239.5 0.0 0.0 1.0 0.9168358269218067 0.06271056058790105 0.3943088282848336 -21063.13656218926 -0.09805569120161027 0.9927077629210848 0.07011689424945775 -2624.284796697635 -0.3870363650816052 -0.10294990542475688 0.9162991700735366 -15951.282050463707 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/54621533_151517675.jpg buckingham_palace/test/images/80048275_3915422048.jpg 0 0 527.723 0.0 249.5 0.0 527.723 187.0 0.0 0.0 1.0 515.084 0.0 319.5 0.0 515.084 211.5 0.0 0.0 1.0 0.9859319957702929 0.026752044790024996 0.1649922053187959 -17262.652842813564 -0.022970467629655354 0.9994288503795737 -0.024785694378791655 -2264.8847838657557 -0.1655610380895281 0.020647061014013743 0.9859833880640188 -30012.182727265856 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/13281945_9328537386.jpg buckingham_palace/test/images/72406227_262180777.jpg 0 0 480.216 0.0 319.5 0.0 480.216 211.5 0.0 0.0 1.0 895.882 0.0 319.5 0.0 895.882 239.5 0.0 0.0 1.0 0.9519167848133001 0.014614606719471795 0.3060079215660019 -16454.48568635567 -0.007393604556846666 0.9996664970046509 -0.024743269349605565 3929.7177001896757 -0.30626748015805755 0.02129103184172444 0.9517073723370794 100616.37543783255 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/25074269_2738283980.jpg buckingham_palace/test/images/19931456_8233563983.jpg 0 0 504.803 0.0 319.5 0.0 504.803 213.5 0.0 0.0 1.0 500.434 0.0 319.5 0.0 500.434 211.5 0.0 0.0 1.0 0.43421751323228813 -0.16705333008143544 -0.8851826569195032 56111.044416771714 0.09084034070084578 0.9857651658639831 -0.1414746276563687 4363.94742875695 0.8962160362902029 -0.018979533130635235 0.44321168037228115 32334.19501697639 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/09345199_2467420918.jpg buckingham_palace/test/images/44140023_3726848652.jpg 0 0 837.793 0.0 249.5 0.0 837.793 166.5 0.0 0.0 1.0 667.066 0.0 319.5 0.0 667.066 212.0 0.0 0.0 1.0 0.2466484955048515 0.1024006930562035 0.9636797277761956 -138305.2343149244 -0.09761794666816688 0.9919692753915227 -0.08042196943316265 3848.5481754399734 -0.9641759466785533 -0.07423647850502353 0.25466387475590047 91653.64060962255 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/87539697_3102605685.jpg buckingham_palace/test/images/64607896_8679897848.jpg 0 0 723.469 0.0 319.5 0.0 723.469 239.5 0.0 0.0 1.0 519.758 0.0 319.5 0.0 519.758 211.5 0.0 0.0 1.0 0.9998489403418908 -0.003104114112796994 -0.017101490367016494 11369.216036159798 0.0023390846560089897 0.9990033282026906 -0.04457442005141228 -606.2827660518866 0.017222809880227057 0.04452768482104652 0.9988596798871738 -477.635780220955 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/21650204_2962537014.jpg buckingham_palace/test/images/40580817_2599681870.jpg 0 0 685.775 0.0 319.5 0.0 685.775 212.5 0.0 0.0 1.0 725.526 0.0 319.5 0.0 725.526 235.0 0.0 0.0 1.0 0.7978159725579095 -0.04195167471426384 -0.6014397151171058 67154.6518978302 0.06658862930032532 0.9976044106610672 0.01874551352960451 3067.134946511652 0.5992125068616149 -0.05500451634414511 0.7986982376356956 13214.598308855977 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/93206568_5039285632.jpg buckingham_palace/test/images/92636956_2423667989.jpg 0 0 801.943 0.0 319.5 0.0 801.943 212.0 0.0 0.0 1.0 656.41 0.0 319.5 0.0 656.41 239.0 0.0 0.0 1.0 0.5854189888993268 0.007632116684598386 -0.8106949847081841 113248.45650681297 0.12201028117011489 0.9877377063352321 0.09740490117239786 9164.874582111392 0.8014974103045372 -0.15593580178563152 0.5773092126379004 69312.8776685612 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/62496239_2805675448.jpg buckingham_palace/test/images/89269947_2824630864.jpg 0 0 752.203 0.0 319.5 0.0 752.203 239.5 0.0 0.0 1.0 509.392 0.0 239.5 0.0 509.392 319.5 0.0 0.0 1.0 0.8065781660828397 0.05557458716439552 0.5885092414397161 -80224.18916915196 -0.0888045896489986 0.9956641801593618 0.02768727514326495 -5824.533953127304 -0.5844188625084886 -0.07459427329958306 0.808016266875359 -44034.76074307816 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/03295994_6248335133.jpg buckingham_palace/test/images/75711673_2633557923.jpg 0 0 722.705 0.0 319.5 0.0 722.705 239.5 0.0 0.0 1.0 645.555 0.0 319.5 0.0 645.555 178.5 0.0 0.0 1.0 0.9257801486656994 0.01910417212734501 0.37757932536600114 -22694.32024796671 -0.04545216579194915 0.9971027488416405 0.06099351504271439 5112.543407402058 -0.3753201526181841 -0.07362838352003548 0.9239662570564414 24540.477181561982 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/10272597_1810665269.jpg buckingham_palace/test/images/64944499_5112796042.jpg 0 0 501.469 0.0 319.5 0.0 501.469 213.5 0.0 0.0 1.0 855.12 0.0 319.5 0.0 855.12 213.0 0.0 0.0 1.0 0.8198940215363576 -0.06527856887316474 -0.5687815941948283 25218.932081307452 0.057300501386192824 0.9978464440191472 -0.03192376386383469 512.0348282428313 0.5696406288089269 -0.006417367389705244 0.8218688285888179 7655.5180312725 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/31972807_4194251610.jpg buckingham_palace/test/images/95099681_7121588727.jpg 0 0 900.478 0.0 319.5 0.0 900.478 239.5 0.0 0.0 1.0 544.463 0.0 319.5 0.0 544.463 240.0 0.0 0.0 1.0 0.9878885962247378 0.031964530945496526 0.1518367222069537 -9199.67374967293 -0.030789063283230545 0.9994750046522501 -0.010087053956712506 -8146.390077281498 -0.15207943658252573 0.005289975124591719 0.9883541172737242 -59391.336071459475 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/14261176_44001540.jpg buckingham_palace/test/images/32264273_9687016916.jpg 0 0 649.057 0.0 319.5 0.0 649.057 239.5 0.0 0.0 1.0 608.489 0.0 305.5 0.0 608.489 305.5 0.0 0.0 1.0 0.6350816753138735 -0.13782092705060087 -0.7600504310553589 61097.32913507424 0.15361286100851765 0.9868352894958906 -0.05058853959484778 16455.256226661564 0.7570167465870894 -0.08462566674759261 0.6478920758229907 67230.59744071453 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/53184146_19405394.jpg buckingham_palace/test/images/80208883_2309723001.jpg 0 0 671.452 0.0 319.5 0.0 671.452 239.5 0.0 0.0 1.0 608.393 0.0 212.5 0.0 608.393 319.5 0.0 0.0 1.0 0.9997922329305462 -0.018564499158401027 -0.008417264564579835 396.24274488494757 0.018904922566905943 0.9989239587462324 0.04235007137532083 -7506.132009286705 0.007621999376259094 -0.042500400159918565 0.9990673756617994 -32538.928226206088 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/74030407_9757753664.jpg buckingham_palace/test/images/83690948_250193885.jpg 0 0 1019.01 0.0 319.5 0.0 1019.01 213.0 0.0 0.0 1.0 540.856 0.0 249.5 0.0 540.856 187.0 0.0 0.0 1.0 0.9848075215349908 -0.013683342886455317 -0.17310953658178452 25955.534008068847 0.02752853841460368 0.9965862544691302 0.07783326394251974 -13843.121518168255 0.17145356543643 -0.08141623628393757 0.9818223216898739 -95577.07924426423 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88637912_5881182593.jpg buckingham_palace/test/images/44119452_427463944.jpg 0 0 667.4 0.0 319.5 0.0 667.4 239.5 0.0 0.0 1.0 842.739 0.0 249.5 0.0 842.739 166.0 0.0 0.0 1.0 0.9998780639108 0.009390031131950548 0.012477364518640508 -972.373769187665 -0.010005154134660485 0.9986897013405701 0.05018742200018223 -1527.3604233871256 -0.011989753989624496 -0.05030614029741985 0.9986618737328687 -6935.510149138185 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/51055099_4772610657.jpg buckingham_palace/test/images/94455955_3929007141.jpg 0 0 1103.25 0.0 319.5 0.0 1103.25 239.5 0.0 0.0 1.0 731.249 0.0 319.5 0.0 731.249 239.5 0.0 0.0 1.0 0.8315779768619391 0.006321972224540913 -0.5553720384259515 47125.76188145354 0.04263398875115393 0.9962582995010023 0.07517807977421208 4225.694069309524 0.5537692763248706 -0.08619416072196216 0.828196930238253 45236.94474362434 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/41854370_22518199.jpg buckingham_palace/test/images/18093615_4509989383.jpg 0 0 719.884 0.0 319.5 0.0 719.884 239.5 0.0 0.0 1.0 533.833 0.0 319.5 0.0 533.833 239.5 0.0 0.0 1.0 0.9999558179113264 -0.001876352421283389 0.009210946036171348 -10805.173894838736 0.00328610781976318 0.9878279101329281 -0.15551598457331742 1921.00044006273 -0.008807026779055885 0.15553938171409373 0.9877904317289727 -29601.16659263488 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/14844450_287573284.jpg buckingham_palace/test/images/95310791_8522255584.jpg 0 0 553.557 0.0 249.5 0.0 553.557 186.5 0.0 0.0 1.0 592.491 0.0 319.5 0.0 592.491 238.5 0.0 0.0 1.0 0.9962691521683893 0.01637030698852168 0.0847336384606498 -20921.17914146701 -0.011780841283759483 0.9984506595641639 -0.05438282996068748 2166.2685195512713 -0.0854926208296683 0.053181702351351424 0.994918448074357 1992.1541996796136 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/50497824_8033642711.jpg buckingham_palace/test/images/84211719_64399705.jpg 0 0 449.291 0.0 319.5 0.0 449.291 213.0 0.0 0.0 1.0 1267.76 0.0 249.5 0.0 1267.76 187.0 0.0 0.0 1.0 0.941063047527687 -0.07327568485119519 -0.33019844728207076 23634.210532490604 0.011807688100620524 0.9827729690364965 -0.1844393391684862 1562.4849468243558 0.3380250272977145 0.16967016632507245 0.9257165417014009 55240.22268184917 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/03295994_6248335133.jpg buckingham_palace/test/images/73590053_4109923193.jpg 0 0 722.705 0.0 319.5 0.0 722.705 239.5 0.0 0.0 1.0 847.053 0.0 319.5 0.0 847.053 212.5 0.0 0.0 1.0 0.9996876124023978 -0.012482941447867836 0.02165303170464812 12176.7274380876 0.012278899808197536 0.9998791895403281 0.009530736785643925 7633.985933772559 -0.02176938742118486 -0.009261884094830987 0.9997201164697651 55655.059625925 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/36638733_5857779927.jpg buckingham_palace/test/images/61285342_3151612050.jpg 0 0 491.356 0.0 319.5 0.0 491.356 212.0 0.0 0.0 1.0 536.336 0.0 249.5 0.0 536.336 187.0 0.0 0.0 1.0 0.9907742359259284 0.022926770546432385 0.13356937005805006 -1321.4683028771315 -0.010996093490270233 0.9959365388461362 -0.08938398357162332 417.8860662992821 -0.1350759021933458 0.08709060674659601 0.9870003682183526 29571.919123691183 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/64561640_252491027.jpg buckingham_palace/test/images/89299405_4981004528.jpg 0 0 485.125 0.0 319.5 0.0 485.125 179.5 0.0 0.0 1.0 526.12 0.0 319.5 0.0 526.12 213.0 0.0 0.0 1.0 0.9829596596480056 -0.0358505824759122 -0.18029155066395855 8236.644007323242 0.02458809222123072 0.9976263536552392 -0.06432016956967776 8360.41442410144 0.18216951782775614 0.05879110671427834 0.9815079584729373 34942.951527542085 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/64944499_5112796042.jpg buckingham_palace/test/images/87292117_4922805851.jpg 0 0 855.12 0.0 319.5 0.0 855.12 213.0 0.0 0.0 1.0 721.2 0.0 319.5 0.0 721.2 239.0 0.0 0.0 1.0 0.5406733869533296 0.1014977582738488 0.8350871174349407 -66319.67068510564 -0.13684772409578866 0.9900836333578963 -0.0317348289207605 9944.109049228606 -0.8300271013950196 -0.0971215940057122 0.549201608635273 56210.0498723553 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/16210476_4152300283.jpg buckingham_palace/test/images/95871367_5793063419.jpg 0 0 723.131 0.0 239.5 0.0 723.131 319.5 0.0 0.0 1.0 667.829 0.0 319.5 0.0 667.829 239.5 0.0 0.0 1.0 0.9780034605333863 0.033650965537087074 -0.2058563666810979 36600.155050299545 0.011200919054258344 0.977004638042245 0.21292364043544296 -595.4707251432865 0.20828771110428196 -0.21054583767522841 0.9551369952214055 -6757.181968506928 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/02189109_4611484390.jpg buckingham_palace/test/images/89299405_4981004528.jpg 0 0 1008.42 0.0 319.5 0.0 1008.42 213.0 0.0 0.0 1.0 526.12 0.0 319.5 0.0 526.12 213.0 0.0 0.0 1.0 0.8904928595197406 -0.026102969889562486 -0.45424784216031283 49702.97332879045 0.09250542726523178 0.987888376279965 0.12457649030780805 -20400.151035586045 0.44549434684497696 -0.15295486580648254 0.8821222114623846 -77870.56099188303 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/87785947_1573426398.jpg buckingham_palace/test/images/36576167_9378677290.jpg 0 0 660.277 0.0 319.5 0.0 660.277 239.5 0.0 0.0 1.0 462.249 0.0 319.5 0.0 462.249 179.5 0.0 0.0 1.0 0.9256243263857402 -0.09470132874465566 -0.3664031450969564 10990.891952773498 0.04375848293293554 0.9884726389121167 -0.14493804639750188 2733.768948830365 0.37590530931918553 0.11812493579305375 0.9190983070213622 16464.43879627597 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/97156938_2710050704.jpg buckingham_palace/test/images/40524058_231666382.jpg 0 0 730.199 0.0 319.5 0.0 730.199 239.5 0.0 0.0 1.0 654.703 0.0 319.5 0.0 654.703 239.5 0.0 0.0 1.0 0.9997408726120905 -0.00024184842967782494 -0.02276245017903388 -753.9825712187521 -0.0012262892019003998 0.9979193987030769 -0.06446215872031098 -386.3995444693096 0.022730680667530458 0.06447336815636612 0.9976605138798289 -3045.524233954675 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/54107490_11614068883.jpg buckingham_palace/test/images/08189358_287573307.jpg 0 0 544.935 0.0 319.5 0.0 544.935 239.5 0.0 0.0 1.0 553.684 0.0 249.5 0.0 553.684 186.5 0.0 0.0 1.0 0.9818605696344492 0.0022255776467741497 0.18959131995229356 -23127.380454305505 0.024019841234051906 0.9904147439061893 -0.136020889132253 1780.5439976211226 -0.1880767636477343 0.13810750109018663 0.9723957266043587 27915.372252734123 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/49117697_7908670900.jpg buckingham_palace/test/images/88817343_6780061632.jpg 0 0 709.993 0.0 319.5 0.0 709.993 213.5 0.0 0.0 1.0 716.556 0.0 319.5 0.0 716.556 213.0 0.0 0.0 1.0 0.9915949059280715 -0.010001586051836327 -0.12899422783189474 6857.502254978695 -0.0040970665218258385 0.994080273460109 -0.10857082464175488 806.2049503450817 0.1293164977232787 0.1081867745795329 0.98568395808325 9562.482552046376 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/68304166_169924929.jpg buckingham_palace/test/images/92891727_3739824491.jpg 0 0 734.815 0.0 319.5 0.0 734.815 239.5 0.0 0.0 1.0 528.312 0.0 319.5 0.0 528.312 239.5 0.0 0.0 1.0 0.6900817713509549 0.023581122236610234 0.7233471362514613 -45920.19772614051 -0.0687689085220849 0.9970833126460628 0.03310143295138083 -3018.6812544125714 -0.7204567898700166 -0.07258648852793259 0.6896906666132108 1999.4638748590514 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/62344235_4979934495.jpg buckingham_palace/test/images/61097803_407551744.jpg 0 0 543.599 0.0 213.5 0.0 543.599 319.5 0.0 0.0 1.0 668.245 0.0 239.5 0.0 668.245 319.5 0.0 0.0 1.0 0.7904192924966752 -0.033594403637291846 0.6116443068428825 -40484.77198676841 -0.1350403408104732 0.9643741685851663 0.22747872278404574 -2265.885143081625 -0.597495981913558 -0.2624002267718612 0.757723348318652 -13819.885922072133 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/76276666_337183275.jpg buckingham_palace/test/images/56651707_4349157575.jpg 0 0 545.844 0.0 319.5 0.0 545.844 213.0 0.0 0.0 1.0 657.692 0.0 319.5 0.0 657.692 239.5 0.0 0.0 1.0 0.9812671207434164 0.09717860180939959 0.16634649710257063 -31533.313353020145 -0.07420518648687252 0.9874868385367718 -0.13915219730604347 2653.7490583210533 -0.17778759249839096 0.12420170315668684 0.9761995230927971 16588.489890786397 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/66200544_112696421.jpg buckingham_palace/test/images/39753040_13785121575.jpg 0 0 674.569 0.0 249.5 0.0 674.569 187.0 0.0 0.0 1.0 456.694 0.0 319.5 0.0 456.694 239.5 0.0 0.0 1.0 0.3349625718072878 -0.9203643028108739 -0.20181582098463324 14647.611301306308 0.6468658635048326 0.06888523377359247 0.759486260046951 -88834.17289321324 -0.6851019122148142 -0.38494723622778687 0.6184262245411277 -31134.64989232047 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/30985649_2732223159.jpg buckingham_palace/test/images/44140023_3726848652.jpg 0 0 688.364 0.0 319.5 0.0 688.364 239.5 0.0 0.0 1.0 667.066 0.0 319.5 0.0 667.066 212.0 0.0 0.0 1.0 0.977384984121271 -0.0035831548813208447 0.2114373519872005 -19764.49091573172 0.025508589151232452 0.994553157227633 -0.10106101784595575 919.6617653944033 -0.20992356869531462 0.10416898986571496 0.9721527230104229 31495.990768074338 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/53184146_19405394.jpg buckingham_palace/test/images/44003925_4405523365.jpg 0 0 671.452 0.0 319.5 0.0 671.452 239.5 0.0 0.0 1.0 604.805 0.0 319.5 0.0 604.805 214.0 0.0 0.0 1.0 0.9987742502587482 -0.014995481654055733 -0.047171310666954076 94.81423134608849 0.014203342634589798 0.9997531803512817 -0.017083425754279874 3370.9907598611435 0.04741584205811239 0.016392495461656467 0.9987407191130537 6187.3486655953475 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/89269947_2824630864.jpg buckingham_palace/test/images/95871367_5793063419.jpg 0 0 509.392 0.0 239.5 0.0 509.392 319.5 0.0 0.0 1.0 667.829 0.0 319.5 0.0 667.829 239.5 0.0 0.0 1.0 0.8741234693866357 -0.062256650040758 -0.48169728024265795 26670.432335236444 0.10394783182722747 0.992751670092514 0.060323874104227605 19979.158263926303 0.47445021712071084 -0.10280190199712677 0.8742589778892084 89244.00794426007 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/71145896_2328923072.jpg buckingham_palace/test/images/88100674_4580463979.jpg 0 0 1341.47 0.0 319.5 0.0 1341.47 239.5 0.0 0.0 1.0 396.465 0.0 249.5 0.0 396.465 166.0 0.0 0.0 1.0 0.7987799418060535 -0.05673954001417341 -0.5989417577421847 41841.44099664804 0.06916086447103996 0.9976029394424972 -0.0022693702446874857 -4110.580082734507 0.5976348211022651 -0.03961060230126581 0.8007893735504953 -13407.173748724594 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/25074269_2738283980.jpg buckingham_palace/test/images/92121328_5579434644.jpg 0 0 504.803 0.0 319.5 0.0 504.803 213.5 0.0 0.0 1.0 575.219 0.0 319.5 0.0 575.219 239.5 0.0 0.0 1.0 0.9997412689667049 -0.013152983100252652 -0.018557859801367746 19978.379161519944 0.015170624404461314 0.9934628448250966 0.1131433962156192 -3238.4357681060646 0.016948371013802768 -0.11339565682860296 0.9934053441231271 -12710.773446664141 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/25475150_3097984411.jpg buckingham_palace/test/images/10538802_8199902487.jpg 0 0 1222.25 0.0 319.5 0.0 1222.25 239.5 0.0 0.0 1.0 594.899 0.0 319.5 0.0 594.899 239.5 0.0 0.0 1.0 0.922502187420567 0.03284843244158556 0.38459159466946147 -12029.830491374047 -0.04704254460971076 0.9985127653137049 0.027554609455070513 -8326.651994176133 -0.3831144909826723 -0.04351135474457995 0.9226754840177447 -29874.874883091736 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/02051732_4583773096.jpg buckingham_palace/test/images/95099681_7121588727.jpg 0 0 520.086 0.0 319.5 0.0 520.086 212.5 0.0 0.0 1.0 544.463 0.0 319.5 0.0 544.463 240.0 0.0 0.0 1.0 0.9989284283854332 -0.0010837752694988823 -0.04626900036281061 26736.75960288666 0.0008346351439097291 0.9999850522358986 -0.00540358112214105 8642.988998298077 0.046274165012294886 0.005359173064217183 0.9989144011958596 44689.434748566695 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88139524_3180271751.jpg buckingham_palace/test/images/83690948_250193885.jpg 0 0 319.518 0.0 249.5 0.0 319.518 166.5 0.0 0.0 1.0 540.856 0.0 249.5 0.0 540.856 187.0 0.0 0.0 1.0 0.9450242487385039 0.027304524652005 -0.3258583008452512 18851.431520685037 0.03677216787764026 0.9813133539554958 0.18887008502723426 -2033.5257419929073 0.32492611000934474 -0.19046932635504366 0.9263608685345314 -21.936211392113364 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/13870492_3491797363.jpg buckingham_palace/test/images/98469850_94975884.jpg 0 0 780.996 0.0 319.5 0.0 780.996 213.5 0.0 0.0 1.0 691.478 0.0 319.5 0.0 691.478 239.5 0.0 0.0 1.0 0.9653819827374518 0.044554391953820216 0.25700687454527676 -27022.53252033759 -0.02766589131622002 0.9972357684709507 -0.06895955727694063 -2960.507464334331 -0.25936889918335504 0.0594619898740188 0.9639460803886474 -46152.48577071616 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/14950658_8138839363.jpg buckingham_palace/test/images/31650540_6170454977.jpg 0 0 689.337 0.0 319.5 0.0 689.337 239.5 0.0 0.0 1.0 681.385 0.0 319.5 0.0 681.385 239.5 0.0 0.0 1.0 0.45988010203467367 -0.06467104485232449 -0.8856229150774536 104776.81358811696 0.09683532514890054 0.9950488219931262 -0.022377704381779315 -601.36651587094 0.882685227901705 -0.07546852196644793 0.4638655954436748 12246.325340307543 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/70365201_2960998111.jpg buckingham_palace/test/images/14844450_287573284.jpg 0 0 738.141 0.0 239.5 0.0 738.141 319.5 0.0 0.0 1.0 553.557 0.0 249.5 0.0 553.557 186.5 0.0 0.0 1.0 0.8205552472241217 -0.025051467569638296 -0.571017959634868 21970.52571955484 0.029624795464109916 0.9995602681439405 -0.0012813437177317288 2551.870845071121 0.5707989643882249 -0.015864876949433893 0.820936567545087 38268.947414246664 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/64607896_8679897848.jpg buckingham_palace/test/images/67361631_6199942663.jpg 0 0 519.758 0.0 319.5 0.0 519.758 211.5 0.0 0.0 1.0 507.066 0.0 319.5 0.0 507.066 212.5 0.0 0.0 1.0 0.9284698075708075 -0.020013141987951216 0.37086829276334415 -16750.628961999584 -0.0797582632548268 0.9645072896011595 0.2517226802431571 -5878.856501087539 -0.3627429335934763 -0.263296719413659 0.8939196841293986 -11444.244329525016 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/41854370_22518199.jpg buckingham_palace/test/images/33761766_8290174554.jpg 0 0 719.884 0.0 319.5 0.0 719.884 239.5 0.0 0.0 1.0 1038.17 0.0 319.5 0.0 1038.17 239.5 0.0 0.0 1.0 0.9419002187400393 0.017689147495442942 0.33542670137952735 -74110.8050223897 -0.02506655405960414 0.999529483469432 0.017677090906238084 5770.707321824443 -0.3349561849034035 -0.025058047334437828 0.9419004450889393 40614.432429210625 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/14598577_8873221214.jpg buckingham_palace/test/images/88674170_169924932.jpg 0 0 457.081 0.0 319.5 0.0 457.081 182.0 0.0 0.0 1.0 761.397 0.0 319.5 0.0 761.397 201.0 0.0 0.0 1.0 0.9829180883326147 0.06710520207452148 0.17137363707144648 -8524.364568525445 -0.0851410084189821 0.9913224491344983 0.10015393415826992 -9205.937921851153 -0.16316568362850395 -0.11303403777852886 0.980102171199271 -26839.548438340615 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/62110008_3103434698.jpg buckingham_palace/test/images/31987323_5731928436.jpg 0 0 717.566 0.0 319.5 0.0 717.566 239.5 0.0 0.0 1.0 502.795 0.0 319.5 0.0 502.795 212.5 0.0 0.0 1.0 0.3224188682854496 -0.08723030466218312 -0.9425693328992157 34636.30834033052 0.1753029358734888 0.9840231474043916 -0.03110186564324915 20191.03709113703 0.9302230668219668 -0.15520734299928585 0.3325593580572296 91727.4880432786 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/69109641_8040457417.jpg buckingham_palace/test/images/36807384_2580130370.jpg 0 0 914.363 0.0 319.5 0.0 914.363 239.5 0.0 0.0 1.0 749.48 0.0 319.5 0.0 749.48 212.5 0.0 0.0 1.0 0.9933009560097905 0.009684366577621985 -0.11514957157552279 14559.616183137818 -0.004594568588837284 0.9990039281683823 0.044385148908437276 -96.69328087316626 0.11546471638348522 -0.04355874823880868 0.9923560523936705 2541.6974963542307 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/89205589_356802584.jpg buckingham_palace/test/images/34520177_4606735795.jpg 0 0 684.751 0.0 319.5 0.0 684.751 239.5 0.0 0.0 1.0 520.75 0.0 319.5 0.0 520.75 213.0 0.0 0.0 1.0 0.9797881692793853 0.025417134007380125 0.19841651301996355 -14982.709458978621 -0.05186989019591852 0.9902499791819641 0.12928454362831887 -13862.34904320154 -0.1931959053168929 -0.13696330906111395 0.971553598181704 -37781.43057915376 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/51055099_4772610657.jpg buckingham_palace/test/images/31516490_8149048396.jpg 0 0 1103.25 0.0 319.5 0.0 1103.25 239.5 0.0 0.0 1.0 739.67 0.0 319.5 0.0 739.67 239.5 0.0 0.0 1.0 0.8952071186222705 -0.00576986407232343 -0.44561297494193236 22372.75983002583 0.08821128766148702 0.9824264799866006 0.16449006094667176 5357.8020814209385 0.4368329011156494 -0.18656076782036546 0.8799841455464759 25698.493879480913 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/62496239_2805675448.jpg buckingham_palace/test/images/81485196_7160898455.jpg 0 0 752.203 0.0 319.5 0.0 752.203 239.5 0.0 0.0 1.0 640.287 0.0 319.5 0.0 640.287 232.0 0.0 0.0 1.0 0.996815870380725 -0.004805405196182332 0.07959289313762591 -21797.128704423274 0.009740038391667385 0.9980455593657813 -0.06172676147647258 1901.4431467224535 -0.07914071145273999 0.0623054533018178 0.9949144577699177 1416.8184403006017 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/47350644_7520151518.jpg buckingham_palace/test/images/24126353_3448607158.jpg 0 0 656.633 0.0 319.5 0.0 656.633 239.5 0.0 0.0 1.0 727.932 0.0 319.5 0.0 727.932 213.0 0.0 0.0 1.0 0.7992597595442116 -0.05632888493165399 -0.5983401152318685 49419.10764228166 0.062188268243848585 0.9980050963723055 -0.010883331646896205 2891.4027747244822 0.5977595303014082 -0.028511126551956537 0.8011683091564332 53641.56680712999 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/97956510_3971081891.jpg buckingham_palace/test/images/77240749_6969127619.jpg 0 0 689.718 0.0 319.5 0.0 689.718 211.0 0.0 0.0 1.0 762.681 0.0 319.5 0.0 762.681 211.5 0.0 0.0 1.0 0.7505146226028597 -0.04729081924112787 -0.6591596010639535 67731.00786084874 0.08950788717751738 0.9955192977756248 0.030490422911858932 3177.539331786308 0.6547641860947376 -0.0818834914487051 0.751384691377104 46841.4329149567 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/54437208_6586580207.jpg buckingham_palace/test/images/76017051_5339375111.jpg 0 0 560.178 0.0 319.5 0.0 560.178 212.5 0.0 0.0 1.0 482.865 0.0 319.5 0.0 482.865 239.5 0.0 0.0 1.0 0.6136070011838676 0.0058291988871162 0.7895900636016613 -27999.799771239617 -0.08163096413462846 0.9950830115603064 0.05609087090179597 1971.098534600899 -0.7853806935445969 -0.09887274925076871 0.6110657457778192 6373.480275606966 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/93075281_7154213687.jpg buckingham_palace/test/images/99420280_3920306353.jpg 0 0 885.108 0.0 319.5 0.0 885.108 212.5 0.0 0.0 1.0 872.142 0.0 319.5 0.0 872.142 213.0 0.0 0.0 1.0 0.7011930575574942 -0.053315472219000355 -0.7109752150780205 126050.74792859175 0.10024951761977655 0.9946660082818171 0.024280984035213372 4849.464290615613 0.7058883270391815 -0.0883005797873444 0.7027977499672606 20555.40087174764 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/47561034_5631016960.jpg buckingham_palace/test/images/93206568_5039285632.jpg 0 0 705.387 0.0 319.5 0.0 705.387 239.5 0.0 0.0 1.0 801.943 0.0 319.5 0.0 801.943 212.0 0.0 0.0 1.0 0.5819109066022935 0.12910400403180058 0.8029395076344507 -114591.7622615398 -0.038033141125696356 0.9905587313791759 -0.13170755431861383 401.40872510688905 -0.8123627126803705 0.04610375073065715 0.5813271602249076 45514.93161500467 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/73390455_10578819085.jpg buckingham_palace/test/images/67955492_328543996.jpg 0 0 778.562 0.0 319.5 0.0 778.562 319.5 0.0 0.0 1.0 519.911 0.0 187.0 0.0 519.911 249.5 0.0 0.0 1.0 0.6130036549565523 -0.016368156611224458 0.7899105028160207 -70982.44194134614 -0.20026060002370136 0.9639170008410644 0.1753844564598435 -11742.123436344627 -0.764278883057785 -0.2656992640914123 0.5876067477260848 -21911.68950347279 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/39881987_8753914632.jpg buckingham_palace/test/images/62184736_5578846989.jpg 0 0 696.104 0.0 319.5 0.0 696.104 211.5 0.0 0.0 1.0 581.244 0.0 319.5 0.0 581.244 239.5 0.0 0.0 1.0 0.9978018766132332 0.03395345214088413 0.056908506524304354 -10571.892531509591 -0.038100369634643534 0.9965712973577564 0.07344393178732923 -27.559013376304392 -0.05421970915463893 -0.07545072809718292 0.9956743497593936 -2070.7140165471646 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/26810426_6779980104.jpg buckingham_palace/test/images/17182999_6309727384.jpg 0 0 535.869 0.0 319.5 0.0 535.869 213.0 0.0 0.0 1.0 652.054 0.0 319.5 0.0 652.054 239.5 0.0 0.0 1.0 0.9817909556806943 0.025834489177270194 -0.18819962410307348 42318.07277220178 -0.0296098812679807 0.9994122179515537 -0.01727638678811026 -3448.8346357367163 0.18764267711500157 0.022534368819778706 0.9819788327387763 -3063.2003036616607 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/63405816_9350693196.jpg buckingham_palace/test/images/38494630_2754668056.jpg 0 0 532.479 0.0 319.5 0.0 532.479 239.5 0.0 0.0 1.0 782.467 0.0 249.5 0.0 782.467 187.0 0.0 0.0 1.0 0.7539768174430977 -0.0029997236591324484 -0.6568941774870184 84323.40527557352 0.004319143092219365 0.9999905960211083 0.0003909888712075115 3495.849440391189 0.6568868272094719 -0.0031320164937808804 0.7539826832967425 90476.70604212565 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/65062872_13486503543.jpg buckingham_palace/test/images/89730574_3288971741.jpg 0 0 588.768 0.0 319.5 0.0 588.768 239.5 0.0 0.0 1.0 664.171 0.0 319.5 0.0 664.171 239.5 0.0 0.0 1.0 0.9876165794875836 0.04760023458987884 -0.14949150339813205 -3339.290594785607 -0.019674785703372 0.9829172623961747 0.1829933279962302 147.44776770626848 0.15564830461258355 -0.1777860313708532 0.9716819090219959 -1993.784355285291 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/48659678_6312182163.jpg buckingham_palace/test/images/74969573_235362322.jpg 0 0 642.526 0.0 319.5 0.0 642.526 239.5 0.0 0.0 1.0 503.536 0.0 319.5 0.0 503.536 212.5 0.0 0.0 1.0 0.8281607398632296 0.0976728692944186 0.551914666912362 -78192.22055156007 -0.10305082374188917 0.9944467614426914 -0.02135805193037828 -13046.820868164561 -0.5509358553182994 -0.039187360971849924 0.8336270353489958 -63410.716335822945 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/66563458_10330669473.jpg buckingham_palace/test/images/39753040_13785121575.jpg 0 0 720.394 0.0 319.5 0.0 720.394 319.5 0.0 0.0 1.0 456.694 0.0 319.5 0.0 456.694 239.5 0.0 0.0 1.0 0.20084212540714058 -0.940008317436882 -0.2757658496105426 24955.86304229576 0.8673463285850579 0.03977475419949606 0.496113208066859 -65704.00058577236 -0.45538202308826736 -0.3388249283595463 0.8233012091392707 -50450.342505815366 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/40301915_5005868978.jpg buckingham_palace/test/images/89896693_2049071963.jpg 0 0 501.329 0.0 319.5 0.0 501.329 213.0 0.0 0.0 1.0 722.799 0.0 319.5 0.0 722.799 239.5 0.0 0.0 1.0 0.8855650816583129 -0.33552339968694805 0.3212452869849114 7135.115336866218 0.3951437295709239 0.9076966948993223 -0.14123789523221772 1427.6192271625036 -0.2442046664752457 0.2520134090308668 0.9364044652501154 2617.5108291623474 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/25222869_4501138522.jpg buckingham_palace/test/images/66012681_3064490504.jpg 0 0 669.156 0.0 319.5 0.0 669.156 179.5 0.0 0.0 1.0 573.25 0.0 249.5 0.0 573.25 187.0 0.0 0.0 1.0 0.7841460258665962 -0.03736904238826394 -0.6194502117108428 85087.24961829881 0.017435997489928322 0.9991179399234442 -0.0382011533158908 374.33411874624767 0.6203313599272207 0.01915455021965049 0.7841059284922722 10796.071063464062 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/95871367_5793063419.jpg buckingham_palace/test/images/65805167_10855307395.jpg 0 0 667.829 0.0 319.5 0.0 667.829 239.5 0.0 0.0 1.0 590.213 0.0 319.5 0.0 590.213 239.5 0.0 0.0 1.0 0.9881621910908022 0.04637815191894213 0.14623457567623438 -3304.418359307034 -0.009386730313752395 0.9697020255052649 -0.24411036648410409 -296.6663268049874 -0.15312535189393592 0.23984797008849218 0.9586582174329848 1914.05514067506 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/84211719_64399705.jpg buckingham_palace/test/images/53271175_196359090.jpg 0 0 1267.76 0.0 249.5 0.0 1267.76 187.0 0.0 0.0 1.0 717.691 0.0 319.5 0.0 717.691 239.5 0.0 0.0 1.0 0.998682578123348 -0.002158374429730545 -0.051268407160003554 19519.09426146472 0.010148891595170637 0.987686881752581 0.15611413649395253 -18687.629555908657 0.05030018043995755 -0.15642878582180472 0.9864075865553871 -82636.98184094271 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/12103866_2466593345.jpg buckingham_palace/test/images/49117697_7908670900.jpg 0 0 415.566 0.0 249.5 0.0 415.566 166.5 0.0 0.0 1.0 709.993 0.0 319.5 0.0 709.993 213.5 0.0 0.0 1.0 0.9999974242951639 -0.0003232311456834407 -0.002246536148004248 -5171.567143306209 0.00026567160147790935 0.9996728785124314 -0.025574702056325088 -1392.4944417157346 0.0022540677980038984 0.025574039342585116 0.9996703895234998 -6486.359061584308 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/11595280_7996242346.jpg buckingham_palace/test/images/58837390_828863639.jpg 0 0 715.759 0.0 305.5 0.0 715.759 305.5 0.0 0.0 1.0 664.357 0.0 319.5 0.0 664.357 239.5 0.0 0.0 1.0 0.9998989050402911 0.0019918564876396207 0.014078785706137947 7297.524974520723 -0.004474077053567665 0.9839202866808857 0.17855209909805755 -621.7303199749957 -0.013496752711131843 -0.17859703795286325 0.9838297290185524 -879.0392286409215 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/61577420_5186173128.jpg buckingham_palace/test/images/57193236_5047672890.jpg 0 0 1021.11 0.0 319.5 0.0 1021.11 213.0 0.0 0.0 1.0 664.015 0.0 319.5 0.0 664.015 239.5 0.0 0.0 1.0 0.9211322803194292 1.6994458013374245e-06 0.3892496912659543 -48336.984077975845 0.005301337486081138 0.9999071972307062 -0.012549611431925893 -5039.991618941052 -0.38921358914404247 0.013623396175166405 0.9210467876835936 -94610.30524533529 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/80761129_4227276038.jpg buckingham_palace/test/images/31471983_2691474123.jpg 0 0 564.577 0.0 319.5 0.0 564.577 239.5 0.0 0.0 1.0 728.105 0.0 319.5 0.0 728.105 239.5 0.0 0.0 1.0 0.5334306275885765 -0.2412627113344535 -0.8107059082491043 20332.504418824425 0.07988657706009186 0.9685439952743897 -0.23567066856854432 5548.437960530388 0.842062883848991 0.060949432626324095 0.5359246834271115 50157.2611866303 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/48484647_7883607208.jpg buckingham_palace/test/images/70392907_4845953799.jpg 0 0 530.224 0.0 319.5 0.0 530.224 182.5 0.0 0.0 1.0 367.397 0.0 319.5 0.0 367.397 213.0 0.0 0.0 1.0 0.999878081269546 0.015444266429471103 -0.002301571460259594 425.0712601538453 -0.014814589777147643 0.9848552693046897 0.17274439629846608 -15578.467238667057 0.004934625260949643 -0.17268923868394975 0.984963997472137 -48404.70985350991 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/39528348_6563861043.jpg buckingham_palace/test/images/13945740_8521059121.jpg 0 0 528.566 0.0 319.5 0.0 528.566 213.0 0.0 0.0 1.0 538.505 0.0 319.5 0.0 538.505 239.5 0.0 0.0 1.0 0.9866546671025498 0.04950140588321869 0.1551198849288543 -11307.04127221846 0.0021883055846832577 0.94855071794851 -0.3166176665917974 -2440.4578495665137 -0.1628120978411132 0.31273174814040133 0.935783668644428 -10815.861667822428 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/04747458_676507940.jpg buckingham_palace/test/images/47350644_7520151518.jpg 0 0 533.733 0.0 319.5 0.0 533.733 213.0 0.0 0.0 1.0 656.633 0.0 319.5 0.0 656.633 239.5 0.0 0.0 1.0 0.9954954257203164 0.01998748281106098 0.09267878883975392 228.2438215017628 -0.023379682078577997 0.9990904104459728 0.035661494932238795 2753.0844912069565 -0.09188170566457057 -0.03766765569789307 0.9950572344736729 12850.421133940734 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/14844450_287573284.jpg buckingham_palace/test/images/81485196_7160898455.jpg 0 0 553.557 0.0 249.5 0.0 553.557 186.5 0.0 0.0 1.0 640.287 0.0 319.5 0.0 640.287 232.0 0.0 0.0 1.0 0.9818825896924821 0.0060733611541100765 -0.18939296276017312 26971.392970696295 -0.013487259007591951 0.9991912226158886 -0.037881321146813265 3002.257898317397 0.18900971907086328 0.039749401651567276 0.9811703782550184 35285.109169987074 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/83726223_2253829152.jpg buckingham_palace/test/images/07701593_197476710.jpg 0 0 543.47 0.0 319.5 0.0 543.47 213.0 0.0 0.0 1.0 798.292 0.0 319.5 0.0 798.292 239.5 0.0 0.0 1.0 0.9972780230856895 0.04378232146082177 0.059326663464246726 -3921.352374035465 -0.025165525493377333 0.9584148717099625 -0.28426682889816424 -173.42648042916954 -0.06930541823653412 0.2820000744905527 0.9569078936817176 50999.700575303985 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/83387888_3756983584.jpg buckingham_palace/test/images/63503162_6643082601.jpg 0 0 533.38 0.0 319.5 0.0 533.38 239.5 0.0 0.0 1.0 771.297 0.0 305.5 0.0 771.297 305.5 0.0 0.0 1.0 0.9996776265577093 -0.009150241135898081 -0.023683666251249652 -1868.909530181818 0.003438361592719741 0.9729979192055159 -0.23078827286345016 4405.711647995465 0.025155926329661852 0.2306324398450737 0.9727157123546455 68892.49540437367 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/52927333_9772228794.jpg buckingham_palace/test/images/56990017_8603215183.jpg 0 0 548.596 0.0 319.5 0.0 548.596 179.0 0.0 0.0 1.0 531.719 0.0 319.5 0.0 531.719 213.0 0.0 0.0 1.0 0.8566557292796135 -0.012079894175622137 -0.515747067513834 41194.81823673207 0.05427441905545003 0.9962881591276894 0.06681460482673843 2245.747399216286 0.5130255831131689 -0.0852289864932441 0.8541315887688076 47898.53984998591 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/36917951_370694487.jpg buckingham_palace/test/images/22759208_567461360.jpg 0 0 531.303 0.0 319.5 0.0 531.303 213.0 0.0 0.0 1.0 662.89 0.0 319.5 0.0 662.89 239.5 0.0 0.0 1.0 0.9288816066873125 0.011251930501425039 0.37020582763915016 -39078.12206601773 0.001781372964588821 0.9993911464278273 -0.0348448439806187 2482.451008198988 -0.370372498261356 0.03302620931417538 0.9282960099181609 21403.467926263336 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/05108322_3880700444.jpg buckingham_palace/test/images/70919478_5339080781.jpg 0 0 525.813 0.0 319.5 0.0 525.813 213.0 0.0 0.0 1.0 458.531 0.0 319.5 0.0 458.531 212.5 0.0 0.0 1.0 0.839743815944351 0.08381984951808662 0.5364741898824077 -63133.311085454545 -0.08630361521220214 0.9960572293720625 -0.020534892669665555 142.15843155193852 -0.5360802268173341 -0.029055612924456527 0.8436668547318068 -21479.649833127645 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/83626729_2399731869.jpg buckingham_palace/test/images/85113395_2204253279.jpg 0 0 900.714 0.0 319.5 0.0 900.714 213.0 0.0 0.0 1.0 939.785 0.0 319.5 0.0 939.785 213.0 0.0 0.0 1.0 0.9731726615593176 0.07079180885412835 -0.2189143453333163 24847.016547227715 -0.07724525690509206 0.9967898555737208 -0.021051225878486488 3043.8128271243777 0.21672134430927698 0.03739657236273514 0.975516968225719 58873.181166524744 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/39733199_8623371744.jpg buckingham_palace/test/images/55790389_5367781874.jpg 0 0 1338.45 0.0 319.5 0.0 1338.45 239.5 0.0 0.0 1.0 866.206 0.0 319.5 0.0 866.206 212.0 0.0 0.0 1.0 0.832020951527795 0.03219676860971504 0.5538090865179761 -38767.53684628157 -0.07427686857485444 0.9957908557471538 0.05369840225802945 -2708.374241530493 -0.5497491091520718 -0.08581340047710384 0.8309103304719828 3062.427147439862 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/37484866_5209954283.jpg buckingham_palace/test/images/48659678_6312182163.jpg 0 0 756.578 0.0 319.5 0.0 756.578 213.0 0.0 0.0 1.0 642.526 0.0 319.5 0.0 642.526 239.5 0.0 0.0 1.0 0.5399547526022705 0.05922649763959609 -0.8396076983446304 100008.5798550217 0.15131741177261473 0.9744384688724599 0.1660503275393724 14880.718908837087 0.8279806193605366 -0.21670692734391958 0.5171906820549839 85047.72201015163 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/03513470_2505259840.jpg buckingham_palace/test/images/02189109_4611484390.jpg 0 0 504.806 0.0 319.5 0.0 504.806 213.5 0.0 0.0 1.0 1008.42 0.0 319.5 0.0 1008.42 213.0 0.0 0.0 1.0 0.8870086088596193 0.047074644793143286 0.45934704268833876 -15489.041488494397 -0.02818384035507317 0.99845445119961 -0.04789968708170802 6203.02963610018 -0.460891960172623 0.02954127108445378 0.8869644380418824 82612.77883502736 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/35721053_45922082.jpg buckingham_palace/test/images/25818240_3063650971.jpg 0 0 534.729 0.0 249.5 0.0 534.729 187.0 0.0 0.0 1.0 574.66 0.0 249.5 0.0 574.66 187.0 0.0 0.0 1.0 0.8563923709201318 -0.09884250960022885 -0.5067763464544538 29452.751421113855 0.06058445518454284 0.9939619259861247 -0.09148340548944135 3232.2985322263016 0.5127588427514321 0.04764292167659424 0.8572097299928005 29119.625600703148 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/94916212_250193805.jpg buckingham_palace/test/images/80731258_3052461790.jpg 0 0 540.593 0.0 249.5 0.0 540.593 187.0 0.0 0.0 1.0 576.354 0.0 249.5 0.0 576.354 187.0 0.0 0.0 1.0 0.917511194071687 0.0414804692299373 0.39554086947572387 -10544.032656322473 -0.03837187691188129 0.999139064490184 -0.01577114047681047 8448.960270859856 -0.3958545286028779 -0.0007074476263902618 0.918312959563595 56095.572552607206 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/51262215_3370618807.jpg buckingham_palace/test/images/34988822_5659731458.jpg 0 0 821.974 0.0 319.5 0.0 821.974 213.0 0.0 0.0 1.0 627.58 0.0 319.5 0.0 627.58 213.5 0.0 0.0 1.0 0.996490025310819 -0.007058598581383621 0.08341346199571055 -14667.995031979335 0.008431879707218613 0.9998344665681514 -0.016122743779617 -2417.1884537513624 -0.08328585030271331 0.01676948563454089 0.9963845901512662 -21291.802063401054 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/25222869_4501138522.jpg buckingham_palace/test/images/67629930_160884597.jpg 0 0 669.156 0.0 319.5 0.0 669.156 179.5 0.0 0.0 1.0 686.526 0.0 319.5 0.0 686.526 213.0 0.0 0.0 1.0 0.7004603122823916 -0.025546020023857096 -0.7132340091289783 86902.18075421777 0.05836827790477908 0.9980619498676768 0.021575179275298253 1977.7608436125474 0.7113005659014234 -0.05674279766870393 0.7005938622775991 46983.99365891773 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/72406227_262180777.jpg buckingham_palace/test/images/66104636_8655068521.jpg 0 0 895.882 0.0 319.5 0.0 895.882 239.5 0.0 0.0 1.0 493.211 0.0 318.5 0.0 493.211 319.5 0.0 0.0 1.0 0.7156255930252732 -0.0016372234926885895 -0.6984821616236602 103005.86459116585 -0.06304568369136855 0.9957640300814601 -0.06692711082825108 -3761.238804183971 0.6956329868365313 0.09193103880172397 0.712491004665829 -4537.9129681677005 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/12276618_145746984.jpg buckingham_palace/test/images/11279513_3229126513.jpg 0 0 1074.1 0.0 319.5 0.0 1074.1 212.0 0.0 0.0 1.0 539.004 0.0 319.5 0.0 539.004 239.5 0.0 0.0 1.0 0.949870578627568 0.02935291393851189 0.3112624138906712 -44101.1108105468 -0.03862143181348258 0.9989739128496979 0.023653888695948477 -8637.189429375117 -0.31024872096820266 -0.034489533036591226 0.9500295801965917 -83852.57319741535 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/86900704_328544021.jpg buckingham_palace/test/images/31471983_2691474123.jpg 0 0 516.297 0.0 249.5 0.0 516.297 187.0 0.0 0.0 1.0 728.105 0.0 319.5 0.0 728.105 239.5 0.0 0.0 1.0 0.8404308631353147 0.008522976378468102 -0.5418517538619597 20016.104385262912 0.05458685448474914 0.99345944776669 0.10029257679691006 -1731.9374082769937 0.5391625354260907 -0.1138669597238609 0.834468738705144 3503.353185585216 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/40640722_7130151431.jpg buckingham_palace/test/images/28945073_6309209323.jpg 0 0 718.085 0.0 319.5 0.0 718.085 239.5 0.0 0.0 1.0 657.152 0.0 319.5 0.0 657.152 239.5 0.0 0.0 1.0 0.6892313407255629 -0.03668608876004942 -0.7236119746474162 109801.05011225291 -0.011720826953505141 0.99802206862267 -0.06176222759626447 -3385.6112034766456 0.7244465343813642 0.05104979366869721 0.6874380971325451 -40125.921304903226 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/54107490_11614068883.jpg buckingham_palace/test/images/66051487_8289127493.jpg 0 0 544.935 0.0 319.5 0.0 544.935 239.5 0.0 0.0 1.0 729.749 0.0 319.5 0.0 729.749 239.5 0.0 0.0 1.0 0.8229894881203343 0.13989539085654162 0.5505611519718093 -32993.94337489363 -0.05643885231173372 0.9845426346883861 -0.16580246207636934 7261.540845953135 -0.5652459273565484 0.10538064384860742 0.8181637742584846 46131.55635906082 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/33491680_3513928900.jpg buckingham_palace/test/images/50394851_7212712178.jpg 0 0 656.038 0.0 239.5 0.0 656.038 319.5 0.0 0.0 1.0 479.773 0.0 319.5 0.0 479.773 213.5 0.0 0.0 1.0 0.9505618778584494 -0.08789846056139049 -0.2978354864571311 13257.737603650374 0.0899821768667142 0.9959205953922036 -0.006736135388057313 8459.95272054703 0.29721259093205593 -0.020396771915588943 0.9545934461784649 39598.08765883203 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88943277_2580116986.jpg buckingham_palace/test/images/84152459_248601304.jpg 0 0 502.948 0.0 319.5 0.0 502.948 212.5 0.0 0.0 1.0 652.486 0.0 319.5 0.0 652.486 239.5 0.0 0.0 1.0 0.850053533119433 0.040066071731758884 0.5251701635919114 -5576.485446692919 -0.07260329569937087 0.9964974069211203 0.04149312537123623 4244.5232342238705 -0.5216682396741811 -0.07340046250173744 0.8499850703511046 28515.80835606669 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/75966612_8640534113.jpg buckingham_palace/test/images/04563674_4259679500.jpg 0 0 858.38 0.0 319.5 0.0 858.38 239.5 0.0 0.0 1.0 611.976 0.0 319.5 0.0 611.976 239.5 0.0 0.0 1.0 0.9326951082647102 0.031236446670868168 -0.35931061690194827 68104.57980496963 0.0306379706555819 0.9857794186970037 0.1652278802971977 -27098.784558702624 0.35936214293270835 -0.1651157838390243 0.9184746203102383 -95126.97394813511 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/52927333_9772228794.jpg buckingham_palace/test/images/24126353_3448607158.jpg 0 0 548.596 0.0 319.5 0.0 548.596 179.0 0.0 0.0 1.0 727.932 0.0 319.5 0.0 727.932 213.0 0.0 0.0 1.0 0.8413402898291434 -0.013654343953193919 -0.5403333004742731 45471.81352430554 0.05362991220305405 0.9968566513753436 0.05831508489086948 2198.9338657531225 0.5378385903106115 -0.07804085788831688 0.8394279452536408 51585.9147347085 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/87435867_4350947433.jpg buckingham_palace/test/images/66051487_8289127493.jpg 0 0 448.32 0.0 319.5 0.0 448.32 239.5 0.0 0.0 1.0 729.749 0.0 319.5 0.0 729.749 239.5 0.0 0.0 1.0 0.9536633300072971 -0.025811463691271637 0.29976661145215516 -24501.8698125305 -0.031175739665585542 0.9824734360236826 0.18377709531963615 4449.469240190285 -0.2992562885817053 -0.1846069225406598 0.9361441971696294 14793.21234640877 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/96610065_7506893394.jpg buckingham_palace/test/images/58780959_4178228.jpg 0 0 1228.87 0.0 319.5 0.0 1228.87 213.0 0.0 0.0 1.0 561.783 0.0 249.5 0.0 561.783 187.0 0.0 0.0 1.0 0.7323606584209787 0.016011810594483932 -0.6807286448495297 87057.15205179286 0.0619156265107394 0.994015986179115 0.08999263533281006 -1219.2789536302023 0.678096100262325 -0.10805480619504104 0.7269868208345863 -10025.47600830329 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/78850803_8040467285.jpg buckingham_palace/test/images/84030835_2661414475.jpg 0 0 936.98 0.0 319.5 0.0 936.98 239.5 0.0 0.0 1.0 520.103 0.0 249.5 0.0 520.103 140.0 0.0 0.0 1.0 0.8333399019051771 -0.07193142237930775 -0.5480606520880322 86382.97098997532 0.06202819532632234 0.9974034304388028 -0.036590981586560246 -3499.6115086740474 0.5492696158329069 -0.0035024881724298224 0.8356378531992029 -37417.33299285076 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/74969573_235362322.jpg buckingham_palace/test/images/94200008_8305050186.jpg 0 0 503.536 0.0 319.5 0.0 503.536 212.5 0.0 0.0 1.0 746.609 0.0 305.5 0.0 746.609 305.5 0.0 0.0 1.0 0.9647376938403275 -0.08176057432532047 -0.25019270686740686 18454.408502558843 0.0949348589811455 0.9946376297616896 0.041028746169951016 6090.664692132723 0.24549654709155572 -0.06333398730572704 0.9673263417368937 21522.365300314 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/12105658_501509035.jpg buckingham_palace/test/images/96236969_1904716577.jpg 0 0 734.683 0.0 319.5 0.0 734.683 212.0 0.0 0.0 1.0 505.334 0.0 249.5 0.0 505.334 187.0 0.0 0.0 1.0 0.9990712400172762 -0.021863880572752986 -0.03712988145203745 16335.777586106138 0.018275252846643872 0.9953684414173064 -0.09438051156818959 -592.1703060263367 0.03902143646424616 0.09361429675419417 0.9948435509865279 -32598.970444881983 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88943277_2580116986.jpg buckingham_palace/test/images/32083947_2349664427.jpg 0 0 502.948 0.0 319.5 0.0 502.948 212.5 0.0 0.0 1.0 739.255 0.0 319.5 0.0 739.255 239.5 0.0 0.0 1.0 0.49490141717065395 0.03853763710624767 0.8680941410980413 -27753.1853540093 -0.2219100146022759 0.971495337867783 0.08338317528362602 423.5874820954414 -0.8401360203572372 -0.23390523514327205 0.4893463070984336 6190.594445798099 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/64429111_220275393.jpg buckingham_palace/test/images/34376995_1253071592.jpg 0 0 679.846 0.0 319.5 0.0 679.846 239.5 0.0 0.0 1.0 536.63 0.0 319.5 0.0 536.63 239.5 0.0 0.0 1.0 0.9191121347904938 -0.059493927953384325 -0.3894783128975718 15837.721863817942 0.039909804009534054 0.9975074135096439 -0.058190785672825956 1445.2673152908674 0.3919695029269265 0.0379398541111811 0.9191955593045696 10620.489100462819 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/19931456_8233563983.jpg buckingham_palace/test/images/90451561_2191844501.jpg 0 0 500.434 0.0 319.5 0.0 500.434 211.5 0.0 0.0 1.0 727.187 0.0 319.5 0.0 727.187 239.5 0.0 0.0 1.0 0.8843451084349785 0.0699835444170493 0.46155826576712217 -27703.063451353784 -0.0347256266163069 0.9958218666811394 -0.08445673860501521 3867.44726471188 -0.4655403957158083 0.05866100366101756 0.883080419104767 39344.24499672749 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/70487332_3297679339.jpg buckingham_palace/test/images/61285342_3151612050.jpg 0 0 553.133 0.0 319.5 0.0 553.133 200.0 0.0 0.0 1.0 536.336 0.0 249.5 0.0 536.336 187.0 0.0 0.0 1.0 0.8332160026016716 0.07328146450936476 0.5480701779588579 -39448.36916791855 0.04418324553777498 0.9791863446548584 -0.19809579312848996 1005.353902840018 -0.5511795840034718 0.18927210412741632 0.8126359189556785 16985.24892458995 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/81547541_3154792166.jpg buckingham_palace/test/images/83721004_321291688.jpg 0 0 514.553 0.0 249.5 0.0 514.553 187.0 0.0 0.0 1.0 713.043 0.0 319.5 0.0 713.043 239.5 0.0 0.0 1.0 0.9975983072418702 0.06288532251011926 -0.029035385324696527 11250.227712311957 -0.059045001160810615 0.9912366493422341 0.1181676471742616 -1250.0594629279415 0.03621194866442825 -0.11616945043159664 0.992569067400524 -6169.5697582476205 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/44140023_3726848652.jpg buckingham_palace/test/images/77141853_3913827430.jpg 0 0 667.066 0.0 319.5 0.0 667.066 212.0 0.0 0.0 1.0 534.162 0.0 319.5 0.0 534.162 213.0 0.0 0.0 1.0 0.8755392639396962 -0.018504362359271363 -0.48279248738315306 56369.617818665254 -0.03620228585713208 0.9939445224735749 -0.10374816019330567 3408.5231558981677 0.481788741876202 0.10831377944866528 0.8695675553876723 -13426.057175427231 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/34591604_85337315.jpg buckingham_palace/test/images/90381445_97622371.jpg 0 0 588.671 0.0 319.5 0.0 588.671 239.5 0.0 0.0 1.0 621.695 0.0 319.5 0.0 621.695 239.5 0.0 0.0 1.0 0.9998862821360631 0.0037862267448513106 0.01459750948478652 64.96611175644466 -0.003384358779924017 0.9996172566579901 -0.027456990133716216 -611.3568260484947 -0.014695880775598745 0.027404464574058235 0.9995163962685347 -29.606460834680547 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/32929018_8338714866.jpg buckingham_palace/test/images/86473777_6072982750.jpg 0 0 503.595 0.0 319.5 0.0 503.595 213.0 0.0 0.0 1.0 861.194 0.0 319.5 0.0 861.194 239.5 0.0 0.0 1.0 0.9279055479358148 -0.024919737498525545 -0.37198158663156944 25187.742246704052 0.029190850662777337 0.9995567129316609 0.005854218208837787 -2614.8005132879143 0.37167080642353195 -0.016290620499472587 0.9282216477416501 7877.630774694924 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/79123276_3884527240.jpg buckingham_palace/test/images/03096691_8059356963.jpg 0 0 1531.74 0.0 319.5 0.0 1531.74 212.0 0.0 0.0 1.0 490.55 0.0 319.5 0.0 490.55 213.0 0.0 0.0 1.0 0.9939167863417602 -0.012171341657392604 -0.10945903466743476 30292.021849843906 0.03272629490993448 0.9816214354171428 0.1880115612164743 -46202.13108118337 0.10515898178251652 -0.19045003536845845 0.9760483454105218 -127336.14967326337 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88943277_2580116986.jpg buckingham_palace/test/images/64410912_3739779843.jpg 0 0 502.948 0.0 319.5 0.0 502.948 212.5 0.0 0.0 1.0 1908.16 0.0 319.5 0.0 1908.16 239.5 0.0 0.0 1.0 0.5598185747572917 0.06452719127259723 0.8260989074821394 -13958.714590159329 -0.12038374600560219 0.9927192198002392 0.0040378629078850455 21243.495363209284 -0.8198237109613098 -0.10170935171199287 0.5635106837673558 122593.09897438675 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/31972807_4194251610.jpg buckingham_palace/test/images/70392907_4845953799.jpg 0 0 900.478 0.0 319.5 0.0 900.478 239.5 0.0 0.0 1.0 367.397 0.0 319.5 0.0 367.397 213.0 0.0 0.0 1.0 0.9872556975476612 0.04150111570917134 0.15363542903437113 -11802.79373273254 -0.058893101063519665 0.9921361728020983 0.11044191805979653 -29654.67864220331 -0.14784380374842696 -0.11808247970168445 0.9819362187437114 -104066.1697522906 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/81485196_7160898455.jpg buckingham_palace/test/images/86521638_6062929958.jpg 0 0 640.287 0.0 319.5 0.0 640.287 232.0 0.0 0.0 1.0 948.461 0.0 319.5 0.0 948.461 239.5 0.0 0.0 1.0 0.9769414459665896 0.010378821777794745 0.21325499105815585 -22160.433295955838 -0.014042960939475064 0.9997785309162662 0.015674321898080087 1483.3937164588451 -0.21304508067721661 -0.01830762620923393 0.9768708330285131 55537.06827654005 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/12225450_205688460.jpg buckingham_palace/test/images/78597216_183348499.jpg 0 0 880.89 0.0 249.5 0.0 880.89 187.0 0.0 0.0 1.0 514.284 0.0 249.5 0.0 514.284 187.0 0.0 0.0 1.0 0.615136091354201 -0.03469022680803217 -0.7876573984147442 85518.23405880418 0.07397664984954826 0.9971637093960247 0.013856115638865537 794.4028219875123 0.7849427013422783 -0.06679165237937722 0.6159576533999064 12556.812980217117 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/74845354_647484279.jpg buckingham_palace/test/images/58780959_4178228.jpg 0 0 550.969 0.0 249.5 0.0 550.969 187.0 0.0 0.0 1.0 561.783 0.0 249.5 0.0 561.783 187.0 0.0 0.0 1.0 0.8906249864644336 -0.025396744222802248 -0.45402878638706284 37209.12688419651 0.0678857884720992 0.994676414880279 0.07752644325929314 -2002.319792362973 0.44964280624596786 -0.09986908963135968 0.887607746545429 1308.796450631165 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/36917951_370694487.jpg buckingham_palace/test/images/69599759_2579291719.jpg 0 0 531.303 0.0 319.5 0.0 531.303 213.0 0.0 0.0 1.0 502.541 0.0 319.5 0.0 502.541 212.5 0.0 0.0 1.0 0.9909820841959285 -0.001207133144507379 -0.13398899817621265 1714.3975121837138 0.027362444575788757 0.9807113155392423 0.1935371080700685 -5290.543874480865 0.13117090161133504 -0.1954580732608912 0.9719003735813716 -20306.90606374774 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/89269947_2824630864.jpg buckingham_palace/test/images/55790389_5367781874.jpg 0 0 509.392 0.0 239.5 0.0 509.392 319.5 0.0 0.0 1.0 866.206 0.0 319.5 0.0 866.206 212.0 0.0 0.0 1.0 0.8393711672699496 0.05356035311751869 0.5409134238765099 -4479.116953286775 -0.06312429451006075 0.9980052967264177 -0.0008666883074548663 6882.572053326166 -0.5398808822309689 -0.033417305096938535 0.8410778303590986 41262.94489306356 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/39753040_13785121575.jpg buckingham_palace/test/images/20914462_2140816472.jpg 0 0 456.694 0.0 319.5 0.0 456.694 239.5 0.0 0.0 1.0 661.15 0.0 319.5 0.0 661.15 239.5 0.0 0.0 1.0 0.1421695948333097 0.9604456429552622 -0.2394409598067669 -20093.063886676307 -0.892519605604693 0.019785802401670823 -0.45057438413048456 437.2382821245435 -0.4280146725477715 0.2777637286464438 0.8600295059660736 28572.41031718752 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/91136231_4677075766.jpg buckingham_palace/test/images/12944457_8797082397.jpg 0 0 492.926 0.0 319.5 0.0 492.926 213.5 0.0 0.0 1.0 672.2 0.0 319.5 0.0 672.2 239.5 0.0 0.0 1.0 0.7193760267508075 -0.1938694075687115 -0.6670178295556864 39039.55319536613 0.08191656834986168 0.9772387579073035 -0.19568874743728393 6136.927203730263 0.6897737367905539 0.08613398198590073 0.7188832514262996 64352.32805776429 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/89902711_383052108.jpg buckingham_palace/test/images/92891727_3739824491.jpg 0 0 728.351 0.0 319.5 0.0 728.351 239.5 0.0 0.0 1.0 528.312 0.0 319.5 0.0 528.312 239.5 0.0 0.0 1.0 0.7631114653963096 -0.03930943696507799 0.6450702748896321 -67660.45808859856 -0.06640551451381813 0.9880957644151249 0.13876983817474509 -8696.508868722261 -0.64284617057493 -0.14873307806395458 0.7514168433477983 -19985.58291033335 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/80396877_5553830938.jpg buckingham_palace/test/images/18612281_10598628955.jpg 0 0 628.545 0.0 319.5 0.0 628.545 191.0 0.0 0.0 1.0 456.298 0.0 319.5 0.0 456.298 239.5 0.0 0.0 1.0 0.7308888917110118 0.0011883287331262557 0.682495432840595 -39755.514966851224 -0.10552156966618124 0.9881706578892859 0.1112831937978089 -344.665309514364 -0.6742897198598199 -0.1533536395442816 0.7223683512792406 10195.335239513772 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/56032606_8199293549.jpg buckingham_palace/test/images/96610065_7506893394.jpg 0 0 476.287 0.0 319.5 0.0 476.287 239.5 0.0 0.0 1.0 1228.87 0.0 319.5 0.0 1228.87 213.0 0.0 0.0 1.0 0.7121701616706531 0.08295481362591725 0.6970883442737266 -60031.05990603723 0.031161340105341943 0.9882792514482227 -0.14944260450012276 -1252.5666925823673 -0.7013149304761984 0.12815077078671916 0.7012380111188603 83675.08430780115 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/80208883_2309723001.jpg buckingham_palace/test/images/22496504_4546656558.jpg 0 0 608.393 0.0 212.5 0.0 608.393 319.5 0.0 0.0 1.0 835.668 0.0 319.5 0.0 835.668 213.0 0.0 0.0 1.0 0.8121422041053132 -0.13134715860132287 -0.5684830377753787 16775.429914934193 0.08475466383804608 0.9905549547900905 -0.1077846394367097 7725.040815770788 0.5772708959134032 0.03935486587654242 0.8156037685440009 53891.29205794695 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/50054515_355625972.jpg buckingham_palace/test/images/34511353_8612252871.jpg 0 0 2158.55 0.0 249.5 0.0 2158.55 187.0 0.0 0.0 1.0 526.275 0.0 319.5 0.0 526.275 239.5 0.0 0.0 1.0 0.9306674812639452 -0.033225151300157144 -0.3643543997798095 159763.2071284973 0.09129428776885534 0.9854552318376499 0.14332947730519757 -57700.85343962093 0.35429280593684215 -0.16665555905785254 0.9201644050366835 -309401.6701710959 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/15064245_12177287034.jpg buckingham_palace/test/images/12137996_9115608785.jpg 0 0 604.78 0.0 319.5 0.0 604.78 239.5 0.0 0.0 1.0 2212.1 0.0 255.5 0.0 2212.1 319.5 0.0 0.0 1.0 0.9904248262108162 0.0043912558371703775 0.13798326165679387 -15496.414017879204 -0.016583625541886842 0.9960408288775394 0.08733642180001805 9776.97117536879 -0.13705344573983247 -0.08878842312552188 0.9865763877823766 134829.48838827704 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/10538802_8199902487.jpg buckingham_palace/test/images/70919478_5339080781.jpg 0 0 594.899 0.0 319.5 0.0 594.899 239.5 0.0 0.0 1.0 458.531 0.0 319.5 0.0 458.531 212.5 0.0 0.0 1.0 0.9989460673868558 0.01418245608590325 -0.04365332051181387 -2693.660867232826 -0.022075738509898503 0.982294765947316 -0.18603670219005314 2866.825388316249 0.04024197089579866 0.1868043113310808 0.9815725816497435 31814.6457956929 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/82736794_5152319320.jpg buckingham_palace/test/images/39881987_8753914632.jpg 0 0 723.947 0.0 319.5 0.0 723.947 239.5 0.0 0.0 1.0 696.104 0.0 319.5 0.0 696.104 211.5 0.0 0.0 1.0 0.8849229339519249 -0.06011562154772294 -0.4618414370883674 53198.35256167373 0.03415136272195983 0.9973407631237733 -0.06438234723837387 742.8716745418863 0.46448367612882857 0.04120090117485739 0.8846227446500735 40780.10362572413 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/83626729_2399731869.jpg buckingham_palace/test/images/00212661_8137933114.jpg 0 0 900.714 0.0 319.5 0.0 900.714 213.0 0.0 0.0 1.0 607.957 0.0 319.5 0.0 607.957 239.5 0.0 0.0 1.0 0.4455462759589199 -0.08018153774441339 -0.8916610549889905 113487.43300048917 0.03501283223340651 0.9967798510873955 -0.07213896343298325 10766.203186257691 0.8945739866317002 0.0009216675817105834 0.4469189333321372 60296.44810350212 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/44185683_144541432.jpg buckingham_palace/test/images/18653284_7502960042.jpg 0 0 406.156 0.0 249.5 0.0 406.156 187.0 0.0 0.0 1.0 306.853 0.0 319.5 0.0 306.853 213.0 0.0 0.0 1.0 0.9059618686808393 0.027853144501275743 -0.42244206092399544 42158.93011369222 0.006140191303159155 0.9968640193888714 0.07889502454923653 -2334.315930735742 0.42331476533081414 -0.07406975893882116 0.9029497661906019 -34715.38437373462 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/38109366_1994420460.jpg buckingham_palace/test/images/76951988_220277127.jpg 0 0 562.71 0.0 249.5 0.0 562.71 160.0 0.0 0.0 1.0 678.241 0.0 319.5 0.0 678.241 239.5 0.0 0.0 1.0 0.9937912360948797 0.005594579836150045 0.11112011400942584 -9994.598036837377 -0.006582431649467864 0.9999419956432225 0.008525077279970756 -5039.318891317212 -0.11106597433323558 -0.009203587643214635 0.9937704178128381 -33615.759902947815 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/84030835_2661414475.jpg buckingham_palace/test/images/52015143_29202491.jpg 0 0 520.103 0.0 249.5 0.0 520.103 140.0 0.0 0.0 1.0 483.179 0.0 249.5 0.0 483.179 187.0 0.0 0.0 1.0 0.7815984706815926 -0.07736651002462895 -0.6189654705674662 35321.96994971126 0.10279045294503877 0.99468799595177 0.005469322883594938 -3608.1747385902568 0.6152543810583959 -0.06789855547845054 0.78539915504945 -10085.335742185256 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/11993356_3855314871.jpg buckingham_palace/test/images/94916212_250193805.jpg 0 0 726.941 0.0 319.5 0.0 726.941 239.5 0.0 0.0 1.0 540.593 0.0 249.5 0.0 540.593 187.0 0.0 0.0 1.0 0.9999796428516383 0.004573246817053965 0.004449639969723743 -20372.402680181636 -0.004595894496967159 0.9999764696022576 0.005092935850507566 -7083.489771333632 -0.004426244015257672 -0.005113282248707175 0.999977131092788 -49574.69009765423 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/59557144_4072456064.jpg buckingham_palace/test/images/86521638_6062929958.jpg 0 0 569.526 0.0 249.5 0.0 569.526 187.0 0.0 0.0 1.0 948.461 0.0 319.5 0.0 948.461 239.5 0.0 0.0 1.0 0.9905674866024324 0.010885908092161806 -0.13659264801280047 10729.451720844902 -0.003404430945062602 0.9984867862686234 0.05488667868341987 4206.33227785163 0.13698344548185404 -0.05390393911362768 0.9891056066022245 75646.25152196814 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/40301915_5005868978.jpg buckingham_palace/test/images/88100674_4580463979.jpg 0 0 501.329 0.0 319.5 0.0 501.329 213.0 0.0 0.0 1.0 396.465 0.0 249.5 0.0 396.465 166.0 0.0 0.0 1.0 0.7728265757072537 -0.5293786173418393 -0.34999623338236524 51566.20334341993 0.4887537395995783 0.8482776329791291 -0.20382551217831793 -1202.250787857875 0.40479484422115386 -0.013540195292851323 0.9143072772341929 5226.995725394458 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/74030407_9757753664.jpg buckingham_palace/test/images/40526132_6338472744.jpg 0 0 1019.01 0.0 319.5 0.0 1019.01 213.0 0.0 0.0 1.0 622.524 0.0 319.5 0.0 622.524 239.5 0.0 0.0 1.0 0.9879397181833665 -0.023417647031681386 0.15305792055058834 -24659.852535795195 0.01835045250736521 0.9992384282909472 0.03443579996765856 -7844.697452763104 -0.15374776137734675 -0.031211812413527756 0.9876170556634375 -93761.87193536364 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/52580713_3540604945.jpg buckingham_palace/test/images/75711673_2633557923.jpg 0 0 547.77 0.0 319.5 0.0 547.77 213.0 0.0 0.0 1.0 645.555 0.0 319.5 0.0 645.555 178.5 0.0 0.0 1.0 0.9916032292569111 -0.018951524248395638 -0.12792136434516319 18891.139789548695 0.03654963009779888 0.9899434530608615 0.13666047080868668 2420.734730661566 0.12404499291377939 -0.14018844271408504 0.9823237960379563 21681.91885403719 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/81888816_2734302.jpg buckingham_palace/test/images/56366869_8166763434.jpg 0 0 669.636 0.0 319.5 0.0 669.636 239.5 0.0 0.0 1.0 517.399 0.0 319.5 0.0 517.399 164.5 0.0 0.0 1.0 0.994989858155297 -0.0009081360849775319 0.09997178330385588 -6153.394621297578 -0.014996659196468448 0.9872890622826184 0.1582258124013063 -10432.573607933446 -0.09884473876260148 -0.15893232140115351 0.982328985031488 -24763.58712972113 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/58837390_828863639.jpg buckingham_palace/test/images/39733199_8623371744.jpg 0 0 664.357 0.0 319.5 0.0 664.357 239.5 0.0 0.0 1.0 1338.45 0.0 319.5 0.0 1338.45 239.5 0.0 0.0 1.0 0.9998245787360959 -0.010055795320984561 -0.015801668761576695 -1988.891272730989 0.006304236192202261 0.9751072254125024 -0.2216442093860425 2355.2472253709593 0.01763713018665598 0.22150571082659104 0.9749995649793828 12500.633949105017 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/01823206_282483519.jpg buckingham_palace/test/images/61285342_3151612050.jpg 0 0 523.613 0.0 319.5 0.0 523.613 239.5 0.0 0.0 1.0 536.336 0.0 249.5 0.0 536.336 187.0 0.0 0.0 1.0 0.836371109049105 0.1560550632335199 0.5254809084896921 -10908.311319148492 0.08833657726428804 0.9077208188403548 -0.41017016488407126 -781.1192048617102 -0.5409990915567239 0.38947366057665295 0.7454060978096582 43491.67721273337 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/94200008_8305050186.jpg buckingham_palace/test/images/97292713_2986088736.jpg 0 0 746.609 0.0 305.5 0.0 746.609 305.5 0.0 0.0 1.0 683.491 0.0 319.5 0.0 683.491 221.0 0.0 0.0 1.0 0.9937053297111326 0.004426586503454623 -0.11193803212320892 12369.424563332119 -0.010519535274972219 0.9984909492916467 -0.053899569202960816 5493.394965570278 0.11153052085096589 0.05473782526364724 0.9922523436123084 27197.63599059696 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/87374275_5233148436.jpg buckingham_palace/test/images/39528348_6563861043.jpg 0 0 539.491 0.0 319.5 0.0 539.491 202.5 0.0 0.0 1.0 528.566 0.0 319.5 0.0 528.566 213.0 0.0 0.0 1.0 0.9896406874643934 0.040123634455492475 0.13784557908429723 -18721.10462493895 -0.0973569615334782 0.8932139258183331 0.43896526601221003 -21245.661932648574 -0.10551270897845468 -0.4478381143697837 0.8878671587358914 -35161.937883010105 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/54235905_5885592660.jpg buckingham_palace/test/images/19946837_1447873686.jpg 0 0 955.39 0.0 213.0 0.0 955.39 319.5 0.0 0.0 1.0 1048.17 0.0 319.5 0.0 1048.17 239.5 0.0 0.0 1.0 0.8776337680951839 -0.00245981905038982 -0.47932548272472275 69439.96685252468 0.017720496739619396 0.9994697502985793 0.02731670246198338 2471.0407611338205 0.4790041263855148 -0.0324679461674854 0.8772119922671573 26778.828196047936 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/92766299_2205106180.jpg buckingham_palace/test/images/76603337_13067710124.jpg 0 0 529.386 0.0 319.5 0.0 529.386 213.0 0.0 0.0 1.0 880.963 0.0 319.5 0.0 880.963 228.0 0.0 0.0 1.0 0.9324005203793109 0.021744231216115267 0.36077203051956536 -23281.769801758135 -0.031204777044176443 0.9993044416707875 0.020418000554869576 5607.0682137269205 -0.36007711880375476 -0.030295565118603315 0.9324305053182951 108313.59089907524 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/47468990_5940765373.jpg buckingham_palace/test/images/34988822_5659731458.jpg 0 0 1182.75 0.0 319.5 0.0 1182.75 239.5 0.0 0.0 1.0 627.58 0.0 319.5 0.0 627.58 213.5 0.0 0.0 1.0 0.6810625545558388 -0.2150445531361506 -0.6999354519870732 60017.002939010985 0.1075339285705256 0.9749119770704896 -0.19489251183844397 4614.7034200982325 0.7242860284363246 0.05746718307853822 0.6871006271871344 54779.506380579194 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/81310018_8608208863.jpg buckingham_palace/test/images/52927333_9772228794.jpg 0 0 559.102 0.0 319.5 0.0 559.102 239.5 0.0 0.0 1.0 548.596 0.0 319.5 0.0 548.596 179.0 0.0 0.0 1.0 0.9730024167815987 -0.028009827939527356 0.22908894882985167 -5058.82699698872 0.011240304396538307 0.997181448474465 0.07418095695959384 628.4242082384287 -0.2305210456644718 -0.06960322088212602 0.9705747983275645 419.97450801670766 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/13281945_9328537386.jpg buckingham_palace/test/images/25919709_2805904071.jpg 0 0 480.216 0.0 319.5 0.0 480.216 211.5 0.0 0.0 1.0 562.99 0.0 249.5 0.0 562.99 187.0 0.0 0.0 1.0 0.8083355229380408 -0.008852333637845305 -0.5886555177229278 58441.43493157111 0.0428675237583742 0.9981177721683372 0.04385531083620692 -110.4695076221073 0.5871593120808944 -0.060684010009881335 0.8071935289419826 35116.293307102285 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/39528348_6563861043.jpg buckingham_palace/test/images/02147392_4434343749.jpg 0 0 528.566 0.0 319.5 0.0 528.566 213.0 0.0 0.0 1.0 1522.3 0.0 319.5 0.0 1522.3 213.0 0.0 0.0 1.0 0.9958174713696708 -0.0066305079359738886 0.09112409165213015 -4188.2495455644475 0.050013760036102264 0.8742204620644749 -0.48294638161479936 9736.07032769988 -0.07646036569338398 0.48548390300017896 0.8708956265854978 136624.69045139244 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/34376995_1253071592.jpg buckingham_palace/test/images/83500228_4350950097.jpg 0 0 536.63 0.0 319.5 0.0 536.63 239.5 0.0 0.0 1.0 450.353 0.0 319.5 0.0 450.353 239.5 0.0 0.0 1.0 0.9495478999374601 0.02101741458757389 0.31291700818014556 219.88516721112683 0.04310114035706081 0.9795395044428425 -0.19658242784081986 -1283.4681948891161 -0.310646225511079 0.2001515114105418 0.9292138048134 16471.17133108004 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/38217522_12120715573.jpg buckingham_palace/test/images/39881987_8753914632.jpg 0 0 416.694 0.0 319.5 0.0 416.694 239.5 0.0 0.0 1.0 696.104 0.0 319.5 0.0 696.104 211.5 0.0 0.0 1.0 0.8973602208019107 -0.036156359539393786 -0.4398151336495872 38354.2648717274 0.04986366050259517 0.9985627625796762 0.019647507488916877 4952.617326545582 0.438472632536659 -0.03956168416666818 0.8978733895501464 62740.66038565636 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/58961667_2085265349.jpg buckingham_palace/test/images/95099681_7121588727.jpg 0 0 391.75 0.0 249.5 0.0 391.75 166.5 0.0 0.0 1.0 544.463 0.0 319.5 0.0 544.463 240.0 0.0 0.0 1.0 0.9999960584035904 -0.002750995454041546 0.0005614279070160727 2185.6287936109784 0.0026894081880900686 0.9959498220126274 0.0898705686897206 -1050.0386917863896 -0.0008063875499831151 -0.08986870454739958 0.9959532949300841 -2698.254090856575 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/58780959_4178228.jpg buckingham_palace/test/images/77059222_3193034364.jpg 0 0 561.783 0.0 249.5 0.0 561.783 187.0 0.0 0.0 1.0 665.902 0.0 319.5 0.0 665.902 239.5 0.0 0.0 1.0 0.9897109328191951 -0.016137452012332045 -0.14216839346601767 30965.090290346503 0.00047955889279308874 0.9939879437693919 -0.10948852754679167 2349.3117015951198 0.14308053494947195 0.10829381461397458 0.9837684738976582 55675.454692885854 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/83600107_4900371165.jpg buckingham_palace/test/images/74845354_647484279.jpg 0 0 540.202 0.0 319.5 0.0 540.202 239.5 0.0 0.0 1.0 550.969 0.0 249.5 0.0 550.969 187.0 0.0 0.0 1.0 0.9989312344428383 0.0010262960242838552 0.04620969131013817 -730.1654601693335 0.004847146447450021 0.9919148688961132 -0.12681245220452145 -113.32934446703325 -0.04596622701315276 0.1269009045644577 0.9908497698414719 -1084.1208250202271 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/93037627_13638822993.jpg buckingham_palace/test/images/89730574_3288971741.jpg 0 0 585.228 0.0 239.5 0.0 585.228 319.5 0.0 0.0 1.0 664.171 0.0 319.5 0.0 664.171 239.5 0.0 0.0 1.0 0.8971924282135999 0.13454831409752416 0.42064533508610136 -37803.68246402616 -0.12274053021406363 0.9909047208784014 -0.05515973516676909 6857.566958405989 -0.42424109772504964 -0.0021413347266478954 0.9055467440649506 34886.05205205849 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/82724591_6779971696.jpg buckingham_palace/test/images/55790389_5367781874.jpg 0 0 530.953 0.0 319.5 0.0 530.953 213.0 0.0 0.0 1.0 866.206 0.0 319.5 0.0 866.206 212.0 0.0 0.0 1.0 0.36972709389101494 -0.01856682017946322 0.928954869318918 -50710.82228780005 -0.15035977181577365 0.9854265351207261 0.07953919096564177 7976.205184597465 -0.9168935680123472 -0.16908523610411355 0.3615471862277499 50802.82591813173 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/61285342_3151612050.jpg buckingham_palace/test/images/12516230_8673895442.jpg 0 0 536.336 0.0 249.5 0.0 536.336 187.0 0.0 0.0 1.0 607.086 0.0 319.5 0.0 607.086 211.5 0.0 0.0 1.0 0.7947095446054258 0.05278206837813731 -0.6046906589081416 49941.612459092146 0.07396274022571535 0.980367969560876 0.1827789848899175 3324.8579627424856 0.602466806364749 -0.18998078196704785 0.7752038762234417 48773.0075642045 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/86576612_2460544550.jpg buckingham_palace/test/images/88827990_5044159062.jpg 0 0 775.263 0.0 319.5 0.0 775.263 180.0 0.0 0.0 1.0 800.954 0.0 319.5 0.0 800.954 239.5 0.0 0.0 1.0 0.8962167210010032 0.03725220333748823 0.44204961525230635 -59069.03066680493 -0.055255746820803454 0.998081902744723 0.02791626509310515 2505.2401524939614 -0.44016177871492296 -0.04944480518695249 0.8965560884844513 -1507.0804027127924 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/63307507_3556599632.jpg buckingham_palace/test/images/02189109_4611484390.jpg 0 0 1617.87 0.0 319.5 0.0 1617.87 213.5 0.0 0.0 1.0 1008.42 0.0 319.5 0.0 1008.42 213.0 0.0 0.0 1.0 0.8914943401904112 -0.0013847033827027752 0.4530297164701287 -75861.17830511079 -0.03028622884305939 0.9975760563693403 0.0626478738750206 1071.5285213877614 -0.4520183466972651 -0.06957078665026421 0.8892914707192093 15416.086523346254 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/63914563_273289734.jpg buckingham_palace/test/images/70570527_4281018485.jpg 0 0 699.454 0.0 319.5 0.0 699.454 212.5 0.0 0.0 1.0 986.13 0.0 319.5 0.0 986.13 239.5 0.0 0.0 1.0 0.9526158549618184 -0.12951098278765538 -0.27522706664268975 12868.03980301397 0.10168099030558399 0.9883617799183765 -0.11314578298396506 2641.606967012477 0.2866775350212146 0.07979910609746461 0.9546979069738268 23233.971735215866 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/99129354_2398993692.jpg buckingham_palace/test/images/65292787_5063207561.jpg 0 0 491.793 0.0 319.5 0.0 491.793 190.0 0.0 0.0 1.0 693.23 0.0 319.5 0.0 693.23 239.5 0.0 0.0 1.0 0.846427369805395 0.033645778560862455 -0.5314401840558864 42815.6952625737 -0.0877954708654946 0.9931615864291735 -0.0769546524713969 -9491.534700975113 0.5252167770928754 0.11179456528168438 0.8435930963643858 85383.54804142033 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/92636956_2423667989.jpg buckingham_palace/test/images/10898443_3371442566.jpg 0 0 656.41 0.0 319.5 0.0 656.41 239.0 0.0 0.0 1.0 764.043 0.0 319.5 0.0 764.043 213.0 0.0 0.0 1.0 0.9899687869013123 -0.050941550324905924 -0.13178300122413092 35503.06737498803 0.051905354000327905 0.9986444456304236 0.00388657144593843 -8090.292035583581 0.13140637422608112 -0.010687827749305075 0.9912709695894238 -37961.158084269235 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/86521638_6062929958.jpg buckingham_palace/test/images/86465693_49695665.jpg 0 0 948.461 0.0 319.5 0.0 948.461 239.5 0.0 0.0 1.0 529.185 0.0 249.5 0.0 529.185 187.0 0.0 0.0 1.0 0.9981021801319638 -0.012521908803520637 -0.06029294996711368 18318.66872948605 0.01462477240394479 0.9992954950747279 0.034563413539277554 -4587.176847257105 0.05981767337462548 -0.03537958907718703 0.9975821422964507 -44051.731098505465 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/91176153_7095273843.jpg buckingham_palace/test/images/36638733_5857779927.jpg 0 0 1095.48 0.0 319.5 0.0 1095.48 239.5 0.0 0.0 1.0 491.356 0.0 319.5 0.0 491.356 212.0 0.0 0.0 1.0 0.9814360298772082 -0.02121799548830979 0.19061247578876184 -24913.64385604508 0.02391043558040885 0.9996440348013492 -0.011836163079066537 -5187.622875011311 -0.19029348472614177 0.016174064224467658 0.9815940043201389 -112999.06284958399 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/12103866_2466593345.jpg buckingham_palace/test/images/83387888_3756983584.jpg 0 0 415.566 0.0 249.5 0.0 415.566 166.5 0.0 0.0 1.0 533.38 0.0 319.5 0.0 533.38 239.5 0.0 0.0 1.0 0.8864125384844765 0.1035978493278475 0.4511544050900432 -27093.589989455577 -0.12111991044469157 0.9925870460471541 0.010046059588447703 3001.074209666147 -0.4467692680919045 -0.06354873432279641 0.8923893653863174 11342.522757076073 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/15885029_599614928.jpg buckingham_palace/test/images/48484647_7883607208.jpg 0 0 433.441 0.0 319.5 0.0 433.441 239.5 0.0 0.0 1.0 530.224 0.0 319.5 0.0 530.224 182.5 0.0 0.0 1.0 0.998537459409271 0.006445179134693289 0.05367869058015512 -2596.752557323056 -0.010276744001443947 0.9973939234082227 0.07141253448156813 1794.576584605335 -0.05307853322396074 -0.07185973291262698 0.9960014297663026 9541.533640570819 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/77853040_2216395549.jpg buckingham_palace/test/images/72406227_262180777.jpg 0 0 539.264 0.0 319.5 0.0 539.264 239.5 0.0 0.0 1.0 895.882 0.0 319.5 0.0 895.882 239.5 0.0 0.0 1.0 0.5652051361613661 0.001386860395851626 0.824949229149924 -99972.2223936489 -0.011712376238104201 0.9999112854795705 0.00634361201916228 5390.8024785791895 -0.8248672464704053 -0.013247557844183442 0.5651712376895133 98300.41439899174 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/99568304_8816950671.jpg buckingham_palace/test/images/94455955_3929007141.jpg 0 0 612.545 0.0 239.5 0.0 612.545 319.5 0.0 0.0 1.0 731.249 0.0 319.5 0.0 731.249 239.5 0.0 0.0 1.0 0.9928397528101753 0.01966936754033593 -0.11782334751819291 1235.7170398028538 0.012972493159970662 0.9627628390601422 0.27003597935473245 -321.6241349334823 0.11874737749122789 -0.2696309175621708 0.9556140584114163 -2235.6631504536126 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/72807922_9586802730.jpg buckingham_palace/test/images/50616321_9586801446.jpg 0 0 604.967 0.0 319.5 0.0 604.967 213.0 0.0 0.0 1.0 541.873 0.0 319.5 0.0 541.873 213.0 0.0 0.0 1.0 0.9886117257033802 0.0382150727783138 0.14555570759792522 -14964.523283552073 -0.0604897739474383 0.9865539792144078 0.15182961945551107 -13235.636752383598 -0.13779638257070595 -0.1589051739521582 0.9776304530044377 -48030.03780960117 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/37484866_5209954283.jpg buckingham_palace/test/images/02324203_9313663960.jpg 0 0 756.578 0.0 319.5 0.0 756.578 213.0 0.0 0.0 1.0 869.083 0.0 319.5 0.0 869.083 213.0 0.0 0.0 1.0 0.9934836599866059 0.0002291940866819087 -0.11397440418659253 42364.7478564934 0.030632571745858928 0.9626664474694867 0.26895158758541043 4621.955627690808 0.10978097689423665 -0.27069033670699905 0.9563863647739853 19389.331643030273 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/32929018_8338714866.jpg buckingham_palace/test/images/38067003_3099337568.jpg 0 0 503.595 0.0 319.5 0.0 503.595 213.0 0.0 0.0 1.0 666.233 0.0 319.5 0.0 666.233 213.0 0.0 0.0 1.0 0.8091303548189669 -0.00292845406488163 -0.5876218963477472 50454.40788387022 0.10578494040665519 0.9843766515608302 0.14075565439813856 -6042.806579130895 0.5780290782423433 -0.1760512198727339 0.7967988156916586 -10767.433902463263 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/53184146_19405394.jpg buckingham_palace/test/images/66563458_10330669473.jpg 0 0 671.452 0.0 319.5 0.0 671.452 239.5 0.0 0.0 1.0 720.394 0.0 319.5 0.0 720.394 319.5 0.0 0.0 1.0 0.9015923890990271 -0.06918290413242519 -0.4270186057943054 40195.35241020579 0.04152928630748774 0.9964117680934524 -0.07374894428851646 4906.64422301521 0.4305885301508849 0.04875770893595867 0.9012303831550603 50569.98412585561 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/27360182_6693505247.jpg buckingham_palace/test/images/77723988_970616651.jpg 0 0 668.989 0.0 319.5 0.0 668.989 240.0 0.0 0.0 1.0 1260.22 0.0 319.5 0.0 1260.22 239.0 0.0 0.0 1.0 0.931855555314402 -0.04601216550403512 -0.359900131502222 11270.757646266975 0.014172128521456613 0.9957852777287611 -0.09061363822198815 448.34966092676495 0.36255258212135066 0.07933827124587046 0.9285801332749144 4512.4332977562735 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/18653284_7502960042.jpg buckingham_palace/test/images/94455955_3929007141.jpg 0 0 306.853 0.0 319.5 0.0 306.853 213.0 0.0 0.0 1.0 731.249 0.0 319.5 0.0 731.249 239.5 0.0 0.0 1.0 0.9998628994667248 -0.0021201112038553133 -0.01642216180889462 3190.6286683194558 0.00418341525034597 0.9919390038632871 0.1266471936189389 9116.86928082451 0.016021276691868237 -0.12669853094331088 0.9918118778024236 72848.47028579495 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/34988822_5659731458.jpg buckingham_palace/test/images/62184736_5578846989.jpg 0 0 627.58 0.0 319.5 0.0 627.58 213.5 0.0 0.0 1.0 581.244 0.0 319.5 0.0 581.244 239.5 0.0 0.0 1.0 0.919462048052751 0.08248706950541833 0.3844287002228748 -39051.60118948938 -0.09922406797657084 0.9947787689783761 0.02387017226681924 3860.572709588666 -0.38045252860878925 -0.0600922969628809 0.922846026876046 15788.887046655836 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/90381445_97622371.jpg buckingham_palace/test/images/36638733_5857779927.jpg 0 0 621.695 0.0 319.5 0.0 621.695 239.5 0.0 0.0 1.0 491.356 0.0 319.5 0.0 491.356 212.0 0.0 0.0 1.0 0.9991960595741702 -0.031427615262623394 0.024890551025556203 6114.780274380428 0.030555562556283743 0.9989314900559167 0.03467327171662707 -2958.2169273999216 -0.025953653467678216 -0.033884851682876554 0.9990886971125783 -30353.50341339576 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/64607896_8679897848.jpg buckingham_palace/test/images/64429111_220275393.jpg 0 0 519.758 0.0 319.5 0.0 519.758 211.5 0.0 0.0 1.0 679.846 0.0 319.5 0.0 679.846 239.5 0.0 0.0 1.0 0.9998704839267222 -0.007430027192840184 -0.014276206360789445 597.923955141563 0.009368561100760266 0.9899767525721033 0.14091933660677616 -6954.157749147635 0.013086077909118183 -0.1410348327992281 0.9899181433342102 -29186.738919998126 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88943277_2580116986.jpg buckingham_palace/test/images/15064245_12177287034.jpg 0 0 502.948 0.0 319.5 0.0 502.948 212.5 0.0 0.0 1.0 604.78 0.0 319.5 0.0 604.78 239.5 0.0 0.0 1.0 0.7596375179961343 0.030964727529260654 0.649609133942644 -6466.073063183072 0.04301466355941475 0.9942864210287323 -0.09769468602101647 -902.3452634337896 -0.648922630189103 0.10215526715208217 0.7539653317106454 28712.645757663242 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/68304166_169924929.jpg buckingham_palace/test/images/34791488_2406713663.jpg 0 0 734.815 0.0 319.5 0.0 734.815 239.5 0.0 0.0 1.0 696.679 0.0 319.5 0.0 696.679 239.5 0.0 0.0 1.0 0.9900374846427396 -0.010989256810649179 0.14037455338139754 -26015.203909293912 0.029821586544210667 0.9906982121818184 -0.13276944436026894 1837.264512269844 -0.1376097815500897 0.13563291862412313 0.9811560831015821 17233.29531864575 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/95099681_7121588727.jpg buckingham_palace/test/images/16826010_408223455.jpg 0 0 544.463 0.0 319.5 0.0 544.463 240.0 0.0 0.0 1.0 761.316 0.0 319.5 0.0 761.316 239.5 0.0 0.0 1.0 0.7894286716272081 0.1046852594242088 0.604849873003366 -55490.88851849621 -0.13114186016171012 0.9913635237188158 -0.0004199442098927284 -4498.99499874431 -0.5996700633900514 -0.07898962146446233 0.796339409281415 -15394.612395040793 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/34791488_2406713663.jpg buckingham_palace/test/images/54107490_11614068883.jpg 0 0 696.679 0.0 319.5 0.0 696.679 239.5 0.0 0.0 1.0 544.935 0.0 319.5 0.0 544.935 239.5 0.0 0.0 1.0 0.9474573261215932 0.011028668786864117 -0.31969201373088907 43607.308477656596 0.05821963752596982 0.9767680400605605 0.20623935056772275 -5355.923277985825 0.3145394871631636 -0.2140153367893082 0.9248039503776425 -13131.22040319085 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/66563458_10330669473.jpg buckingham_palace/test/images/80731258_3052461790.jpg 0 0 720.394 0.0 319.5 0.0 720.394 319.5 0.0 0.0 1.0 576.354 0.0 249.5 0.0 576.354 187.0 0.0 0.0 1.0 0.993479939938458 -0.02476508203558949 0.11128476828231547 -17178.44705993843 0.022382061447751466 0.9994937332859122 0.0226123958823222 677.4251313699469 -0.1117884263473962 -0.01997417918114051 0.9935312677016324 4843.290401887454 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/31516490_8149048396.jpg buckingham_palace/test/images/82926537_6868011588.jpg 0 0 739.67 0.0 319.5 0.0 739.67 239.5 0.0 0.0 1.0 1568.62 0.0 319.5 0.0 1568.62 213.0 0.0 0.0 1.0 0.4255297902302009 0.1880508832322696 0.8851899586767827 -78343.03065209814 -0.06380068716840616 0.9819707521874491 -0.17794076026940667 1912.751766175798 -0.9026925666823009 0.019243366752691286 0.4298555837633624 77801.05326140815 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88674170_169924932.jpg buckingham_palace/test/images/09863937_226875692.jpg 0 0 761.397 0.0 319.5 0.0 761.397 201.0 0.0 0.0 1.0 673.473 0.0 319.5 0.0 673.473 239.5 0.0 0.0 1.0 0.9734401558537374 0.0670393181074366 0.21890635623284446 -39273.207849703496 -0.0020337234224894495 0.9586611105559042 -0.2845430355442941 789.461977336688 -0.2289325816490346 0.27654042188333067 0.9333355603019192 15641.718579904988 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/97156938_2710050704.jpg buckingham_palace/test/images/16210476_4152300283.jpg 0 0 730.199 0.0 319.5 0.0 730.199 239.5 0.0 0.0 1.0 723.131 0.0 239.5 0.0 723.131 319.5 0.0 0.0 1.0 0.747775066192852 -0.09845570556755819 -0.6566116998816501 81892.6762252006 0.011300400114726957 0.9906883306299239 -0.13567952133959463 -407.39114366350054 0.663855971832387 0.09403778812205615 0.7419246208797685 46891.08104508135 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/91534757_514721391.jpg buckingham_palace/test/images/54235905_5885592660.jpg 0 0 527.291 0.0 249.5 0.0 527.291 187.0 0.0 0.0 1.0 955.39 0.0 213.0 0.0 955.39 319.5 0.0 0.0 1.0 0.7727236748692613 0.026558155674040598 0.6341867127776627 -75126.01789247047 -0.007423496991949231 0.9994340817419143 -0.03280865655748648 3159.2954316739383 -0.6346991523461764 0.020644142507985276 0.7724835308219556 65795.26415956327 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/34924995_12663040884.jpg buckingham_palace/test/images/91136231_4677075766.jpg 0 0 501.919 0.0 319.5 0.0 501.919 212.0 0.0 0.0 1.0 492.926 0.0 319.5 0.0 492.926 213.5 0.0 0.0 1.0 0.9999358717142784 -0.0011587143526588224 -0.011265426758681007 4000.1607851214067 0.002385181455383314 0.9939866949773383 0.10947493374034499 -10464.136448359668 0.011070834134389257 -0.10949478338750655 0.9939257160585453 -37395.30337960402 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/77141853_3913827430.jpg buckingham_palace/test/images/65005823_3953864220.jpg 0 0 534.162 0.0 319.5 0.0 534.162 213.0 0.0 0.0 1.0 626.087 0.0 319.5 0.0 626.087 179.0 0.0 0.0 1.0 0.8178064928456774 -0.00156702272276568 -0.5754911682200164 62664.949881035165 0.08664431381396782 0.9889329891219092 0.12043382377933778 1858.6657829627952 0.5689334786626286 -0.14835460042139664 0.8088915931017259 28193.619908484892 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/44140023_3726848652.jpg buckingham_palace/test/images/50104251_6186277165.jpg 0 0 667.066 0.0 319.5 0.0 667.066 212.0 0.0 0.0 1.0 756.898 0.0 319.5 0.0 756.898 213.0 0.0 0.0 1.0 0.6738347355879887 -0.043637680050551325 -0.7375923684494514 73180.7512848004 -0.014480138570920726 0.9972828815617304 -0.07223004728572867 1454.513644704586 0.7387401943187011 0.059351554518288586 0.6713719671495304 31779.80653229943 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/81310018_8608208863.jpg buckingham_palace/test/images/81394496_5045390386.jpg 0 0 559.102 0.0 319.5 0.0 559.102 239.5 0.0 0.0 1.0 672.414 0.0 319.5 0.0 672.414 239.5 0.0 0.0 1.0 0.9155926827715895 -0.08728530458763996 0.39251919043298533 -14864.410323151946 0.03392078683571412 0.9894424791012646 0.140900535025207 -1609.961100094582 -0.40067370699307103 -0.11569293908007725 0.908887080099307 -969.4059486529266 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/70570527_4281018485.jpg buckingham_palace/test/images/53946397_6373045583.jpg 0 0 986.13 0.0 319.5 0.0 986.13 239.5 0.0 0.0 1.0 518.644 0.0 319.5 0.0 518.644 213.5 0.0 0.0 1.0 0.9838720676227434 0.02427743383951866 0.17721839847463808 8360.087602474392 -0.058271101100880074 0.9802028547469886 0.18922695981900875 205.44984660602222 -0.16911603510087037 -0.19650183142154565 0.9658088821913678 -1415.8699135228126 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/64523389_2561024232.jpg buckingham_palace/test/images/65805167_10855307395.jpg 0 0 670.613 0.0 319.5 0.0 670.613 179.5 0.0 0.0 1.0 590.213 0.0 319.5 0.0 590.213 239.5 0.0 0.0 1.0 0.9976248335781026 0.032359217169295275 0.060807668039925454 24743.86536711508 -0.027188799584276883 0.9960937226646934 -0.08401228984594115 -1847.3608080786362 -0.06328870835646287 0.08215945917654756 0.9946076425718774 -42818.838836217175 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/31471983_2691474123.jpg buckingham_palace/test/images/33491680_3513928900.jpg 0 0 728.105 0.0 319.5 0.0 728.105 239.5 0.0 0.0 1.0 656.038 0.0 239.5 0.0 656.038 319.5 0.0 0.0 1.0 0.8960430097657948 0.06115452550286782 0.4397352028896195 -12507.506126887507 -0.10656201691532612 0.9911386653518423 0.07930121433816181 -7048.200126839911 -0.4309889339655874 -0.11791636890223692 0.8946196223782029 -33228.14514426213 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/52927333_9772228794.jpg buckingham_palace/test/images/84843004_4889485367.jpg 0 0 548.596 0.0 319.5 0.0 548.596 179.0 0.0 0.0 1.0 538.063 0.0 319.5 0.0 538.063 213.0 0.0 0.0 1.0 0.9973078865638652 -0.008974011678606113 -0.0727766893442464 118.95203515743879 0.015499214545426595 0.99585739695348 0.0895980986489874 1427.8251343895881 0.07167115002559635 -0.09048487192581468 0.9933155260070071 8059.005414234195 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/48728464_4071692457.jpg buckingham_palace/test/images/42080522_204096736.jpg 0 0 569.812 0.0 249.5 0.0 569.812 187.0 0.0 0.0 1.0 671.754 0.0 319.5 0.0 671.754 239.5 0.0 0.0 1.0 0.6674922388894575 0.004450905730048829 0.7446034518188334 -67353.78044008715 -0.05812349908991201 0.99724243195971 0.046143154992138065 4972.6870630633675 -0.7423447783044508 -0.07407915588926278 0.6659102858395042 50272.3679415383 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/65062872_13486503543.jpg buckingham_palace/test/images/80448535_2424346689.jpg 0 0 588.768 0.0 319.5 0.0 588.768 239.5 0.0 0.0 1.0 770.034 0.0 319.5 0.0 770.034 239.5 0.0 0.0 1.0 0.7705978253412843 0.05972952788560959 -0.6345166468090851 51825.5345804341 0.0060407445065031205 0.9948693852197326 0.10098720591400792 76.59791482541033 0.6372931044543713 -0.08165347421312379 0.7662833739314956 32489.114472665206 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/40580817_2599681870.jpg buckingham_palace/test/images/91136231_4677075766.jpg 0 0 725.526 0.0 319.5 0.0 725.526 235.0 0.0 0.0 1.0 492.926 0.0 319.5 0.0 492.926 213.5 0.0 0.0 1.0 0.8840274620857467 0.07048261676648683 0.462090518201772 -41878.41430813918 -0.13029405562847615 0.9865415234971578 0.09878907573102769 -9175.085204586107 -0.4489085712549017 -0.14753990358427016 0.8813132652492115 -29132.744075971495 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/74969573_235362322.jpg buckingham_palace/test/images/97483818_594151094.jpg 0 0 503.536 0.0 319.5 0.0 503.536 212.5 0.0 0.0 1.0 655.958 0.0 319.5 0.0 655.958 239.5 0.0 0.0 1.0 0.997585178334337 -0.024480291110392457 -0.06499636385829066 5652.381153766166 0.026140658539494908 0.9993501278779872 0.02481910315406381 2238.460456765705 0.06434654566307661 -0.0264582171999734 0.9975768064684688 9741.606439651274 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/48484647_7883607208.jpg buckingham_palace/test/images/90451561_2191844501.jpg 0 0 530.224 0.0 319.5 0.0 530.224 182.5 0.0 0.0 1.0 727.187 0.0 319.5 0.0 727.187 239.5 0.0 0.0 1.0 0.9983615354438263 0.007489448853884297 -0.056728764327373206 7621.186995418753 -0.010035310069655645 0.9989488543498107 -0.0447267139974132 -1647.106962201026 0.05633415569662396 0.04522272160170793 0.997387271000028 -8821.028041626882 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/48659678_6312182163.jpg buckingham_palace/test/images/62496239_2805675448.jpg 0 0 642.526 0.0 319.5 0.0 642.526 239.5 0.0 0.0 1.0 752.203 0.0 319.5 0.0 752.203 239.5 0.0 0.0 1.0 0.9992377296486451 -0.009893950642536705 -0.03776333390080868 25674.50595796547 0.006331079571654776 0.9956154370362743 -0.0933264108734798 -3980.3308110815815 0.03852112508842754 0.09301618824565562 0.9949191482960665 -32811.83602192287 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/37484866_5209954283.jpg buckingham_palace/test/images/92766299_2205106180.jpg 0 0 756.578 0.0 319.5 0.0 756.578 213.0 0.0 0.0 1.0 529.386 0.0 319.5 0.0 529.386 213.0 0.0 0.0 1.0 0.9208222899998509 0.005858691467253422 -0.3899384386973436 53731.914031254295 0.043108580695706764 0.992230389259406 0.11670691882030584 1402.1872241645692 0.3875925186453322 -0.12427602489788306 0.9134152993714024 -19994.197714963248 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/86758289_301058596.jpg buckingham_palace/test/images/16826010_408223455.jpg 0 0 681.584 0.0 319.5 0.0 681.584 213.0 0.0 0.0 1.0 761.316 0.0 319.5 0.0 761.316 239.5 0.0 0.0 1.0 0.7466753739600659 0.06902772019034255 0.6615973547157815 -45225.89672404502 -0.14623792139739186 0.9873025629651011 0.06203321294204421 -5227.968923671919 -0.6489147526963507 -0.14306929442709407 0.7472889807331349 -18484.314140063114 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/84030835_2661414475.jpg buckingham_palace/test/images/40698826_4043332345.jpg 0 0 520.103 0.0 249.5 0.0 520.103 140.0 0.0 0.0 1.0 664.744 0.0 319.5 0.0 664.744 239.5 0.0 0.0 1.0 0.9029031604622857 -0.056866234220628205 -0.42606585668506824 41660.97471260599 0.004409638208127706 0.9923836195866232 -0.12310689122476252 -1970.8650698415468 0.4298214023499644 0.10927480488070772 0.8962770660349361 52756.97037566918 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/73590053_4109923193.jpg buckingham_palace/test/images/44185683_144541432.jpg 0 0 847.053 0.0 319.5 0.0 847.053 212.5 0.0 0.0 1.0 406.156 0.0 249.5 0.0 406.156 187.0 0.0 0.0 1.0 0.8708573080372829 0.060181049557640406 0.4878378729785111 -79166.84818476535 0.034798752452154275 0.982437780483463 -0.1833168140310658 4199.629566951862 -0.4903025554347344 0.1766189365636298 0.8534688953800845 -33417.055090180096 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/67629930_160884597.jpg buckingham_palace/test/images/40526132_6338472744.jpg 0 0 686.526 0.0 319.5 0.0 686.526 213.0 0.0 0.0 1.0 622.524 0.0 319.5 0.0 622.524 239.5 0.0 0.0 1.0 0.9605165705202394 -0.008879645851746032 0.2780810486990902 -36629.21308964622 0.01858358619751639 0.9993060965875046 -0.032279647567537796 -1172.2967961670527 -0.27760145547182863 0.03617287951756868 0.9600150804582863 -42571.87897743818 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/22458636_3472229736.jpg buckingham_palace/test/images/24967538_249111453.jpg 0 0 1016.97 0.0 249.5 0.0 1016.97 187.0 0.0 0.0 1.0 1172.73 0.0 319.5 0.0 1172.73 239.5 0.0 0.0 1.0 0.8546016293628429 -0.06730397992227855 -0.5149040972618065 84196.60483853763 0.029563319673858283 0.996262867833296 -0.08115607374952138 -4984.211122919268 0.5184419593553706 0.054133838430301805 0.8533975991977982 -46806.9665368638 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/15885029_599614928.jpg buckingham_palace/test/images/66460486_3000292784.jpg 0 0 433.441 0.0 319.5 0.0 433.441 239.5 0.0 0.0 1.0 634.978 0.0 319.5 0.0 634.978 239.5 0.0 0.0 1.0 0.9309159906616105 -0.02871631381783833 -0.36410272129061033 35559.445053075964 0.04021815925702898 0.9989015584668468 0.024045293894669913 2308.2882872730556 0.3630122835338891 -0.037027689817489606 0.9310483511559919 48376.47537550542 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/37738135_1526579232.jpg buckingham_palace/test/images/49071313_2710217481.jpg 0 0 526.293 0.0 319.5 0.0 526.293 213.5 0.0 0.0 1.0 527.855 0.0 319.5 0.0 527.855 239.5 0.0 0.0 1.0 0.7073940823016851 -0.048989209492604054 -0.7051196137378724 61802.36416141561 0.03211603802998434 0.9987926375905842 -0.037172936339497364 -1386.421689291483 0.7060893515878943 0.0036502668578443287 0.7081133405931945 50819.03475061947 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/22496504_4546656558.jpg buckingham_palace/test/images/87292117_4922805851.jpg 0 0 835.668 0.0 319.5 0.0 835.668 213.0 0.0 0.0 1.0 721.2 0.0 319.5 0.0 721.2 239.0 0.0 0.0 1.0 0.339147077136115 0.09077391155458665 0.936343610567782 -89916.71054943034 -0.1815820171324978 0.982932598169857 -0.029520814845591506 10776.33339554349 -0.923042377750948 -0.16001126346646502 0.34984162765420296 65213.43864445612 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/63914563_273289734.jpg buckingham_palace/test/images/34376995_1253071592.jpg 0 0 699.454 0.0 319.5 0.0 699.454 212.5 0.0 0.0 1.0 536.63 0.0 319.5 0.0 536.63 239.5 0.0 0.0 1.0 0.9458147429641698 0.02289229539319418 0.32389877246333054 -26027.96150514189 0.0025286893804539715 0.9969621407219753 -0.07784661647800338 2021.4302174536751 -0.3246969013120373 0.07444751694104315 0.9428836033677084 10174.344093899843 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/54122468_53118210.jpg buckingham_palace/test/images/72721744_6254882589.jpg 0 0 475.674 0.0 239.5 0.0 475.674 159.5 0.0 0.0 1.0 292.816 0.0 319.5 0.0 292.816 187.0 0.0 0.0 1.0 0.8430663720354226 0.09360250487617558 0.529601419393808 -25630.50503729983 -0.2002790288671105 0.9685510305943488 0.14763878802900018 640.0865754678271 -0.4991266401817056 -0.23053735535815115 0.8352994222704765 -4046.6400693065953 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/11993356_3855314871.jpg buckingham_palace/test/images/16210476_4152300283.jpg 0 0 726.941 0.0 319.5 0.0 726.941 239.5 0.0 0.0 1.0 723.131 0.0 239.5 0.0 723.131 319.5 0.0 0.0 1.0 0.8940089243646898 0.03734977751318806 0.4464896832805945 -60411.38215859451 0.019255238561531024 0.9923959732381541 -0.12157083568288529 -2022.6814130433609 -0.4476352074448888 0.11728267740980299 0.8864916777022555 37350.21239312667 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/87785947_1573426398.jpg buckingham_palace/test/images/95871367_5793063419.jpg 0 0 660.277 0.0 319.5 0.0 660.277 239.5 0.0 0.0 1.0 667.829 0.0 319.5 0.0 667.829 239.5 0.0 0.0 1.0 0.6710651620356703 -0.18968755909458182 -0.7167218276477835 37036.99648832605 0.14447631809046016 0.9816411351218842 -0.12452821105132292 20964.154496829433 0.7271850808515419 -0.019982786626448968 0.6861505275269982 93336.20704638521 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/95099681_7121588727.jpg buckingham_palace/test/images/44579495_1325305773.jpg 0 0 544.463 0.0 319.5 0.0 544.463 240.0 0.0 0.0 1.0 1027.15 0.0 213.0 0.0 1027.15 319.5 0.0 0.0 1.0 0.9976395502967272 0.007142819470124434 -0.06829573788869492 3136.027772049868 -0.014102896714003147 0.9946865648230198 -0.10197914524477392 -280.9208811269224 0.06720443428835829 0.10270159633909175 0.9924393916614678 -3702.051932730221 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/15676476_3064491824.jpg buckingham_palace/test/images/06301377_3135673857.jpg 0 0 571.819 0.0 249.5 0.0 571.819 187.0 0.0 0.0 1.0 498.489 0.0 249.5 0.0 498.489 187.0 0.0 0.0 1.0 0.9967811820251942 0.01174539346123747 0.07930523874813 -20008.235379041158 -0.008083660326179918 0.9988931641315594 -0.046336822150131775 3164.6133870314848 -0.079761705073225 0.045546595741973075 0.9957728546310797 -10784.382209853778 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/13281945_9328537386.jpg buckingham_palace/test/images/56337910_5339349187.jpg 0 0 480.216 0.0 319.5 0.0 480.216 211.5 0.0 0.0 1.0 489.79 0.0 319.5 0.0 489.79 239.5 0.0 0.0 1.0 0.9802700654876707 -0.012389782913187186 -0.1972741543846073 20992.363430062283 0.0141446664441256 0.9998719130237623 0.0074890558407682845 -2559.924736986655 0.19715609835859052 -0.01013167437128796 0.9803197550057082 -2575.563187747873 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/38329625_8740352627.jpg buckingham_palace/test/images/38494630_2754668056.jpg 0 0 523.576 0.0 319.5 0.0 523.576 239.5 0.0 0.0 1.0 782.467 0.0 249.5 0.0 782.467 187.0 0.0 0.0 1.0 0.9967025652761365 -0.008420080348949808 -0.08070377078480247 37302.58012875108 0.00481032232725101 0.998983543096506 -0.04481898505610007 2228.8768503369342 0.08099911833518104 0.04428298622798831 0.9957299633734313 69562.02600940215 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/15885029_599614928.jpg buckingham_palace/test/images/67361631_6199942663.jpg 0 0 433.441 0.0 319.5 0.0 433.441 239.5 0.0 0.0 1.0 507.066 0.0 319.5 0.0 507.066 212.5 0.0 0.0 1.0 0.9113639773062022 -0.01878250993009617 0.4111726136178648 -16317.718012923087 -0.10112981121873307 0.9581184130544987 0.2679213837094615 -4209.09045728694 -0.3989842881010271 -0.2857557066563237 0.8712951359682102 -5065.258973735721 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/40526132_6338472744.jpg buckingham_palace/test/images/83626729_2399731869.jpg 0 0 622.524 0.0 319.5 0.0 622.524 239.5 0.0 0.0 1.0 900.714 0.0 319.5 0.0 900.714 213.0 0.0 0.0 1.0 0.9349515613128534 -0.023072893739409638 0.35402432059556016 -26577.028563596705 0.02293019351171201 0.9997264928413863 0.004598449366648928 267.5165199638979 -0.3540335919431566 0.003818518764142056 0.9352249112861966 51392.28954186715 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/64944499_5112796042.jpg buckingham_palace/test/images/93206568_5039285632.jpg 0 0 855.12 0.0 319.5 0.0 855.12 213.0 0.0 0.0 1.0 801.943 0.0 319.5 0.0 801.943 212.0 0.0 0.0 1.0 0.7086710726419818 0.10444859366906153 0.6977648615981016 -51894.77480721429 0.0065963384604204 0.987957160300816 -0.15458699081508598 2575.7221156192068 -0.7055081850123202 0.11415402179031267 0.6994476822391497 65264.40270448837 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/64569789_11614065733.jpg buckingham_palace/test/images/63307507_3556599632.jpg 0 0 549.862 0.0 319.5 0.0 549.862 239.5 0.0 0.0 1.0 1617.87 0.0 319.5 0.0 1617.87 213.5 0.0 0.0 1.0 0.9991371304335457 0.0029999794628367228 -0.04142456653053332 21514.88485244276 -0.005147853742392741 0.9986420641692484 -0.05184136643289584 260.0180299138476 0.041212791592744116 0.05200988170535869 0.9977958097798004 86634.91609030259 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/35654194_9287834913.jpg buckingham_palace/test/images/21622015_377333223.jpg 0 0 541.361 0.0 319.5 0.0 541.361 213.0 0.0 0.0 1.0 671.989 0.0 319.5 0.0 671.989 239.5 0.0 0.0 1.0 0.19780368850679667 -0.06272539869276536 -0.9782327050206098 54171.467399296205 0.014561552070729544 0.9980284672719384 -0.06105030479954102 -1289.6459915766354 0.9801334919358676 -0.0021686109976348272 0.19832709122039613 57108.99007575986 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/87785947_1573426398.jpg buckingham_palace/test/images/64429111_220275393.jpg 0 0 660.277 0.0 319.5 0.0 660.277 239.5 0.0 0.0 1.0 679.846 0.0 319.5 0.0 679.846 239.5 0.0 0.0 1.0 0.9385194576050283 -0.10040201227912847 -0.3303038958702505 11837.15668334841 0.06361888358597563 0.9906881866213144 -0.12037256556311311 3317.202393633601 0.33931381543939176 0.0919584298434549 0.9361676034945284 15865.437606106974 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88817343_6780061632.jpg buckingham_palace/test/images/67361631_6199942663.jpg 0 0 716.556 0.0 319.5 0.0 716.556 213.0 0.0 0.0 1.0 507.066 0.0 319.5 0.0 507.066 212.5 0.0 0.0 1.0 0.42128832645352066 0.030727343598308757 0.9064060769596501 -46725.178268102754 -0.2548833075347806 0.9631563304917855 0.08581598087610907 7902.536682724862 -0.8703738538893055 -0.2671810498313638 0.41359840555409294 30304.72540249485 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/29436220_2235567230.jpg buckingham_palace/test/images/80396877_5553830938.jpg 0 0 737.798 0.0 319.5 0.0 737.798 213.0 0.0 0.0 1.0 628.545 0.0 319.5 0.0 628.545 191.0 0.0 0.0 1.0 0.9514450551194163 0.016329252674621368 0.3073852023046969 -64198.44799733515 0.025319426829731508 0.9910565007985888 -0.13101884921594606 1396.6765196881674 -0.3067755428873445 0.13244005335224426 0.9425223597104897 -12567.030832369059 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/08460254_3187461223.jpg buckingham_palace/test/images/35090949_260308535.jpg 0 0 732.252 0.0 319.5 0.0 732.252 239.5 0.0 0.0 1.0 724.592 0.0 319.5 0.0 724.592 239.5 0.0 0.0 1.0 0.9017074098145532 0.05697494793333503 0.42857625038436675 -31663.62527826776 8.57575219354142e-05 0.9912553098683011 -0.13195796036444984 4243.577851797229 -0.43234678179810376 0.11902422428183289 0.8938173718959208 25861.020621929183 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/82739196_8119743979.jpg buckingham_palace/test/images/37946480_5143153071.jpg 0 0 681.143 0.0 319.5 0.0 681.143 221.0 0.0 0.0 1.0 936.404 0.0 319.5 0.0 936.404 239.5 0.0 0.0 1.0 0.6828035114571309 -0.06818031557398932 -0.7274137813583428 31436.01731922551 0.06066429073974315 0.997488800682082 -0.03655046296376664 3367.652225532053 0.7280791224659964 -0.01917125666337477 0.6852249662315957 66080.16001591293 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/88100674_4580463979.jpg buckingham_palace/test/images/84457371_9304536157.jpg 0 0 396.465 0.0 249.5 0.0 396.465 166.0 0.0 0.0 1.0 498.178 0.0 319.5 0.0 498.178 239.5 0.0 0.0 1.0 0.7560176696418658 0.12059147757500965 0.6433467018066995 -33756.16180423148 0.03714658251807628 0.9733934892563457 -0.22610892614088396 -481.00731028580674 -0.6534963003694131 0.19484047477265065 0.7314231161194302 38299.96102997204 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/91136231_4677075766.jpg buckingham_palace/test/images/88975383_10138413065.jpg 0 0 492.926 0.0 319.5 0.0 492.926 213.5 0.0 0.0 1.0 818.871 0.0 319.5 0.0 818.871 180.0 0.0 0.0 1.0 0.947356527589874 -0.0955821815585984 -0.3055808505148118 26884.764107729286 0.026551524765377053 0.9745667937522391 -0.22251872066887793 7329.095039625381 0.31907777447746194 0.20269092501634023 0.9258000662942999 129080.06911053736 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/72406227_262180777.jpg buckingham_palace/test/images/81888816_2734302.jpg 0 0 895.882 0.0 319.5 0.0 895.882 239.5 0.0 0.0 1.0 669.636 0.0 319.5 0.0 669.636 239.5 0.0 0.0 1.0 0.9143269786097209 0.0034035015357847813 -0.40496245796828495 62552.849803375444 0.04841046607923072 0.9918759003460087 0.11763768565721677 -14876.031351685577 0.40207288264742586 -0.12716373103243866 0.9067341300235142 -83303.8700734338 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/72807922_9586802730.jpg buckingham_palace/test/images/46081654_9210533871.jpg 0 0 604.967 0.0 319.5 0.0 604.967 213.0 0.0 0.0 1.0 915.01 0.0 319.5 0.0 915.01 213.0 0.0 0.0 1.0 0.5787022687568769 -0.08757737541813264 -0.8108229692420625 95424.62528117248 0.11560967167062135 0.9929865796003265 -0.024739776673507748 10698.996451005329 0.8073029715985534 -0.07942201236757578 0.5847683780777054 88555.32568748508 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/15064245_12177287034.jpg buckingham_palace/test/images/66118214_3789268806.jpg 0 0 604.78 0.0 319.5 0.0 604.78 239.5 0.0 0.0 1.0 872.296 0.0 319.5 0.0 872.296 239.5 0.0 0.0 1.0 0.9995514258172251 0.017486599884845085 -0.024313904894523362 -1198.606073623383 -0.015498737195427197 0.9967006908400079 0.07967133753363174 1848.4349515426072 0.02562686660713074 -0.07925876420635217 0.9965246168582 30333.88075950619 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/51262215_3370618807.jpg buckingham_palace/test/images/63307507_3556599632.jpg 0 0 821.974 0.0 319.5 0.0 821.974 213.0 0.0 0.0 1.0 1617.87 0.0 319.5 0.0 1617.87 213.5 0.0 0.0 1.0 0.6231999306328401 0.10395023133710804 0.775123342355386 -84236.25390650338 -0.0075583088150051134 0.9918813033821469 -0.12694231748629253 4361.117230466749 -0.7820260343665549 0.07325182186058853 0.618926047413602 95851.3361374706 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/05108322_3880700444.jpg buckingham_palace/test/images/47561034_5631016960.jpg 0 0 525.813 0.0 319.5 0.0 525.813 213.0 0.0 0.0 1.0 705.387 0.0 319.5 0.0 705.387 239.5 0.0 0.0 1.0 0.9946226725697107 0.01877390915929585 -0.10184929820654082 4933.627864221817 -0.00908433259998038 0.9954569254100358 0.09477860810547428 3019.0512903926265 0.10316595422666971 -0.0933437195963212 0.9902745760143619 13961.50882671582 0.0 0.0 0.0 1.0 +buckingham_palace/test/images/29436220_2235567230.jpg buckingham_palace/test/images/66580194_6996358425.jpg 0 0 737.798 0.0 319.5 0.0 737.798 213.0 0.0 0.0 1.0 729.144 0.0 319.5 0.0 729.144 239.5 0.0 0.0 1.0 0.9898263785770332 -0.001734320850062258 -0.14226992796886156 17640.732179283543 -0.01146234992425539 0.9957035647961833 -0.09188593791427903 -109.36603650218672 0.14181803413984417 0.09258187286592262 0.9855537742859838 9185.706760574438 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/19454938_7173253342.jpg notre_dame_front_facade/test/images/58525912_2163151497.jpg 0 0 353.538 0.0 319.5 0.0 353.538 211.5 0.0 0.0 1.0 672.919 0.0 239.5 0.0 672.919 319.5 0.0 0.0 1.0 0.9979760360664431 -0.008092662569242738 -0.06307408540478487 0.1804675016373502 -0.011631108958813467 0.9519076212800891 -0.30616433145170685 0.7420037511854227 0.06251838722726243 0.3062782874469276 0.9498868679464305 2.0064519433741284 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/82029482_2765362893.jpg notre_dame_front_facade/test/images/00504662_7553416128.jpg 0 0 686.558 0.0 212.5 0.0 686.558 319.5 0.0 0.0 1.0 647.636 0.0 239.5 0.0 647.636 319.5 0.0 0.0 1.0 0.9412942740447555 -0.026359750322547653 -0.3365564636335033 0.8603261471699869 0.10751710913647466 0.9684415417012812 0.22485784742850595 -0.599725351467738 0.3200080637944801 -0.24784298228955123 0.9144226021027306 -1.4605955984709134 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/99737831_307230759.jpg notre_dame_front_facade/test/images/98283507_7198318944.jpg 0 0 677.829 0.0 213.0 0.0 677.829 319.5 0.0 0.0 1.0 733.699 0.0 239.5 0.0 733.699 319.5 0.0 0.0 1.0 0.9991904319254707 -0.04010742017552104 -0.003142546014904282 0.14033499624629625 0.04002456200043387 0.9989326699018879 -0.023055486101128324 -0.06527948478508717 0.004063887949366702 0.022911042087825347 0.9997292478292235 -0.3074811672212078 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/67143278_8608643015.jpg notre_dame_front_facade/test/images/89754598_4524545386.jpg 0 0 725.024 0.0 319.5 0.0 725.024 239.0 0.0 0.0 1.0 499.552 0.0 212.5 0.0 499.552 319.5 0.0 0.0 1.0 0.9956692796885599 -0.012942519811192862 0.09206072270735745 -0.11959037473695877 -0.005454240380454348 0.9804236389429247 0.19682413333680812 0.05242090863829296 -0.0928059090054954 -0.19647386437602912 0.9761071067617597 0.5456130089864039 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/68906626_8236091211.jpg notre_dame_front_facade/test/images/65265933_1398358926.jpg 0 0 595.075 0.0 319.5 0.0 595.075 239.5 0.0 0.0 1.0 902.934 0.0 319.5 0.0 902.934 239.5 0.0 0.0 1.0 0.9851934773430219 0.080739535927068 0.1512446347446626 -0.15621427331382987 -0.0037822866122232887 0.8921901991309045 -0.4516440444451138 0.6294849713156883 -0.17140451134304405 0.4443847161109827 0.8792853447989529 1.894604464255594 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/66842228_181918175.jpg notre_dame_front_facade/test/images/66532758_5458132477.jpg 0 0 658.953 0.0 239.5 0.0 658.953 319.5 0.0 0.0 1.0 748.109 0.0 228.0 0.0 748.109 319.5 0.0 0.0 1.0 0.986159531265074 0.038281084245283856 0.16131936487618168 -0.2726109269463654 -0.023956586163226323 0.9956695210478187 -0.08982364296670874 0.21830324157415093 -0.16405932120563305 0.08471578038011768 0.9828060722645817 0.8082031162907874 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/84092770_8200390352.jpg notre_dame_front_facade/test/images/80810945_5469108219.jpg 0 0 499.749 0.0 319.5 0.0 499.749 212.5 0.0 0.0 1.0 470.538 0.0 239.5 0.0 470.538 319.5 0.0 0.0 1.0 0.9992472134801672 0.013306839205782897 0.03644083399803337 -0.01907568558695097 -0.009391041862808574 0.9943651238858583 -0.10559265472651105 0.09243391302715803 -0.03764059889071589 0.10517094860184838 0.9937415443088488 0.48907046670211307 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/72214550_1126054905.jpg notre_dame_front_facade/test/images/88697814_397500572.jpg 0 0 431.766 0.0 319.5 0.0 431.766 239.5 0.0 0.0 1.0 534.268 0.0 183.0 0.0 534.268 249.5 0.0 0.0 1.0 0.9784805775994582 0.16344066435023313 0.1259480388786794 -0.28415514978814677 -0.07626297453703111 0.8536321946264981 -0.5152630735963061 0.47320435688578233 -0.19172823990063392 0.49456973778619207 0.8477269940792863 1.4040689228503482 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/86709056_2624498473.jpg notre_dame_front_facade/test/images/66708604_3288303413.jpg 0 0 528.258 0.0 239.5 0.0 528.258 319.5 0.0 0.0 1.0 740.97 0.0 319.5 0.0 740.97 239.5 0.0 0.0 1.0 0.99402847987022 0.02553812760057331 0.10609045784403351 -0.34085452075286005 -0.029721472081672116 0.998834132701867 0.03803957737683027 0.03625094920676209 -0.1049953108676678 -0.04096558785573947 0.993628605318625 0.1521445651484461 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/48230605_9403570019.jpg notre_dame_front_facade/test/images/75437734_2225459366.jpg 0 0 450.656 0.0 179.5 0.0 450.656 319.5 0.0 0.0 1.0 740.607 0.0 319.5 0.0 740.607 239.5 0.0 0.0 1.0 0.9990669313397346 0.043177047242615105 -0.001004636658217177 0.04731054855950215 -0.03666767244934867 0.8602792884206396 0.5085027312725328 -0.41813605344326277 0.02281991456060533 -0.5079914256224088 0.8610597906031612 -0.1801443870460403 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/70950675_2625630826.jpg notre_dame_front_facade/test/images/90054575_2232251410.jpg 0 0 511.931 0.0 319.5 0.0 511.931 239.5 0.0 0.0 1.0 712.891 0.0 319.5 0.0 712.891 239.5 0.0 0.0 1.0 0.9957366329193167 0.08933136501061031 0.02298836853374081 0.12825170183164114 -0.0635985338997095 0.8453854386142998 -0.5303571312471578 0.2873970512841346 -0.06681155849334369 0.5266339975773008 0.8474625940107575 1.843756801216965 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/20281279_9286833193.jpg notre_dame_front_facade/test/images/90054575_2232251410.jpg 0 0 729.434 0.0 239.5 0.0 729.434 319.5 0.0 0.0 1.0 712.891 0.0 319.5 0.0 712.891 239.5 0.0 0.0 1.0 0.9969018933890412 0.007663528010535474 0.07828081052069077 0.03187352397183635 -0.0002178338393972943 0.9955073552988577 -0.09468399069690821 0.055987179803746276 -0.07865473606695889 0.09437359738987133 0.992424836755878 0.4439546285559111 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/46129623_985747637.jpg notre_dame_front_facade/test/images/29281983_5767482367.jpg 0 0 663.962 0.0 319.5 0.0 663.962 239.5 0.0 0.0 1.0 664.297 0.0 239.5 0.0 664.297 319.5 0.0 0.0 1.0 0.7343506394498283 0.41903984839923547 0.5339800968137053 -0.4380370171115633 -0.023379738253048798 0.8018360478583973 -0.5970865433034352 0.145628993422938 -0.678367545051241 0.425986569985923 0.5986258564519085 0.3827722054589785 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/02864341_2175867632.jpg notre_dame_front_facade/test/images/94185952_3045662541.jpg 0 0 725.615 0.0 240.0 0.0 725.615 319.5 0.0 0.0 1.0 640.582 0.0 239.5 0.0 640.582 319.5 0.0 0.0 1.0 0.9508634145969611 -0.041605135551079205 -0.3068025089153994 0.36151549930560156 0.1267691847305058 0.9563765190481766 0.26319864668355675 -0.2513952344808633 0.28246830013962687 -0.28915906783130485 0.9146576916569173 -0.39790326086241545 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/64910807_2663494883.jpg notre_dame_front_facade/test/images/40557752_4654011030.jpg 0 0 744.149 0.0 239.5 0.0 744.149 319.5 0.0 0.0 1.0 524.982 0.0 239.5 0.0 524.982 319.5 0.0 0.0 1.0 0.9762914338007503 0.0252150092720484 -0.2149866032911955 0.6887204235970532 0.06595559351155544 0.9113115250976483 0.40640025087189174 -1.1412475562089104 0.20616715541476005 -0.41094465263780783 0.8880425645747945 -1.2833059797496014 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/06852016_2679741155.jpg notre_dame_front_facade/test/images/89267134_4172331604.jpg 0 0 882.112 0.0 213.0 0.0 882.112 319.5 0.0 0.0 1.0 278.458 0.0 319.5 0.0 278.458 221.0 0.0 0.0 1.0 0.9960558733125241 0.028950089209620194 0.0838724601664952 -0.0370358634126563 -0.008682993548143189 0.9725404225073694 -0.2325719936110752 -0.06498033146169976 -0.08830233780975563 0.23092643617382158 0.9689559733101343 -0.7520809005529531 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/87346419_3926882707.jpg notre_dame_front_facade/test/images/27925422_3744130638.jpg 0 0 634.076 0.0 212.5 0.0 634.076 319.5 0.0 0.0 1.0 876.403 0.0 239.5 0.0 876.403 319.5 0.0 0.0 1.0 0.976438708638534 -0.04833323633329933 -0.21031249734112703 0.5212962638052598 0.051913789374202504 0.9985849589489838 0.011534220115247133 0.12100123547669883 0.20945741033709714 -0.02218057768421426 0.9775661692327897 0.6978847570426319 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/66708604_3288303413.jpg notre_dame_front_facade/test/images/88494215_13093430663.jpg 0 0 740.97 0.0 319.5 0.0 740.97 239.5 0.0 0.0 1.0 527.97 0.0 239.5 0.0 527.97 319.5 0.0 0.0 1.0 0.9830114714379664 0.04409889908406435 0.17816771346385343 -0.42398215280406876 -0.10695688657337811 0.9264905323405039 0.36079844497716346 -1.2054154191167568 -0.14915988547828077 -0.3737252742095231 0.9154675024167286 -1.7151772173806994 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/61417692_9303851232.jpg notre_dame_front_facade/test/images/72214550_1126054905.jpg 0 0 643.682 0.0 289.0 0.0 643.682 319.5 0.0 0.0 1.0 431.766 0.0 319.5 0.0 431.766 239.5 0.0 0.0 1.0 0.9347629386855579 -0.19703229755995288 -0.29562902796949114 0.6254334644625246 0.25486783035751553 0.9516213242349804 0.17163695496633313 -0.40714231796868827 0.2475088634954164 -0.23578619336065582 0.939757539747194 -0.3307030223280323 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/74454771_4611697867.jpg notre_dame_front_facade/test/images/79392901_158654812.jpg 0 0 515.145 0.0 319.5 0.0 515.145 239.5 0.0 0.0 1.0 506.813 0.0 249.5 0.0 506.813 187.0 0.0 0.0 1.0 0.9597799241024882 -0.1971552795579582 -0.19988069699759742 0.3604863433223994 0.08241637263141365 0.8784306833478929 -0.47070912045044766 0.45089089079145583 0.2683841254845412 0.4353037218946989 0.8593489575792366 1.5049816653021082 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/68856645_2061608134.jpg notre_dame_front_facade/test/images/04364411_6931256047.jpg 0 0 845.996 0.0 213.0 0.0 845.996 319.5 0.0 0.0 1.0 648.753 0.0 239.5 0.0 648.753 319.5 0.0 0.0 1.0 0.9999891682241785 0.004482676102607167 -0.0012526169704711572 -0.2469489098506591 -0.004468137188460479 0.9999252846307042 0.011378088867221876 -0.15016920607456752 0.0013035276677900553 -0.011372368757845329 0.9999344828759806 -0.48933387188192323 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/91197547_4558095525.jpg notre_dame_front_facade/test/images/61608835_3806465422.jpg 0 0 730.902 0.0 239.5 0.0 730.902 319.5 0.0 0.0 1.0 577.89 0.0 213.0 0.0 577.89 319.5 0.0 0.0 1.0 0.990289752836804 0.03051443597068242 0.13562844326988743 -0.3398807412910803 -0.012630222887308112 0.9913263885951625 -0.13081463505544777 0.201203613103555 -0.13844378966294904 0.12783137514813883 0.9820857684700949 0.6035173111371491 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/02670240_5196986488.jpg notre_dame_front_facade/test/images/32485075_5873194828.jpg 0 0 705.055 0.0 237.5 0.0 705.055 319.5 0.0 0.0 1.0 1688.87 0.0 239.5 0.0 1688.87 319.5 0.0 0.0 1.0 0.9984564677732389 -0.006622060476477706 0.05514372382087452 -0.5246717220673909 -0.007288278849872945 0.9686587431228162 0.24828838145014467 0.20389662774528583 -0.05505963088500962 -0.24830704316787297 0.967115323712759 0.4902232054677728 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/92639314_4796735674.jpg notre_dame_front_facade/test/images/45459434_6823683093.jpg 0 0 502.277 0.0 239.5 0.0 502.277 319.5 0.0 0.0 1.0 722.12 0.0 319.5 0.0 722.12 319.5 0.0 0.0 1.0 0.9864429335109688 0.014745928303305744 0.1634408043444105 -0.29991311681186344 -0.042898698635924305 0.9844941311454839 0.1700911737728996 -0.007843074438189893 -0.15839836041328914 -0.17479663423124697 0.9717798598858743 -0.13030249691956566 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/29281983_5767482367.jpg notre_dame_front_facade/test/images/86821962_2883156666.jpg 0 0 664.297 0.0 239.5 0.0 664.297 319.5 0.0 0.0 1.0 732.355 0.0 319.5 0.0 732.355 239.5 0.0 0.0 1.0 0.7346133399731373 -0.17661123121474204 -0.6550967209064054 0.460480373536871 0.3864245077051842 0.9025367378741592 0.1900093066991133 0.36448612509075173 0.5576910798805356 -0.3927287992957541 0.7312624355355589 0.45165827365674094 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/48315441_8654343906.jpg notre_dame_front_facade/test/images/66556628_3153467175.jpg 0 0 311.727 0.0 213.0 0.0 311.727 319.5 0.0 0.0 1.0 659.486 0.0 319.5 0.0 659.486 239.5 0.0 0.0 1.0 0.9458792567021342 0.12406308388513194 0.2998679425305891 0.09537838022721756 -0.14353410160869395 0.9886796145337172 0.04371019881955695 0.32229286495666665 -0.29105049976937525 -0.0843858461021206 0.9529788221999617 1.5805221473248576 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/55678768_1001564500.jpg notre_dame_front_facade/test/images/28398273_5904550418.jpg 0 0 672.4 0.0 319.5 0.0 672.4 239.5 0.0 0.0 1.0 432.411 0.0 239.5 0.0 432.411 319.5 0.0 0.0 1.0 0.9861697271039467 -0.03044073803842525 0.16291909283875522 -0.2789497227116872 0.09791063887934767 0.9001277289586591 -0.4244803627424535 0.20726707316230109 -0.1337264975162549 0.43456119595219583 0.8906591889351574 0.2973872518118814 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/06852016_2679741155.jpg notre_dame_front_facade/test/images/00504662_7553416128.jpg 0 0 882.112 0.0 213.0 0.0 882.112 319.5 0.0 0.0 1.0 647.636 0.0 239.5 0.0 647.636 319.5 0.0 0.0 1.0 0.8919377823196338 -0.08002519344271798 -0.445020180312297 1.2831948045401835 0.14392663193197688 0.9832695561751719 0.11165171077864278 -0.5302902200045425 0.428639845431396 -0.16363663499820572 0.8885330239192086 -1.309357869454986 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/75437734_2225459366.jpg notre_dame_front_facade/test/images/57706804_4859293655.jpg 0 0 740.607 0.0 319.5 0.0 740.607 239.5 0.0 0.0 1.0 639.797 0.0 239.5 0.0 639.797 319.5 0.0 0.0 1.0 0.9317715669037692 -0.22138692686793243 -0.2877317773928828 0.3914019371133282 0.2090277156206659 0.9751511629090127 -0.07340043310230474 -0.06708073745001975 0.2968318736458414 0.008248520423241585 0.9548941306232469 -0.02282444135736683 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/47488321_414904806.jpg notre_dame_front_facade/test/images/37313008_126874366.jpg 0 0 559.625 0.0 249.5 0.0 559.625 187.0 0.0 0.0 1.0 400.148 0.0 166.0 0.0 400.148 249.5 0.0 0.0 1.0 0.9601746330048585 0.06022684476954081 0.27283218524047137 -0.25189254514253123 0.06736170973189864 0.8977866873221526 -0.43524873822805143 0.03703259829508887 -0.27115876197530603 0.43629323996163527 0.8579750197807617 1.1769693628510665 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/63136592_197609530.jpg notre_dame_front_facade/test/images/29443215_4125074438.jpg 0 0 889.805 0.0 259.5 0.0 889.805 319.5 0.0 0.0 1.0 532.032 0.0 319.5 0.0 532.032 213.0 0.0 0.0 1.0 0.9818059445836345 -0.0336086062776726 -0.18688913495521764 0.6957612870482927 0.04685130837836659 0.9966592054281036 0.06689830445277664 -0.3154393649099488 0.18401641797261561 -0.074437153488655 0.9801005397901961 -0.9108320483209834 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/33325174_3149906599.jpg notre_dame_front_facade/test/images/56381788_7846730740.jpg 0 0 796.707 0.0 239.5 0.0 796.707 319.5 0.0 0.0 1.0 665.593 0.0 213.5 0.0 665.593 319.5 0.0 0.0 1.0 0.9764705366789702 0.19616353466238215 -0.08958324992231677 0.2962414609254752 -0.17388079616535462 0.9619005293894521 0.21098066329688595 -0.508079530162008 0.12755688818243516 -0.19043959469882296 0.973376597750409 -0.8098947274252184 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/41649063_2788519393.jpg notre_dame_front_facade/test/images/66790349_9649911334.jpg 0 0 395.918 0.0 167.0 0.0 395.918 249.5 0.0 0.0 1.0 596.021 0.0 239.5 0.0 596.021 319.5 0.0 0.0 1.0 0.9952884218519411 0.024857861278323436 0.09371789615724217 -0.23883291617387994 -0.022748290989593373 0.9994647199514879 -0.02351146165908746 0.1590161501550564 -0.09425217548961287 0.021268763597388142 0.9953211376789471 0.24786007533341115 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/90793558_9763268725.jpg notre_dame_front_facade/test/images/04747376_6924913614.jpg 0 0 1558.15 0.0 239.5 0.0 1558.15 319.5 0.0 0.0 1.0 1060.77 0.0 213.0 0.0 1060.77 319.5 0.0 0.0 1.0 0.7868198572886166 -0.10759788769614548 -0.6077311961218121 2.7524441381558664 0.006748122032810061 0.9861269609529866 -0.16585559903318783 -0.011904502528400465 0.6171458296264759 0.12639743448723523 0.7766303583621323 -0.7185436613656828 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/70336114_5249999416.jpg notre_dame_front_facade/test/images/27459823_3045826276.jpg 0 0 678.309 0.0 239.5 0.0 678.309 319.5 0.0 0.0 1.0 442.162 0.0 249.5 0.0 442.162 165.5 0.0 0.0 1.0 0.9273172662777918 0.038511559991575524 0.3722896015336693 -0.7863205694159694 -0.05014848497503908 0.998507706222511 0.021621518655442342 0.24602443239589575 -0.37090135766506876 -0.038719767061213585 0.9278647328791704 1.4038679768296078 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/55721528_5595678955.jpg notre_dame_front_facade/test/images/66556628_3153467175.jpg 0 0 791.388 0.0 319.5 0.0 791.388 212.0 0.0 0.0 1.0 659.486 0.0 319.5 0.0 659.486 239.5 0.0 0.0 1.0 0.9054445324206561 0.3569743170539606 0.22965089957019086 0.1147956277382175 -0.1671202248381441 0.7971464639960908 -0.5801968160793174 0.5238302204449349 -0.3901807647226958 0.48695672487643865 0.7814295354912206 1.7374423562246077 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/93967284_1001548090.jpg notre_dame_front_facade/test/images/15793931_276435531.jpg 0 0 693.696 0.0 319.5 0.0 693.696 239.5 0.0 0.0 1.0 548.704 0.0 187.0 0.0 548.704 249.5 0.0 0.0 1.0 0.9438129007638271 0.08263378501818626 0.31998260253541705 -0.9631469454772648 -0.062037195825369415 0.9953228054632441 -0.07405335413674409 0.05360680474322543 -0.3246052906005928 0.05004168760489037 0.9445248725236193 0.20672947117021767 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/69682451_4629605098.jpg notre_dame_front_facade/test/images/48878579_6144672125.jpg 0 0 714.494 0.0 319.5 0.0 714.494 239.5 0.0 0.0 1.0 1152.32 0.0 239.5 0.0 1152.32 319.5 0.0 0.0 1.0 0.9107771740819648 0.03721777265905551 0.4112174322296774 -0.5561814625623139 -0.07548804556511257 0.9941525102976781 0.07721619807776214 0.5184613854636091 -0.4059390276236445 -0.10136875093993993 0.9082609108537295 2.136515579522471 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/56381788_7846730740.jpg notre_dame_front_facade/test/images/06852016_2679741155.jpg 0 0 665.593 0.0 213.5 0.0 665.593 319.5 0.0 0.0 1.0 882.112 0.0 213.0 0.0 882.112 319.5 0.0 0.0 1.0 0.9279614725744061 -0.0659172304856316 0.36680025101224234 -0.7216164209031223 0.15245015275383328 0.9652582614711447 -0.21221554982384344 0.43851518887418806 -0.34006831128888326 0.25284660841468176 0.9057715695860186 1.6206054491677384 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/09939185_8343101195.jpg notre_dame_front_facade/test/images/47104342_7985973355.jpg 0 0 612.367 0.0 319.5 0.0 612.367 239.5 0.0 0.0 1.0 459.867 0.0 319.5 0.0 459.867 239.5 0.0 0.0 1.0 0.011785737963190745 0.9661232418156903 0.2578119043104954 -0.6397851615079435 -0.9994577827023944 0.019309334884751946 -0.026670024033019157 0.03414609679426514 -0.030744706475689797 -0.25735778832172446 0.9658269678435544 -0.42517905551940405 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/02670240_5196986488.jpg notre_dame_front_facade/test/images/48541802_2699303896.jpg 0 0 705.055 0.0 237.5 0.0 705.055 319.5 0.0 0.0 1.0 606.303 0.0 239.5 0.0 606.303 319.5 0.0 0.0 1.0 0.8170855783934877 0.08681042408745006 0.5699430742198177 -1.1407336164687076 -0.12584010356008482 0.9916156702795887 0.029370576976780666 -0.01560953994128586 -0.5626148113206465 -0.09571997035999827 0.8211590962517035 -0.17470130802665607 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/03224502_8509869187.jpg notre_dame_front_facade/test/images/17052017_6917897836.jpg 0 0 641.298 0.0 319.5 0.0 641.298 213.5 0.0 0.0 1.0 482.741 0.0 213.5 0.0 482.741 319.5 0.0 0.0 1.0 0.8302030057736063 -0.1498212197280658 -0.53695118150877 1.289786257517426 0.11718190039539578 0.9885890061115074 -0.09465822317783891 -0.10282756077244358 0.5450058453119497 0.015664581534679926 0.8382858995958066 -0.6383380376430452 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/73783180_6254295715.jpg notre_dame_front_facade/test/images/88264143_2551880831.jpg 0 0 510.796 0.0 319.5 0.0 510.796 239.5 0.0 0.0 1.0 688.704 0.0 239.5 0.0 688.704 319.5 0.0 0.0 1.0 0.9924395395680804 0.025509943758731505 0.12005416723847291 -0.3805610893602336 -0.05044106963719535 0.9765110054884463 0.20948020110215448 -0.42685117693956687 -0.11189038741443555 -0.21395209494036244 0.970414881519692 -1.334323278023135 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/66615582_2839963127.jpg notre_dame_front_facade/test/images/81974946_5100244969.jpg 0 0 537.15 0.0 187.0 0.0 537.15 249.5 0.0 0.0 1.0 697.124 0.0 319.5 0.0 697.124 213.0 0.0 0.0 1.0 0.998294393633474 0.015974981309589978 -0.05615250316889404 0.20983561858586422 -0.00901014623481683 0.9924688571822374 0.12216539930852188 -0.250954694164371 0.05768120061858646 -0.12145109096068932 0.9909200328985466 -0.6824633008950487 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/90054575_2232251410.jpg notre_dame_front_facade/test/images/16445294_19140011.jpg 0 0 712.891 0.0 319.5 0.0 712.891 239.5 0.0 0.0 1.0 627.378 0.0 239.5 0.0 627.378 319.5 0.0 0.0 1.0 0.9983793426075825 -0.0034850340695371336 -0.056802665359869164 -0.07040658026710694 0.009944781787045111 0.9934492316698381 0.1138407897452222 0.06198941297739447 0.056033825227795916 -0.1142211829396895 0.9918738487318834 0.005326352851112881 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/33779601_2412524560.jpg notre_dame_front_facade/test/images/35249264_6310946396.jpg 0 0 1178.29 0.0 202.5 0.0 1178.29 319.5 0.0 0.0 1.0 1037.12 0.0 319.5 0.0 1037.12 239.5 0.0 0.0 1.0 0.9973382748656744 0.03347892031376895 0.064772890799968 -0.2836403146344598 -0.03539188272830776 0.9989637726075089 0.028614605618788133 0.0573532144901667 -0.0637477852549089 -0.03083087595896976 0.9974896876472943 -2.6031516598166657 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/66556628_3153467175.jpg notre_dame_front_facade/test/images/64481818_6172668375.jpg 0 0 659.486 0.0 319.5 0.0 659.486 239.5 0.0 0.0 1.0 758.649 0.0 319.5 0.0 758.649 319.5 0.0 0.0 1.0 0.999875294850275 -0.015549764600939268 -0.0027567315667422214 -0.722031637750816 0.015535841969923575 0.999866800587821 -0.005001869306615943 -0.2056848082433944 0.002834142262000413 0.004958417401780746 0.9999836907342581 -0.6344106111250086 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/79443789_562514295.jpg notre_dame_front_facade/test/images/30596090_277515099.jpg 0 0 646.586 0.0 239.5 0.0 646.586 319.5 0.0 0.0 1.0 721.475 0.0 319.5 0.0 721.475 239.5 0.0 0.0 1.0 0.9973929982328358 0.021232800558826943 0.06896647922392049 -0.31068217726344977 -0.024936963780745294 0.9982671015933353 0.053300485118235263 -0.09671190262872381 -0.06771524875175582 -0.05488134525383374 0.996194099073879 -0.22197570143991097 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/62554528_6086102803.jpg notre_dame_front_facade/test/images/34341942_1196841579.jpg 0 0 297.501 0.0 319.5 0.0 297.501 216.0 0.0 0.0 1.0 2048.74 0.0 239.5 0.0 2048.74 319.5 0.0 0.0 1.0 0.9696871865231017 0.11358062839954487 0.2163474084551874 -0.15459557452479566 -0.015772356481546946 0.9126488125893522 -0.40844017634197655 0.9804756333429054 -0.24384009732595283 0.3926468970100368 0.886775293523934 7.671700462320798 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/30853200_42283424.jpg notre_dame_front_facade/test/images/27459823_3045826276.jpg 0 0 648.551 0.0 239.5 0.0 648.551 319.5 0.0 0.0 1.0 442.162 0.0 249.5 0.0 442.162 165.5 0.0 0.0 1.0 0.9998792435815576 0.005720697484231515 0.01444894027486677 0.03501632472301075 -0.007518056258293904 0.9918001080095364 0.12757752381344042 0.15979165049335703 -0.013600628105712293 -0.12767074595445008 0.9917233503062052 0.8452442503586212 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/07174573_8039801985.jpg notre_dame_front_facade/test/images/17253180_3321954648.jpg 0 0 746.806 0.0 319.5 0.0 746.806 239.5 0.0 0.0 1.0 2056.32 0.0 319.5 0.0 2056.32 213.0 0.0 0.0 1.0 0.9515832385187928 -0.012217260325614024 0.30714830085843275 -1.2609136311311757 0.005974225703829731 0.9997561767775602 0.021257836728027175 0.2239239929029156 -0.3073331234952162 -0.01839362784368378 0.9514242090978253 0.9892323537549275 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/43866772_7750717370.jpg notre_dame_front_facade/test/images/04785646_8607050988.jpg 0 0 440.442 0.0 319.5 0.0 440.442 212.5 0.0 0.0 1.0 1561.94 0.0 213.0 0.0 1561.94 319.5 0.0 0.0 1.0 0.9660584361860433 0.038871296915355 0.25538230195120193 -0.88212912603548 -0.08441339118564702 0.9818438370271889 0.16987365622799158 0.2830112967187718 -0.24414232992726892 -0.18566556484131688 0.9517997797697998 1.1176760970850101 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/66503262_8564870595.jpg notre_dame_front_facade/test/images/24103524_6438819413.jpg 0 0 434.857 0.0 319.5 0.0 434.857 213.0 0.0 0.0 1.0 1651.1 0.0 305.5 0.0 1651.1 305.5 0.0 0.0 1.0 0.9643180436077696 0.1721751433641157 0.20111298013810516 -0.18822718511389103 -0.039519614088856896 0.8447469667847879 -0.5337047519089262 0.7854044165185274 -0.2617802721267428 0.5067132148616679 0.8214090375749477 3.4738804040039764 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/14726037_8034366725.jpg notre_dame_front_facade/test/images/56007984_3321151457.jpg 0 0 626.047 0.0 319.5 0.0 626.047 239.5 0.0 0.0 1.0 703.863 0.0 319.5 0.0 703.863 213.0 0.0 0.0 1.0 0.9897823876452124 0.06216672841804854 0.1283203919302743 -0.3701135297444163 0.013944109644020774 0.853433756911814 -0.5210147640610794 0.5686265563169098 -0.14190273751262916 0.5174805507854217 0.8438468419359277 1.9986585903268788 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/01569849_8047248507.jpg notre_dame_front_facade/test/images/66615705_4179549738.jpg 0 0 528.055 0.0 319.5 0.0 528.055 213.0 0.0 0.0 1.0 738.007 0.0 239.5 0.0 738.007 319.5 0.0 0.0 1.0 0.9527654084781345 0.16746611040015233 0.25336372722814526 0.2198145624305804 -0.04626573957279489 0.9045318241532737 -0.4238887359151381 0.30489222684234923 -0.3001625522100922 0.3921444644023365 0.8695545763719078 1.362227538376181 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/29281983_5767482367.jpg notre_dame_front_facade/test/images/92064571_307220044.jpg 0 0 664.297 0.0 239.5 0.0 664.297 319.5 0.0 0.0 1.0 674.607 0.0 213.0 0.0 674.607 319.5 0.0 0.0 1.0 0.8535086709369842 -0.17040780158470012 -0.49242677607381613 0.3799314120075778 0.07897030112686321 0.9764001802428267 -0.20101338154886295 0.5005290261874681 0.5150598413537164 0.13267957333683927 0.8468231755471971 2.1232607043061145 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/78178757_2465451170.jpg notre_dame_front_facade/test/images/96890437_6186643187.jpg 0 0 840.903 0.0 239.5 0.0 840.903 319.5 0.0 0.0 1.0 705.87 0.0 239.5 0.0 705.87 319.5 0.0 0.0 1.0 0.995221862660448 -0.002004901274475897 0.09761877101023148 -0.18064881887533737 -0.003948060821678754 0.9981451809274492 0.06075039594157272 -0.23172018147297352 -0.09755950439817095 -0.06084552705161766 0.9933679906959927 -0.6635400014690739 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/43666192_4761714801.jpg notre_dame_front_facade/test/images/05852089_7355180390.jpg 0 0 654.307 0.0 239.5 0.0 654.307 319.5 0.0 0.0 1.0 678.861 0.0 319.5 0.0 678.861 239.5 0.0 0.0 1.0 0.9886378520222032 0.13054493689594093 0.07451991008957909 0.4194263018570048 -0.13382757283468422 0.9901610344687477 0.040881616515945504 -0.5427688156411512 -0.0684498232145376 -0.05038993223466706 0.9963811903239063 -1.2886430053464377 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/86821962_2883156666.jpg notre_dame_front_facade/test/images/12297295_3241434580.jpg 0 0 732.355 0.0 319.5 0.0 732.355 239.5 0.0 0.0 1.0 709.584 0.0 239.5 0.0 709.584 319.5 0.0 0.0 1.0 0.9980747394990493 0.016455627556663237 0.05979988875926884 -0.12509082442559255 0.007419282279301701 0.9255617134386732 -0.3785240664302965 0.4810590359890344 -0.061577338561881544 0.3782389812515149 0.9236576770846715 1.2943139854376757 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/34341942_1196841579.jpg notre_dame_front_facade/test/images/78165838_2796390716.jpg 0 0 2048.74 0.0 239.5 0.0 2048.74 319.5 0.0 0.0 1.0 697.682 0.0 239.5 0.0 697.682 319.5 0.0 0.0 1.0 0.973650026982587 -0.0001277440277906779 0.2280473824411737 -1.1555739416680886 0.05031909400746461 0.9754728164113116 -0.21429132791797995 0.4504086460409873 -0.2224266479877704 0.2201198948846892 0.9497755619833971 -5.069567154941019 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/06285764_3594606656.jpg notre_dame_front_facade/test/images/57166610_6309910907.jpg 0 0 624.925 0.0 239.5 0.0 624.925 319.5 0.0 0.0 1.0 718.825 0.0 213.0 0.0 718.825 319.5 0.0 0.0 1.0 0.9851478417119219 0.003235250529340749 0.17167778867504682 -0.48086168994965706 -5.846160640184227e-06 0.9998231135695745 -0.018808017914290733 -0.007787889227538682 -0.1717082698537378 0.018527674599211775 0.9849736013405544 0.09752661462807677 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/02611690_173893259.jpg notre_dame_front_facade/test/images/16199404_86872664.jpg 0 0 343.22 0.0 130.5 0.0 343.22 174.5 0.0 0.0 1.0 719.163 0.0 239.5 0.0 719.163 319.5 0.0 0.0 1.0 0.9738096173018544 0.051523132891408335 0.2214502111705249 -0.40042015575094597 -0.07104905217102153 0.9941682169642598 0.08112699035280563 -0.18424968946896436 -0.2159788448807319 -0.09473607103505521 0.9717912406524488 -0.2755785997345167 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/23110319_2359081668.jpg notre_dame_front_facade/test/images/05311113_3754895202.jpg 0 0 650.731 0.0 319.5 0.0 650.731 239.5 0.0 0.0 1.0 427.358 0.0 319.5 0.0 427.358 213.0 0.0 0.0 1.0 0.9997111757305636 -0.008243212777097412 -0.02257464423918338 0.048069008023356646 0.0074634243537244505 0.9993798733333258 -0.034411714185462274 -0.14726732586045146 0.022844308182355437 0.03423329109766124 0.9991527507665144 -0.7024753739151263 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/99737831_307230759.jpg notre_dame_front_facade/test/images/79443789_562514295.jpg 0 0 677.829 0.0 213.0 0.0 677.829 319.5 0.0 0.0 1.0 646.586 0.0 239.5 0.0 646.586 319.5 0.0 0.0 1.0 0.9964416009629987 -0.005028710341384372 0.0841358897415299 -0.22118441312063564 0.00836275200814494 0.9991916155455983 -0.039321492878927236 0.1000390710666107 -0.0838701391983267 0.03988517889742643 0.9956781469205667 0.4007301772920314 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/48323035_392280377.jpg notre_dame_front_facade/test/images/53305116_6893683400.jpg 0 0 523.158 0.0 319.5 0.0 523.158 239.5 0.0 0.0 1.0 539.892 0.0 213.0 0.0 539.892 319.5 0.0 0.0 1.0 0.8040353798106517 0.5194081730552866 0.2893825457350716 -0.23500407647405686 -0.37731942368930615 0.82187107302139 -0.4267997092752514 0.4581776804125609 -0.45951840063213056 0.23397241096770105 0.856796212868877 0.6484138206104219 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/67484798_514709769.jpg notre_dame_front_facade/test/images/99239692_3743536843.jpg 0 0 753.349 0.0 319.5 0.0 753.349 239.5 0.0 0.0 1.0 562.649 0.0 187.0 0.0 562.649 249.5 0.0 0.0 1.0 0.9920895809814662 -0.05798316176984879 -0.11133829646258477 0.24107490066358123 0.01810047442323936 0.9437382722131626 -0.3301975868866518 0.2091160677975228 0.12422011163121906 0.3255703096280216 0.9373224297727234 1.0570636547453611 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/24103524_6438819413.jpg notre_dame_front_facade/test/images/80611845_3920219739.jpg 0 0 1651.1 0.0 305.5 0.0 1651.1 305.5 0.0 0.0 1.0 692.473 0.0 213.0 0.0 692.473 319.5 0.0 0.0 1.0 0.9420546234903108 -0.12436221431295257 -0.3115559757278107 1.0765413451561492 0.09422687642647738 0.9894506761186703 -0.11003933518163113 -0.2508929916794998 0.3219540062174072 0.07430611804882066 0.9438348471533969 -2.3004612115572787 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/83886867_8305111396.jpg notre_dame_front_facade/test/images/92967069_3531809918.jpg 0 0 821.266 0.0 212.0 0.0 821.266 319.5 0.0 0.0 1.0 547.756 0.0 249.5 0.0 547.756 187.0 0.0 0.0 1.0 0.9887794580600088 -0.04575702857949375 -0.14220224208545693 -0.4799036209027318 0.12204438961600265 0.796374224259275 0.5923624413302172 -1.2829816195289165 0.08614145507136996 -0.6030707995509424 0.7930228624996724 -1.3212768614693706 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/58525912_2163151497.jpg notre_dame_front_facade/test/images/85088510_2525102624.jpg 0 0 672.919 0.0 239.5 0.0 672.919 319.5 0.0 0.0 1.0 889.277 0.0 166.0 0.0 889.277 249.5 0.0 0.0 1.0 0.9790479723477763 -0.05908844132532364 -0.1948682219948948 0.6385455506601586 0.06167441700306642 0.9980701752045038 0.0072243791832487135 0.05450015568316077 0.19406528316275348 -0.019091397774790398 0.9808028264651185 0.18329534122325908 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/45459434_6823683093.jpg notre_dame_front_facade/test/images/67306591_4879787713.jpg 0 0 722.12 0.0 319.5 0.0 722.12 319.5 0.0 0.0 1.0 701.749 0.0 239.5 0.0 701.749 319.5 0.0 0.0 1.0 0.9999318533941026 -4.195748920984315e-05 -0.011674194079416243 -0.021158332109148456 0.00039623205160426014 0.9995393708895782 0.030346153657880445 -0.05569920981555955 0.011667543357367877 -0.030348711360377548 0.9994712722988931 -0.09091971839097046 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/70473816_1756100188.jpg notre_dame_front_facade/test/images/81875745_5270921683.jpg 0 0 677.33 0.0 239.5 0.0 677.33 319.5 0.0 0.0 1.0 785.224 0.0 319.5 0.0 785.224 214.5 0.0 0.0 1.0 0.8876343772398515 0.4599481576292377 0.023513924289468517 -0.2901888078057544 -0.4579394016206283 0.8868813103712334 -0.06109865593893775 0.32105448827553973 -0.048956274218550914 0.04346531499567896 0.997854723698277 0.7603925817489452 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/87453268_2874605638.jpg notre_dame_front_facade/test/images/15594978_7330790386.jpg 0 0 859.782 0.0 212.5 0.0 859.782 319.5 0.0 0.0 1.0 716.242 0.0 239.5 0.0 716.242 319.5 0.0 0.0 1.0 0.9967579427110412 0.04592717972090052 0.0660628322533685 -0.309110639724878 -0.04225470428806196 0.9975388548991315 -0.05595331028686256 0.03316576851467405 -0.06847001977494266 0.05298044100810773 0.9962454161814775 0.17074073567195813 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/35184160_219996854.jpg notre_dame_front_facade/test/images/17253180_3321954648.jpg 0 0 541.484 0.0 187.0 0.0 541.484 249.5 0.0 0.0 1.0 2056.32 0.0 319.5 0.0 2056.32 213.0 0.0 0.0 1.0 0.9378400172651097 -0.2020799237978659 -0.282169818396701 0.30147767202693376 0.05389132300232379 0.8879390764717551 -0.45679308420722164 0.8928826177235611 0.3428583196033571 0.41319232915475984 0.8436351532543122 3.32835962997241 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/58668083_4179544564.jpg notre_dame_front_facade/test/images/47626142_1393227120.jpg 0 0 681.176 0.0 239.5 0.0 681.176 319.5 0.0 0.0 1.0 253.177 0.0 166.0 0.0 253.177 249.5 0.0 0.0 1.0 0.9548806091059646 -0.03808061706311902 -0.29453843375273453 1.1654537466604142 0.11593919945149599 0.9608508220621901 0.2516422058657088 -0.7370301360574203 0.2734248057217343 -0.274436813030806 0.9219128544876279 -1.4792548012124263 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/22891861_445889696.jpg notre_dame_front_facade/test/images/37313008_126874366.jpg 0 0 1183.91 0.0 319.5 0.0 1183.91 239.5 0.0 0.0 1.0 400.148 0.0 166.0 0.0 400.148 249.5 0.0 0.0 1.0 0.9653514253517409 -0.014954528973587067 -0.2605244472876589 0.9198117608005044 -0.008398947991573612 0.9960587824002048 -0.0882969969820952 0.011490746583247485 0.26081810375048137 0.08742576317424647 0.9614211630130698 -0.16331996047075892 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/62554528_6086102803.jpg notre_dame_front_facade/test/images/78178757_2465451170.jpg 0 0 297.501 0.0 319.5 0.0 297.501 216.0 0.0 0.0 1.0 840.903 0.0 239.5 0.0 840.903 319.5 0.0 0.0 1.0 0.9997655639847344 -0.020132045373340693 -0.007969806733643189 -0.06380621108672445 0.016808248514079492 0.953647745803667 -0.30045542049607643 0.5153584429205492 0.013649170384122892 0.30025102443234214 0.9537625608479053 2.0133771086527803 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/63928027_3334035886.jpg notre_dame_front_facade/test/images/32840366_393315242.jpg 0 0 1039.51 0.0 239.5 0.0 1039.51 319.5 0.0 0.0 1.0 516.713 0.0 319.5 0.0 516.713 213.5 0.0 0.0 1.0 0.9714666283391372 -0.11937903738087129 -0.2049420295044554 1.1582468709003375 0.14130361141030642 0.9853141713707351 0.09586069631713932 -0.9630845865251121 0.19048852833121904 -0.12208451634019037 0.9740685250249018 -3.340612679211625 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/08410560_8917559350.jpg notre_dame_front_facade/test/images/64105845_298847718.jpg 0 0 1475.25 0.0 319.5 0.0 1475.25 213.0 0.0 0.0 1.0 680.938 0.0 165.0 0.0 680.938 249.5 0.0 0.0 1.0 0.9787636420932352 0.03501267916644598 0.20197981387745875 -1.0095177815095562 -0.03682517192473334 0.9993080806932246 0.005221740508448323 0.04063129489118528 -0.20165723301954533 -0.012548791129477726 0.9793757645623511 0.22003125864778994 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/85618831_8338198385.jpg notre_dame_front_facade/test/images/08334105_1973261812.jpg 0 0 540.444 0.0 319.5 0.0 540.444 179.0 0.0 0.0 1.0 522.005 0.0 249.5 0.0 522.005 187.0 0.0 0.0 1.0 0.9993863047706194 0.0011616537514104585 -0.03500949010608415 0.013984828858170591 0.004025421387732421 0.989019972315101 0.14772708060639347 -0.3450678910768261 0.034796692652856495 -0.14777734915202173 0.9884083393304732 -0.14112773484154384 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/30596090_277515099.jpg notre_dame_front_facade/test/images/03224502_8509869187.jpg 0 0 721.475 0.0 319.5 0.0 721.475 239.5 0.0 0.0 1.0 641.298 0.0 319.5 0.0 641.298 213.5 0.0 0.0 1.0 0.9818914822088078 0.0581891518268803 0.18028627173320355 -0.14619667609986386 -0.06055260289414069 0.9981358526982657 0.007629013111173137 -0.0018633600731491617 -0.17950626576399692 -0.018407666011046073 0.9835845964549726 0.006538816938529979 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/61900107_5317613163.jpg notre_dame_front_facade/test/images/08334105_1973261812.jpg 0 0 537.046 0.0 319.5 0.0 537.046 239.5 0.0 0.0 1.0 522.005 0.0 249.5 0.0 522.005 187.0 0.0 0.0 1.0 0.9848118065464031 0.09150594286526796 0.14755462753552842 -0.2013203922564463 -0.045539881157305104 0.9562269861069949 -0.28906066883080345 0.19640854646416117 -0.16754648582106613 0.2779507392705966 0.9458707954197232 0.18159289064669037 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/89455443_12073338213.jpg notre_dame_front_facade/test/images/87628400_7656196462.jpg 0 0 460.921 0.0 212.5 0.0 460.921 319.5 0.0 0.0 1.0 486.204 0.0 212.0 0.0 486.204 319.5 0.0 0.0 1.0 0.9998623652130167 -0.010805940815844368 -0.012588974291678124 0.060665848907082265 0.012630041151709322 0.9877971282251846 0.155233100628005 -0.2879476040674617 0.010757912954574102 -0.15537073441662902 0.9877976524550457 -0.28710143673154176 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/78165838_2796390716.jpg notre_dame_front_facade/test/images/30320088_5875331143.jpg 0 0 697.682 0.0 239.5 0.0 697.682 319.5 0.0 0.0 1.0 805.754 0.0 319.5 0.0 805.754 319.5 0.0 0.0 1.0 0.9067040569799512 0.05824752047196783 -0.4177259621031052 0.6139919457141458 0.19493903291235834 0.820405111494221 0.5375260240038146 -1.0870838443306416 0.3740140726006064 -0.5688081217713251 0.7325099276485512 -1.1356263594558753 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/62264502_3538081511.jpg notre_dame_front_facade/test/images/03640003_2550682198.jpg 0 0 506.064 0.0 213.0 0.0 506.064 319.5 0.0 0.0 1.0 679.184 0.0 319.5 0.0 679.184 239.5 0.0 0.0 1.0 0.8403092883741252 0.05136822242661083 0.5396680513027444 -1.9113286747215206 -0.06258677351321044 0.9980365067216301 0.0024550014442504195 0.2601052478108391 -0.5384823076512149 -0.035839042615775966 0.8418743180374413 1.7040057210247108 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/60021260_328346427.jpg notre_dame_front_facade/test/images/11229713_5151251181.jpg 0 0 600.288 0.0 187.0 0.0 600.288 249.5 0.0 0.0 1.0 510.333 0.0 230.0 0.0 510.333 319.5 0.0 0.0 1.0 0.9790810411970894 0.06156060324194241 0.19393454281512543 -0.7060390450467443 -0.05912072201016811 0.9980821826897917 -0.01834930042747164 -0.01885708739014235 -0.19469220579525004 0.006499901973825062 0.98084284993923 -0.25324123977746504 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/99737831_307230759.jpg notre_dame_front_facade/test/images/54439631_9271690013.jpg 0 0 677.829 0.0 213.0 0.0 677.829 319.5 0.0 0.0 1.0 449.574 0.0 319.5 0.0 449.574 239.5 0.0 0.0 1.0 0.9975847844346125 -0.008848177672297251 0.06889345118679605 -0.2512797302800665 -0.006279579260203313 0.9763027045030266 0.21631827492005998 -0.6019688508489202 -0.06917488524647379 -0.21622844154263168 0.9738891601815794 -1.4804718558146248 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/30320088_5875331143.jpg notre_dame_front_facade/test/images/88494215_13093430663.jpg 0 0 805.754 0.0 319.5 0.0 805.754 319.5 0.0 0.0 1.0 527.97 0.0 239.5 0.0 527.97 319.5 0.0 0.0 1.0 0.9632637402626313 0.14958717449174877 0.22303955685667354 -0.32224757980193247 -0.1641031498342884 0.9852782110323812 0.04792705999010728 -0.18696440804252368 -0.21258674208358186 -0.08276789288368622 0.9736305012672328 -0.8908585902754373 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/56095608_3447757339.jpg notre_dame_front_facade/test/images/16926208_509236966.jpg 0 0 544.208 0.0 213.0 0.0 544.208 319.5 0.0 0.0 1.0 864.355 0.0 319.5 0.0 864.355 239.5 0.0 0.0 1.0 0.0439264262810859 -0.9947286539680396 -0.09265729355590153 -0.21827257706589 0.9834902288762492 0.026759223358108045 0.17897182367683986 -0.247820856502193 -0.1755489640502481 -0.09898913546547966 0.9794813486129695 0.7009835853814631 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/54439631_9271690013.jpg notre_dame_front_facade/test/images/74454771_4611697867.jpg 0 0 449.574 0.0 319.5 0.0 449.574 239.5 0.0 0.0 1.0 515.145 0.0 319.5 0.0 515.145 239.5 0.0 0.0 1.0 0.9877136358275009 0.07154510923108856 0.13893549202968508 -0.21660925279045395 -0.11042554612335528 0.9486145499924625 0.2965411173951367 -0.33740654484805344 -0.11058016261417701 -0.30823973281799527 0.9448599339312218 -0.15292856501986873 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/86620018_1656400518.jpg notre_dame_front_facade/test/images/90581608_3777244265.jpg 0 0 622.811 0.0 165.5 0.0 622.811 249.5 0.0 0.0 1.0 508.089 0.0 239.5 0.0 508.089 319.5 0.0 0.0 1.0 0.972913362921985 0.02857134061483397 0.2293976171264752 -0.5883254072939641 -0.04160299015783671 0.9977710810935249 0.052173373893061405 -0.13307159309019634 -0.22739564520403796 -0.06030379945682839 0.9719334711354012 -0.4832570604703308 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/87453268_2874605638.jpg notre_dame_front_facade/test/images/37414234_5204240482.jpg 0 0 859.782 0.0 212.5 0.0 859.782 319.5 0.0 0.0 1.0 981.426 0.0 213.5 0.0 981.426 319.5 0.0 0.0 1.0 0.9861469709937409 0.029965085050990443 0.16314485979569487 -0.5186807883755192 -0.033237489458507526 0.9992966123492539 0.01736519052012649 0.2540287260446523 -0.1625097563051697 -0.022547155589821063 0.986449291591029 0.5467916784431308 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/68816036_11955201904.jpg notre_dame_front_facade/test/images/91963349_6452367725.jpg 0 0 838.493 0.0 319.5 0.0 838.493 319.5 0.0 0.0 1.0 516.037 0.0 239.5 0.0 516.037 319.5 0.0 0.0 1.0 0.9805697748178794 -0.07200168728188214 -0.18247924194870807 0.5084966204485197 0.09656407970780619 0.986865774371939 0.12950413848004141 -0.5025973139122378 0.17075800193196683 -0.14460878397191282 0.9746435268211485 -0.9382100898368524 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/89810148_5254985106.jpg notre_dame_front_facade/test/images/72357333_2327691828.jpg 0 0 782.364 0.0 211.5 0.0 782.364 319.5 0.0 0.0 1.0 1291.45 0.0 249.5 0.0 1291.45 249.5 0.0 0.0 1.0 0.983184599283158 0.026419239297418948 0.18069329685232283 -0.7577671704117972 -0.042144744802969834 0.9955951149922723 0.08375074619975946 -0.19474310193886768 -0.17768473265283233 -0.08995771672552434 0.9799672162800254 1.836720956383797 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/57817490_9610856334.jpg notre_dame_front_facade/test/images/12015220_144820170.jpg 0 0 581.452 0.0 319.5 0.0 581.452 239.5 0.0 0.0 1.0 647.595 0.0 239.5 0.0 647.595 319.5 0.0 0.0 1.0 0.8467813161778344 -0.18340068041699428 0.499325137555399 -0.7095977708437831 -0.09620616304453947 0.87040343766727 0.48284804016299576 0.06389124346475572 -0.5231689753458075 -0.4569048545590012 0.7193970927909258 0.789356816025615 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/04785646_8607050988.jpg notre_dame_front_facade/test/images/52678522_7965495246.jpg 0 0 1561.94 0.0 213.0 0.0 1561.94 319.5 0.0 0.0 1.0 736.382 0.0 239.5 0.0 736.382 319.5 0.0 0.0 1.0 0.9437108324112361 -0.09264776042433454 -0.3175315059612937 1.339846927066274 0.11602275790849667 0.9916964232523863 0.05547002574121014 -0.46714657075743005 0.30975568507615536 -0.08918854521057759 0.9466239057652315 -1.478688836000472 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/02611690_173893259.jpg notre_dame_front_facade/test/images/67306591_4879787713.jpg 0 0 343.22 0.0 130.5 0.0 343.22 174.5 0.0 0.0 1.0 701.749 0.0 239.5 0.0 701.749 319.5 0.0 0.0 1.0 0.9790195754474259 0.04474768292991422 0.1987921421061359 -0.3857652518676077 -0.015996860397982853 0.9894567347071411 -0.14394259480810365 0.25694149377243813 -0.20313732140635732 0.13774256791234266 0.9694133347735444 0.8606252087068448 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16926208_509236966.jpg notre_dame_front_facade/test/images/35136042_91813767.jpg 0 0 864.355 0.0 319.5 0.0 864.355 239.5 0.0 0.0 1.0 763.496 0.0 319.5 0.0 763.496 239.5 0.0 0.0 1.0 0.10970496960932678 0.9923768706259514 -0.056151280391994705 0.19755458289913985 -0.7132955213525324 0.11794429289233098 0.6908680358741074 -1.8752460822870327 0.6922241825170771 -0.0357392000578041 0.7207970523786793 -1.2917014011738952 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/79443789_562514295.jpg notre_dame_front_facade/test/images/89455443_12073338213.jpg 0 0 646.586 0.0 239.5 0.0 646.586 319.5 0.0 0.0 1.0 460.921 0.0 212.5 0.0 460.921 319.5 0.0 0.0 1.0 0.9940041665323469 -0.005367993564357178 -0.10921035464381103 0.2460681055217603 0.014481863347986691 0.9964583427274679 0.0828314363197833 -0.23107725792863493 0.1083789303799599 -0.0839163622538602 0.9905614829962726 -1.1458720145107462 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/78529936_5637285314.jpg notre_dame_front_facade/test/images/37313008_126874366.jpg 0 0 580.444 0.0 319.5 0.0 580.444 213.5 0.0 0.0 1.0 400.148 0.0 166.0 0.0 400.148 249.5 0.0 0.0 1.0 0.9908998934027509 -0.06537840585531106 -0.11765655656288532 0.37240276699479613 0.038480967790488416 0.9752296368312042 -0.21782187806550848 0.08592668032436845 0.12898300807596558 0.21131213759246315 0.9688707675091554 1.3686679957005647 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/31906475_13763600313.jpg notre_dame_front_facade/test/images/24232395_8292135214.jpg 0 0 820.415 0.0 265.0 0.0 820.415 319.5 0.0 0.0 1.0 606.526 0.0 319.5 0.0 606.526 239.5 0.0 0.0 1.0 0.9709107593673387 0.05743526225835133 0.23245104429546395 -0.7182379748555023 -0.11841892891456633 0.9589476508180087 0.2576749119828113 -0.5926233594738475 -0.20810875671019768 -0.27770594815368477 0.9378540140877994 -0.9274102354163531 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/78529936_5637285314.jpg notre_dame_front_facade/test/images/11134066_2199195810.jpg 0 0 580.444 0.0 319.5 0.0 580.444 213.5 0.0 0.0 1.0 535.043 0.0 239.5 0.0 535.043 319.5 0.0 0.0 1.0 0.9383946614987634 0.07529137987186742 0.33726349845130255 -0.24360856986406654 -0.0536109354200441 0.995878539261087 -0.07315601576488161 -0.17591243098381384 -0.3413814975566331 0.05056820301527334 0.9385635460477872 -0.5932064422077861 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/36077348_6211893193.jpg notre_dame_front_facade/test/images/96809970_2634698191.jpg 0 0 634.572 0.0 319.5 0.0 634.572 179.0 0.0 0.0 1.0 1900.54 0.0 319.5 0.0 1900.54 239.5 0.0 0.0 1.0 0.9862431022557435 -0.03977831237067834 -0.16044385035864628 0.03629870691046544 0.018731100481177196 0.9912556446897633 -0.13061926636390947 0.07758611219845624 0.16423668630282046 0.1258170605904566 0.978364133713336 0.4144518121583891 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/89605242_113630817.jpg notre_dame_front_facade/test/images/92064571_307220044.jpg 0 0 660.594 0.0 239.5 0.0 660.594 319.5 0.0 0.0 1.0 674.607 0.0 213.0 0.0 674.607 319.5 0.0 0.0 1.0 0.9976497591149366 -0.032880993686462745 -0.06011487662883463 0.058800201344894554 0.02618702647550748 0.9937040949160614 -0.10893305922181101 -0.171674286684953 0.06331822630396625 0.10710281042644172 0.992229706376743 -0.7021351844450324 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/46008440_428692335.jpg notre_dame_front_facade/test/images/61616050_10894465215.jpg 0 0 662.084 0.0 249.5 0.0 662.084 187.0 0.0 0.0 1.0 951.587 0.0 213.0 0.0 951.587 319.5 0.0 0.0 1.0 0.973111963824324 -0.2004853198379225 -0.11339639496674248 0.08674568328932328 0.026082222914270543 0.5850626670723919 -0.8105685617182484 0.1986422471902199 0.22885109462228453 0.7858163348567052 0.5745605837181634 0.707032276653158 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/76309603_8305176254.jpg notre_dame_front_facade/test/images/59441370_9094154456.jpg 0 0 484.145 0.0 319.5 0.0 484.145 212.0 0.0 0.0 1.0 709.773 0.0 319.5 0.0 709.773 239.5 0.0 0.0 1.0 0.9898496605484328 -0.06414053757286631 -0.1268212953411821 0.1209499477118329 0.0448644401415372 0.9877593613347533 -0.1493941970303604 0.25017617228801603 0.1348511457976462 0.1421880288049014 0.9806108978293268 0.3097727112929307 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/75271422_4231357851.jpg notre_dame_front_facade/test/images/27108396_3799319410.jpg 0 0 733.721 0.0 319.5 0.0 733.721 239.5 0.0 0.0 1.0 586.555 0.0 211.5 0.0 586.555 319.5 0.0 0.0 1.0 0.8983472856122245 -0.08700841064132815 -0.4305829663500611 0.0944606680119476 -0.1094057485100463 0.9049872698844571 -0.41113066480138993 -0.21853597135639052 0.4254439288861745 0.41644636848548255 0.8034736371214362 1.2598099456073564 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/88727883_287637082.jpg notre_dame_front_facade/test/images/66615582_2839963127.jpg 0 0 559.362 0.0 186.5 0.0 559.362 249.5 0.0 0.0 1.0 537.15 0.0 187.0 0.0 537.15 249.5 0.0 0.0 1.0 0.9927464809260612 -0.055291172719907966 -0.10675818857670231 0.17277072430362314 0.05137993756750742 0.9979155151380532 -0.03904774849224084 0.17176547524377153 0.10869464855493331 0.03327928583986686 0.993517972917203 0.4058619380218045 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/61900107_5317613163.jpg notre_dame_front_facade/test/images/16936811_3689681321.jpg 0 0 537.046 0.0 319.5 0.0 537.046 239.5 0.0 0.0 1.0 503.368 0.0 212.5 0.0 503.368 319.5 0.0 0.0 1.0 0.987258376167323 -0.001077392706137107 0.15912177070538705 -0.12052649748341296 0.13606903505093357 0.5241579005840198 -0.8406805058734622 0.16363908024810397 -0.0824991902249277 0.8516204168996356 0.5176258775717475 1.9591183681218778 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/47626142_1393227120.jpg notre_dame_front_facade/test/images/09939185_8343101195.jpg 0 0 253.177 0.0 166.0 0.0 253.177 249.5 0.0 0.0 1.0 612.367 0.0 319.5 0.0 612.367 239.5 0.0 0.0 1.0 0.9739107944540966 0.1148503506470196 0.19572215358013764 -0.35342858704209673 -0.12802670621130252 0.9901876528343273 0.05601405779918644 0.006378526328979062 -0.18736842568179723 -0.07961035818725107 0.9790583557310679 -0.254095037384207 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/27553172_6999659277.jpg notre_dame_front_facade/test/images/20432678_1041916289.jpg 0 0 500.952 0.0 319.5 0.0 500.952 213.5 0.0 0.0 1.0 637.694 0.0 319.5 0.0 637.694 239.5 0.0 0.0 1.0 0.945961975507326 0.11597231277027323 0.30283058558374076 -0.6569064087157452 -0.10264492680422323 0.9929298590395979 -0.05961806797405956 0.17617432352782916 -0.3076035758823897 0.025312402065348252 0.9511778605529299 0.664241306461082 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/24710907_307223581.jpg notre_dame_front_facade/test/images/33988966_5921987459.jpg 0 0 667.982 0.0 319.5 0.0 667.982 213.0 0.0 0.0 1.0 710.599 0.0 231.0 0.0 710.599 319.5 0.0 0.0 1.0 0.9867853036028982 -0.01809790603143041 -0.16101934787662597 0.32626689252686863 0.0402130578999857 0.9900063672298904 0.13516768407651314 -0.06419438888517175 0.15696392760016165 -0.13985656452792328 0.9776515057988601 -0.09265532586464653 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/79846448_7965487020.jpg notre_dame_front_facade/test/images/28398273_5904550418.jpg 0 0 727.071 0.0 239.5 0.0 727.071 319.5 0.0 0.0 1.0 432.411 0.0 239.5 0.0 432.411 319.5 0.0 0.0 1.0 0.7380432687768411 -0.14687576648467998 -0.6585739462146472 1.3287374236966298 0.25301565063537784 0.9650467889176905 0.06832112216006736 -0.2006511521512646 0.6255199548749437 -0.21705345981852525 0.7494081542350979 -0.20037163781524292 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/66532758_5458132477.jpg notre_dame_front_facade/test/images/29664667_2558113171.jpg 0 0 748.109 0.0 228.0 0.0 748.109 319.5 0.0 0.0 1.0 843.474 0.0 213.0 0.0 843.474 319.5 0.0 0.0 1.0 0.9994288627995845 -0.01396033722647398 0.030774294267333517 -0.17617948397143213 0.012829090582441397 0.9992456155348838 0.03665534434619658 0.09244042018398703 -0.03126279958603873 -0.0362396029066801 0.9988540076223399 0.39998431505298876 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/76423402_3823704092.jpg notre_dame_front_facade/test/images/78529936_5637285314.jpg 0 0 502.678 0.0 319.5 0.0 502.678 213.5 0.0 0.0 1.0 580.444 0.0 319.5 0.0 580.444 213.5 0.0 0.0 1.0 0.9981722218860715 0.04269230485599514 0.042773619920525495 -0.15693778938553998 -0.014556602390324863 0.8567877675237622 -0.5154637007088835 0.090537047382525 -0.05865424777348007 0.5138989088602254 0.8558432045009162 0.2296344665554273 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/67691681_4057682871.jpg notre_dame_front_facade/test/images/94100874_2339251144.jpg 0 0 662.741 0.0 239.5 0.0 662.741 319.5 0.0 0.0 1.0 481.564 0.0 187.0 0.0 481.564 249.5 0.0 0.0 1.0 0.9863448645835861 -0.023487154770581678 -0.16300969808686253 0.4171322954550139 -0.0001978849925743866 0.9896089899356977 -0.14378458846474987 0.16589673098006721 0.16469295355635907 0.14185344761136578 0.9760910974133779 0.7875815984806359 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/04510340_91856354.jpg notre_dame_front_facade/test/images/50944188_2452211231.jpg 0 0 795.252 0.0 239.5 0.0 795.252 319.5 0.0 0.0 1.0 802.246 0.0 239.5 0.0 802.246 319.5 0.0 0.0 1.0 0.9995282628219648 -0.014051757915590346 -0.027309337589673258 0.15815699150771112 0.016069557421432238 0.9970442530235136 0.0751300661324283 0.042791650089243655 0.026172908596187573 -0.07553347345558391 0.9967997157119127 0.13297410313160918 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/24232395_8292135214.jpg notre_dame_front_facade/test/images/89527506_47064183.jpg 0 0 606.526 0.0 319.5 0.0 606.526 239.5 0.0 0.0 1.0 486.165 0.0 249.5 0.0 486.165 187.0 0.0 0.0 1.0 0.942272509870079 -0.16039438293826994 -0.2939322354982409 0.5784866003342376 0.057303670897700616 0.9421032161307565 -0.33039040460905184 0.4540965154795954 0.3299072694633899 0.2944743996987456 0.8969091489539359 1.0372485760043038 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/69189455_2043939797.jpg notre_dame_front_facade/test/images/78307185_6277857825.jpg 0 0 572.409 0.0 187.0 0.0 572.409 249.5 0.0 0.0 1.0 750.961 0.0 299.5 0.0 750.961 299.5 0.0 0.0 1.0 0.9910291389789037 0.015808204064751703 0.13270774799905255 -0.3465746393216122 -0.04771255722834392 0.9693935500981856 0.24083117927454614 -0.4919026053570833 -0.12483892653121012 -0.2450025422567769 0.9614515051266243 -0.8116498574125863 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/60713194_2656171721.jpg notre_dame_front_facade/test/images/94098462_7321392130.jpg 0 0 525.662 0.0 319.5 0.0 525.662 212.5 0.0 0.0 1.0 515.113 0.0 319.5 0.0 515.113 211.5 0.0 0.0 1.0 0.9992283741035504 0.002698037812526569 0.03918388671810568 -0.8714559495709392 0.0013284339318335287 0.9947454642127139 -0.1023703897204697 0.26748837807335746 -0.039254192765409424 0.10234345128142915 0.9939743086871721 1.4414464801384252 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/90399956_55117568.jpg notre_dame_front_facade/test/images/88668272_2557713073.jpg 0 0 284.825 0.0 213.5 0.0 284.825 319.5 0.0 0.0 1.0 552.97 0.0 168.5 0.0 552.97 224.5 0.0 0.0 1.0 0.9870165414284957 -0.09224700194292108 0.1314870243753094 -0.14456195891757445 0.08882760120625374 0.9955440214009423 0.031650572139888124 -0.39613540187938523 -0.1338207913983221 -0.01955996128273859 0.990812496744033 0.34587096835433195 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/11918894_425039935.jpg notre_dame_front_facade/test/images/20956942_2106154790.jpg 0 0 1858.52 0.0 319.5 0.0 1858.52 239.5 0.0 0.0 1.0 773.542 0.0 319.5 0.0 773.542 275.5 0.0 0.0 1.0 0.9903201428354078 -0.11175074474776157 0.08232730860885865 -0.39258797176172977 0.028916994230712353 0.7462197637424531 0.6650713282384216 -5.559068056808007 -0.1357564810206812 -0.6562528744687356 0.7422279586571794 -5.122790948266079 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/00504662_7553416128.jpg notre_dame_front_facade/test/images/84557583_2821153446.jpg 0 0 647.636 0.0 239.5 0.0 647.636 319.5 0.0 0.0 1.0 1702.85 0.0 319.5 0.0 1702.85 239.5 0.0 0.0 1.0 0.9925787512545944 0.06758771282381562 0.10109067035644528 0.0944140182808892 -0.06802864610889292 0.9976829470244333 0.0009168016323705716 0.4468436894376455 -0.10079447339244878 -0.0077870592579959335 0.9948767943025164 1.2677869259838612 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/08090503_170650847.jpg notre_dame_front_facade/test/images/70690360_2494937213.jpg 0 0 3257.44 0.0 239.5 0.0 3257.44 319.5 0.0 0.0 1.0 562.188 0.0 187.0 0.0 562.188 249.5 0.0 0.0 1.0 0.9692705166892439 -0.01514428353527267 -0.24553068271230216 2.329640615050995 0.11186335113467626 0.9160723704685239 0.3850947970787189 -3.612807918894169 0.21909188974009522 -0.40072691791341253 0.8896160301555558 -6.642128366824631 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/26229574_20742004.jpg notre_dame_front_facade/test/images/60062345_10045738.jpg 0 0 479.354 0.0 249.5 0.0 479.354 187.0 0.0 0.0 1.0 678.814 0.0 239.5 0.0 678.814 319.5 0.0 0.0 1.0 0.9559954284621854 0.13416129632977086 0.26090896367606514 -0.5288296872422771 -0.09302211893192384 0.9820426269596934 -0.1641315454856856 0.8087296464084694 -0.2782438249967425 0.1326387025012687 0.951308229991711 3.080805133047399 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/35184160_219996854.jpg notre_dame_front_facade/test/images/02611690_173893259.jpg 0 0 541.484 0.0 187.0 0.0 541.484 249.5 0.0 0.0 1.0 343.22 0.0 130.5 0.0 343.22 174.5 0.0 0.0 1.0 0.7058989497912216 -0.35415696008052683 -0.6134162700077088 0.786336264772366 0.18619526415427856 0.9283480415945692 -0.3217160817771571 0.42762796874662656 0.683401782475118 0.11288383982682436 0.7212622563366138 0.954315227608697 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16248504_5575722639.jpg notre_dame_front_facade/test/images/21382041_8924895915.jpg 0 0 303.539 0.0 211.5 0.0 303.539 319.5 0.0 0.0 1.0 838.043 0.0 239.5 0.0 838.043 319.5 0.0 0.0 1.0 0.9986057396339577 -0.009615512755825199 -0.05190490039060686 -0.03321699525330499 -0.021957674356897366 0.8185066895343719 -0.5740772245302195 0.6208430738755432 0.048004555064625996 0.5744165223093135 0.8171543437999464 2.4365977234741187 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/85808395_9116833255.jpg notre_dame_front_facade/test/images/61417692_9303851232.jpg 0 0 533.422 0.0 319.5 0.0 533.422 213.0 0.0 0.0 1.0 643.682 0.0 289.0 0.0 643.682 319.5 0.0 0.0 1.0 0.894980931633924 0.0584351120639356 0.4422606354738668 -0.658849070185223 -0.22868307294951165 0.9113125740091146 0.34236449085623716 0.04599463139030713 -0.38303157070669985 -0.40754721214965695 0.8289704974913166 0.25223648074852134 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/27925422_3744130638.jpg notre_dame_front_facade/test/images/16936811_3689681321.jpg 0 0 876.403 0.0 239.5 0.0 876.403 319.5 0.0 0.0 1.0 503.368 0.0 212.5 0.0 503.368 319.5 0.0 0.0 1.0 0.999154634375183 0.01836458688182188 0.03677986616689385 0.027680393263901537 -0.014778060099862402 0.9953182552348978 -0.09551533769946925 -0.03399027707007924 -0.03836177193873425 0.0948910572436561 0.9947482403648178 -0.7142780223903304 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/61608835_3806465422.jpg notre_dame_front_facade/test/images/76309603_8305176254.jpg 0 0 577.89 0.0 213.0 0.0 577.89 319.5 0.0 0.0 1.0 484.145 0.0 319.5 0.0 484.145 212.0 0.0 0.0 1.0 0.9915825706875891 -0.03023280322118259 -0.12589671607306535 0.406929069421302 0.10276142943950588 0.775292331602997 0.6231868814225296 -1.8476379025378216 0.07876607218937758 -0.6308785764051413 0.7718731292802465 -1.6410486248331781 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/67306591_4879787713.jpg notre_dame_front_facade/test/images/99239692_3743536843.jpg 0 0 701.749 0.0 239.5 0.0 701.749 319.5 0.0 0.0 1.0 562.649 0.0 187.0 0.0 562.649 249.5 0.0 0.0 1.0 0.9974906064014546 -0.038030939188819196 -0.05971714833509002 0.20435419772802868 0.03217026931066357 0.9948413356120694 -0.09620702017042707 0.06063081828960639 0.06306793094226407 0.09404448214547154 0.9935683526887579 0.33921702886022115 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/85635538_4143473890.jpg notre_dame_front_facade/test/images/97773068_506947032.jpg 0 0 1872.28 0.0 319.5 0.0 1872.28 239.5 0.0 0.0 1.0 919.356 0.0 213.0 0.0 919.356 319.5 0.0 0.0 1.0 0.9830713192776448 -0.09049347046894296 -0.15931639280437346 1.6808479334942 0.10328334675872486 0.9919025565827739 0.07390445539258164 -0.930895145530964 0.15133846667661163 -0.08910808070564445 0.9844574233845406 -6.118474297035979 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/48878579_6144672125.jpg notre_dame_front_facade/test/images/01569849_8047248507.jpg 0 0 1152.32 0.0 239.5 0.0 1152.32 319.5 0.0 0.0 1.0 528.055 0.0 319.5 0.0 528.055 213.0 0.0 0.0 1.0 0.8628558619248513 -0.020005675153044918 -0.5050539916717741 1.494807116217323 0.2311713310406918 0.9042056977469851 0.3591265401871082 -1.1174886200635705 0.44948812803765625 -0.42662844387541554 0.7848239252403337 -1.246797252946694 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/80611845_3920219739.jpg notre_dame_front_facade/test/images/66708604_3288303413.jpg 0 0 692.473 0.0 213.0 0.0 692.473 319.5 0.0 0.0 1.0 740.97 0.0 319.5 0.0 740.97 239.5 0.0 0.0 1.0 0.9782370020168087 0.08073108372260403 0.19114094277820243 -0.021396680781107125 -0.09791084070607461 0.9917948452637008 0.08219764096725234 0.26097035760826326 -0.18293669713153735 -0.0991235442734245 0.9781148643248804 1.1641203239278524 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/27925422_3744130638.jpg notre_dame_front_facade/test/images/20084313_4238584258.jpg 0 0 876.403 0.0 239.5 0.0 876.403 319.5 0.0 0.0 1.0 634.619 0.0 213.0 0.0 634.619 319.5 0.0 0.0 1.0 0.9854233258504698 0.04105363764401746 -0.1650923005654502 0.6049636346471914 0.025687788484524715 0.9234103310392519 0.3829536500057854 -1.0490237607632507 0.1681695762989655 -0.38161231553262664 0.9088955023770626 -1.5860031688437757 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/28423302_8234914327.jpg notre_dame_front_facade/test/images/72214550_1126054905.jpg 0 0 656.289 0.0 239.5 0.0 656.289 319.5 0.0 0.0 1.0 431.766 0.0 319.5 0.0 431.766 239.5 0.0 0.0 1.0 0.8038803923435126 -0.13841805988968983 -0.5784606775762849 0.6081030001743036 0.44759769745243105 0.7812583349743599 0.43507667745855205 0.10668650061483653 0.39170475621432316 -0.608667277524811 0.6899938617332855 0.0874036787973047 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/29281983_5767482367.jpg notre_dame_front_facade/test/images/72214550_1126054905.jpg 0 0 664.297 0.0 239.5 0.0 664.297 319.5 0.0 0.0 1.0 431.766 0.0 319.5 0.0 431.766 239.5 0.0 0.0 1.0 0.5846242019030523 -0.303132041759449 -0.7525460170700307 0.6696928655132227 0.5658731102457393 0.8170556959862308 0.11048806613055524 0.20977689639603847 0.5813795366626114 -0.49043955276384904 0.6492048054618536 0.19453700112696737 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/88668272_2557713073.jpg notre_dame_front_facade/test/images/78529936_5637285314.jpg 0 0 552.97 0.0 168.5 0.0 552.97 224.5 0.0 0.0 1.0 580.444 0.0 319.5 0.0 580.444 213.5 0.0 0.0 1.0 0.9877383155176197 0.04202811623420148 -0.15035510468294552 0.13874711116218602 -0.02391069855009822 0.9924452580109192 0.1203357317943701 0.01911957120574248 0.1542766947833061 -0.1152651174356088 0.9812811290090592 -0.014863102309039311 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/33779601_2412524560.jpg notre_dame_front_facade/test/images/97684963_8291074855.jpg 0 0 1178.29 0.0 202.5 0.0 1178.29 319.5 0.0 0.0 1.0 599.175 0.0 319.5 0.0 599.175 239.5 0.0 0.0 1.0 0.9645266199236794 0.08151304309791942 0.25108568908545675 -1.2729427265809732 -0.12963309447322047 0.9748069665547441 0.18151208988283665 -0.4644614006030047 -0.22996447611728862 -0.20762225738406423 0.950794056545815 -2.720464381138961 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/87453268_2874605638.jpg notre_dame_front_facade/test/images/47104342_7985973355.jpg 0 0 859.782 0.0 212.5 0.0 859.782 319.5 0.0 0.0 1.0 459.867 0.0 319.5 0.0 459.867 239.5 0.0 0.0 1.0 -0.012794593717508717 0.8897530632853207 0.4562628461161306 -1.707614188680639 -0.9988171295621314 0.010034816941197795 -0.0475777694119953 0.13779052389004476 -0.04691098021645069 -0.45633188451317386 0.8885722092839654 -1.6493354831270086 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/02670240_5196986488.jpg notre_dame_front_facade/test/images/48323035_392280377.jpg 0 0 705.055 0.0 237.5 0.0 705.055 319.5 0.0 0.0 1.0 523.158 0.0 319.5 0.0 523.158 239.5 0.0 0.0 1.0 0.9762723398699993 -0.029236416239567103 0.21456362778957486 -0.47123212945739756 -0.14362683070207544 0.6541118518749955 0.7426365320526194 -1.0827494201739702 -0.16206064268425505 -0.755832598663309 0.6343921743611246 -0.6699999956932947 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/54976152_2650219365.jpg notre_dame_front_facade/test/images/91316375_2178414357.jpg 0 0 2084.91 0.0 213.0 0.0 2084.91 319.5 0.0 0.0 1.0 665.749 0.0 319.5 0.0 665.749 239.5 0.0 0.0 1.0 0.9542084564852916 -0.042306231475297516 -0.29613578701385584 2.437077970929594 0.06005527376186867 0.9968865410566886 0.05109391699036169 -0.9461196666578973 0.2930521893201692 -0.06653876342696421 0.9537782799457463 -4.890232405268832 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/03224502_8509869187.jpg notre_dame_front_facade/test/images/64105845_298847718.jpg 0 0 641.298 0.0 319.5 0.0 641.298 213.5 0.0 0.0 1.0 680.938 0.0 165.0 0.0 680.938 249.5 0.0 0.0 1.0 0.9744552142908754 -0.06843265664269571 -0.21390186265235475 0.35012672621342444 0.06382579322188439 0.997557492341431 -0.028378118208810435 0.1438855498479517 0.2153213957341936 0.014000749204913038 0.9764428685595384 0.5106359413292494 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/63136592_197609530.jpg notre_dame_front_facade/test/images/43674862_141833517.jpg 0 0 889.805 0.0 259.5 0.0 889.805 319.5 0.0 0.0 1.0 756.183 0.0 213.0 0.0 756.183 319.5 0.0 0.0 1.0 0.9995248494982306 -0.005105157758394272 -0.030397575557953475 0.1021575972207533 0.002490869000009653 0.9963412617460177 -0.08542766363408606 -0.26608791153693945 0.03072248048521432 0.08531135625821265 0.9958805659747658 -1.3815898203385473 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/11114519_4976973093.jpg notre_dame_front_facade/test/images/93201398_6054202502.jpg 0 0 2357.64 0.0 239.5 0.0 2357.64 319.5 0.0 0.0 1.0 668.116 0.0 319.5 0.0 668.116 255.5 0.0 0.0 1.0 0.9976538903071157 0.01604389835316446 0.06655305012327267 -0.9058502850798119 -0.023656451349800375 0.9930579410424707 0.11522281910291596 -1.2470921532713606 -0.06424241172786115 -0.11652690272259916 0.9911076598822479 -5.549900047531335 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/01927388_3809070796.jpg notre_dame_front_facade/test/images/77334826_5801603259.jpg 0 0 688.527 0.0 319.5 0.0 688.527 239.5 0.0 0.0 1.0 308.198 0.0 211.5 0.0 308.198 319.5 0.0 0.0 1.0 0.993615418916566 0.027548402381482623 0.10940514072695431 -0.24045959566536862 -0.049691920821286734 0.9774631809548442 0.20517417693932283 -0.24765253065694603 -0.10128727608316715 -0.20930077736087244 0.9725914210498603 -1.3782307908379965 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/23110319_2359081668.jpg notre_dame_front_facade/test/images/19454938_7173253342.jpg 0 0 650.731 0.0 319.5 0.0 650.731 239.5 0.0 0.0 1.0 353.538 0.0 319.5 0.0 353.538 211.5 0.0 0.0 1.0 0.9990182829975977 -0.030007023524830742 0.03258908982638604 -0.27813995180755996 0.015035506749087454 0.921655288368196 0.38771827782519563 -1.571109615594375 -0.04167017846530235 -0.3868476547196812 0.9212016545059786 -1.9837365940758194 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/21028773_2254858203.jpg notre_dame_front_facade/test/images/71030258_6660702975.jpg 0 0 708.295 0.0 213.0 0.0 708.295 319.5 0.0 0.0 1.0 381.329 0.0 319.5 0.0 381.329 237.5 0.0 0.0 1.0 0.9970554195076374 -0.001920063221222048 0.07666031429413718 -0.0535574745344705 -0.021226942492790897 0.9537131237575669 0.29996782241599124 -0.15278138491796234 -0.07368790499706944 -0.3007118071007695 0.9508640816264605 -0.29819778333643243 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/76540090_3388723256.jpg notre_dame_front_facade/test/images/52366157_4087324332.jpg 0 0 676.182 0.0 239.5 0.0 676.182 319.5 0.0 0.0 1.0 691.211 0.0 319.5 0.0 691.211 239.5 0.0 0.0 1.0 0.9947934053756485 -0.030625686397226605 -0.09720158411167798 0.3606388816998073 0.04235614392024335 0.991746809821452 0.12101331447894616 -0.4134945435882146 0.09269324513322705 -0.12450033149221501 0.987880372193415 -1.146071743742294 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/94098462_7321392130.jpg notre_dame_front_facade/test/images/66532758_5458132477.jpg 0 0 515.113 0.0 319.5 0.0 515.113 211.5 0.0 0.0 1.0 748.109 0.0 228.0 0.0 748.109 319.5 0.0 0.0 1.0 0.9819342892175582 -0.04975325478144089 -0.18256414022874715 1.4149395427703642 0.06420965378972625 0.9951781579823914 0.074145493692994 -0.3197841065730257 0.1779948651478803 -0.08452838288662182 0.9803941964677069 -1.183276514864463 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/63253229_143438035.jpg notre_dame_front_facade/test/images/26162967_291218280.jpg 0 0 520.078 0.0 187.0 0.0 520.078 249.5 0.0 0.0 1.0 1095.75 0.0 165.0 0.0 1095.75 249.5 0.0 0.0 1.0 0.9604189720997115 0.1003367673756345 0.25986136908655927 -0.5541996928218813 -0.047386501818132525 0.9781276527512277 -0.20253595821190337 0.528671252369468 -0.2744993943096656 0.18220545556042375 0.944166963247309 2.6342855800907916 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/86620018_1656400518.jpg notre_dame_front_facade/test/images/51600076_9763474571.jpg 0 0 622.811 0.0 165.5 0.0 622.811 249.5 0.0 0.0 1.0 454.343 0.0 319.5 0.0 454.343 239.5 0.0 0.0 1.0 0.9985716972283618 0.035213997989752624 0.04018133696191332 0.025019596864028465 -0.050471017372553204 0.8684540681701025 0.49319388467840714 -1.5172207609188215 -0.017528317085463607 -0.49451744744182297 0.8689909391217926 -1.7683475552399852 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/91316375_2178414357.jpg notre_dame_front_facade/test/images/59085967_8112490960.jpg 0 0 665.749 0.0 319.5 0.0 665.749 239.5 0.0 0.0 1.0 944.748 0.0 319.5 0.0 944.748 319.5 0.0 0.0 1.0 0.9962942514613239 0.012627106291907914 0.0850783209273268 -0.10069114014437155 -0.024176481816506105 0.990397024610299 0.13612211932688598 0.06287964082823852 -0.08254248743584423 -0.1376745794609873 0.9870321412893015 0.18735448670459232 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/42430740_6049202742.jpg notre_dame_front_facade/test/images/60710605_5891944796.jpg 0 0 459.25 0.0 319.5 0.0 459.25 239.5 0.0 0.0 1.0 524.269 0.0 319.5 0.0 524.269 179.0 0.0 0.0 1.0 0.9817208564556102 0.14687775557430358 -0.12104166603908839 0.5390395466714696 -0.017093286648432918 0.7014397569546696 0.7125237448077985 -0.3241775817821244 0.1895573252386137 -0.6974304211036605 0.6911286625278634 -0.2313514042059699 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/60021260_328346427.jpg notre_dame_front_facade/test/images/27459823_3045826276.jpg 0 0 600.288 0.0 187.0 0.0 600.288 249.5 0.0 0.0 1.0 442.162 0.0 249.5 0.0 442.162 165.5 0.0 0.0 1.0 0.9211958551959335 0.0808060742406518 0.3806160463454571 -0.9235933354389299 -0.07348678713089736 0.9967249593307966 -0.03374977872816065 0.2086762981286719 -0.3820967004398377 0.003119905901769101 0.9241170800824715 1.2367352500703317 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/18811361_141654097.jpg notre_dame_front_facade/test/images/86877326_2716699476.jpg 0 0 487.423 0.0 319.5 0.0 487.423 179.5 0.0 0.0 1.0 570.15 0.0 213.0 0.0 570.15 319.5 0.0 0.0 1.0 0.9967917941375712 0.07150475108143542 -0.035960947050705766 -0.10306249509256227 -0.07628692285406855 0.712840227626351 -0.6971650559796219 0.4213687510841006 -0.02421620410921364 0.697671756953364 0.716008166858554 2.462973488085921 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/58525912_2163151497.jpg notre_dame_front_facade/test/images/81974946_5100244969.jpg 0 0 672.919 0.0 239.5 0.0 672.919 319.5 0.0 0.0 1.0 697.124 0.0 319.5 0.0 697.124 213.0 0.0 0.0 1.0 0.986854155162469 -0.04018235039907784 -0.156538350428817 0.5532843137270802 0.05663280342990101 0.993161972374437 0.10208830591692757 -0.3783031261352131 0.15136578878412246 -0.10961147451669341 0.9823816583385689 -0.974597042933967 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/24103524_6438819413.jpg notre_dame_front_facade/test/images/89527506_47064183.jpg 0 0 1651.1 0.0 305.5 0.0 1651.1 305.5 0.0 0.0 1.0 486.165 0.0 249.5 0.0 486.165 187.0 0.0 0.0 1.0 0.9747635592743614 -0.04983026701948654 -0.2176073252433043 0.9237666656985064 0.04773000822234899 0.998749128018815 -0.014900523371720566 -0.12945339896164043 0.21807762339559988 0.004138087773762852 0.9759226539043467 -1.5300742108014345 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/78924871_3664776274.jpg notre_dame_front_facade/test/images/89267134_4172331604.jpg 0 0 262.62 0.0 212.5 0.0 262.62 319.5 0.0 0.0 1.0 278.458 0.0 319.5 0.0 278.458 221.0 0.0 0.0 1.0 0.9810861718903696 -0.01803266795541248 -0.19272972321857806 0.261583585105435 0.009306677985833536 0.9988941381575308 -0.046085643094042075 -0.004199596556898527 0.1933476378711876 0.04342031368994553 0.9801690503625885 0.8050847554956195 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/43866772_7750717370.jpg notre_dame_front_facade/test/images/91963349_6452367725.jpg 0 0 440.442 0.0 319.5 0.0 440.442 212.5 0.0 0.0 1.0 516.037 0.0 239.5 0.0 516.037 319.5 0.0 0.0 1.0 0.9960764397846942 -0.015106839360088945 -0.08719810497021542 0.13481074131541138 0.04753325717049694 0.9224555397724127 0.38316623886499973 -0.7846301336755357 0.07464794416868853 -0.3858076730026699 0.9195543071965098 -1.515429037385424 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/88668272_2557713073.jpg notre_dame_front_facade/test/images/20084313_4238584258.jpg 0 0 552.97 0.0 168.5 0.0 552.97 224.5 0.0 0.0 1.0 634.619 0.0 213.0 0.0 634.619 319.5 0.0 0.0 1.0 0.8779197155649202 0.012729376617503594 -0.47863862776978144 0.6228429781517433 0.18118252635428492 0.9164816784896207 0.3566990680345642 0.08745190083361964 0.4432040897445425 -0.3998741001412539 0.8022909938855938 0.1973003611927373 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/55721528_5595678955.jpg notre_dame_front_facade/test/images/40934391_13870812494.jpg 0 0 791.388 0.0 319.5 0.0 791.388 212.0 0.0 0.0 1.0 492.012 0.0 319.5 0.0 492.012 211.5 0.0 0.0 1.0 0.9698514130151763 -0.09031137741990386 -0.22634507235852455 0.3541070358627827 0.057365771161665406 0.9873027883090221 -0.1481295800853354 0.08311451057831198 0.23684890747371726 0.13067922293061757 0.9627177861256935 0.13152048715255926 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/59102103_1305207152.jpg notre_dame_front_facade/test/images/99155510_288146072.jpg 0 0 490.265 0.0 166.0 0.0 490.265 249.5 0.0 0.0 1.0 789.09 0.0 319.5 0.0 789.09 239.5 0.0 0.0 1.0 0.9983348291363712 -0.02502080047548983 -0.05197622992117448 0.06730241153599673 0.01404575244504117 0.979353599718977 -0.2016661685948702 0.02282334745491607 0.0559489568401922 0.20060031470824694 0.9780742446089901 0.17819513208045967 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/60710605_5891944796.jpg notre_dame_front_facade/test/images/85616148_2552007129.jpg 0 0 524.269 0.0 319.5 0.0 524.269 179.0 0.0 0.0 1.0 770.576 0.0 239.5 0.0 770.576 319.5 0.0 0.0 1.0 0.7734563100062393 0.3928041948155959 0.4974637685769725 -0.6573559802105045 -0.04277300320065803 0.8153854905753134 -0.5773360996477286 0.21991934544470582 -0.6324047807446815 0.42526622990137236 0.6474664678550884 1.0413415577861365 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/73100287_2167356662.jpg notre_dame_front_facade/test/images/54869923_2442824829.jpg 0 0 410.944 0.0 166.0 0.0 410.944 249.5 0.0 0.0 1.0 527.475 0.0 239.5 0.0 527.475 319.5 0.0 0.0 1.0 0.9834593559767032 0.050935552388794346 0.17381963250662144 -0.29041723007931597 0.013521362231731686 0.9363228127070268 -0.3508799839942434 0.3626864357032634 -0.18062355301921965 0.34742648129820297 0.9201467123168253 1.2935111699556001 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16926208_509236966.jpg notre_dame_front_facade/test/images/88697814_397500572.jpg 0 0 864.355 0.0 319.5 0.0 864.355 239.5 0.0 0.0 1.0 534.268 0.0 183.0 0.0 534.268 249.5 0.0 0.0 1.0 0.0359781745248227 0.9823223025735668 -0.18370755244253748 0.5911977893822373 -0.9962305628877199 0.04977374825180229 0.07104392692822555 -0.15073149662729396 0.07893184735123235 0.18045904757460202 0.9804102690313833 -0.730708215300363 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/94098462_7321392130.jpg notre_dame_front_facade/test/images/73717439_5873359498.jpg 0 0 515.113 0.0 319.5 0.0 515.113 211.5 0.0 0.0 1.0 529.064 0.0 319.5 0.0 529.064 239.5 0.0 0.0 1.0 0.8845836120225904 -0.09036852068448785 -0.4575427453368314 2.3743814863024237 0.12046255259626606 0.9920295881498437 0.03696037956032684 -0.18072189412202883 0.45055588639264166 -0.0878113130783778 0.8884191389948735 -0.6807617925710205 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/70690360_2494937213.jpg notre_dame_front_facade/test/images/04747376_6924913614.jpg 0 0 562.188 0.0 187.0 0.0 562.188 249.5 0.0 0.0 1.0 1060.77 0.0 213.0 0.0 1060.77 319.5 0.0 0.0 1.0 0.9726329105646523 -0.10974851902613679 -0.2047937593241136 0.2237178431125549 0.006382343308793527 0.8936998589513151 -0.44861991463185 0.025693678921437445 0.23225952505854736 0.43503542922613714 0.8699423477090932 1.424552089877321 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/42430740_6049202742.jpg notre_dame_front_facade/test/images/98283507_7198318944.jpg 0 0 459.25 0.0 319.5 0.0 459.25 239.5 0.0 0.0 1.0 733.699 0.0 239.5 0.0 733.699 319.5 0.0 0.0 1.0 0.9650624490957255 0.0631233051404474 0.25430280708931663 0.07064913945939706 -0.1100367456850495 0.9784520342649541 0.17470984872587217 0.24255214883579979 -0.23779483582366537 -0.19658856780321513 0.9512131995849704 1.080887927477828 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/78924871_3664776274.jpg notre_dame_front_facade/test/images/51049781_8641641044.jpg 0 0 262.62 0.0 212.5 0.0 262.62 319.5 0.0 0.0 1.0 815.628 0.0 239.5 0.0 815.628 319.5 0.0 0.0 1.0 0.8252708720506802 -0.026017547679326437 -0.5641374610478049 0.654536000153714 0.140639326482093 0.976934541424827 0.16068441622548862 0.2672923369211657 0.5469447573488324 -0.2119480808684447 0.8098947113204346 0.8498043833180561 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/32840366_393315242.jpg notre_dame_front_facade/test/images/01569849_8047248507.jpg 0 0 516.713 0.0 319.5 0.0 516.713 213.5 0.0 0.0 1.0 528.055 0.0 319.5 0.0 528.055 213.0 0.0 0.0 1.0 0.893883194752787 -0.0313113502686724 -0.44720513579665383 0.400877520815539 0.1752729503502679 0.9425641937587101 0.284345095824608 -0.46471490110050334 0.4126163193743839 -0.3325542662308596 0.8480303255176616 -0.5721795330783244 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/63136592_197609530.jpg notre_dame_front_facade/test/images/09667369_4323694899.jpg 0 0 889.805 0.0 259.5 0.0 889.805 319.5 0.0 0.0 1.0 406.498 0.0 165.5 0.0 406.498 249.5 0.0 0.0 1.0 0.9497909294449302 -0.0632149688517393 -0.306432795335632 1.114621610509529 0.11681192340191811 0.9802055890058544 0.15984986028405085 -0.9361397121696649 0.2902622347038625 -0.18761895158741237 0.9383746395283494 -1.9525744977892647 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/35960796_2756840211.jpg notre_dame_front_facade/test/images/03224502_8509869187.jpg 0 0 544.223 0.0 187.0 0.0 544.223 249.5 0.0 0.0 1.0 641.298 0.0 319.5 0.0 641.298 213.5 0.0 0.0 1.0 0.981893870093973 0.0176625266316263 0.18860663568620045 -0.1222738692710803 -0.04288232857572974 0.9905221701015323 0.13048730372444012 -0.08250529358917771 -0.18451431859832226 -0.13621257537517684 0.9733450572853692 -0.2037102393710455 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/92967069_3531809918.jpg notre_dame_front_facade/test/images/31906475_13763600313.jpg 0 0 547.756 0.0 249.5 0.0 547.756 187.0 0.0 0.0 1.0 820.415 0.0 265.0 0.0 820.415 319.5 0.0 0.0 1.0 0.995363483212896 0.07551081161905608 0.059578969569152096 -0.0865986306315184 -0.03921416624576842 0.8841856421233932 -0.46548684130541435 0.49255801903109336 -0.08782815865051342 0.4609922641340896 0.8830471940709544 1.775134427546504 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/17052017_6917897836.jpg notre_dame_front_facade/test/images/51575595_2715884125.jpg 0 0 482.741 0.0 213.5 0.0 482.741 319.5 0.0 0.0 1.0 912.594 0.0 213.0 0.0 912.594 319.5 0.0 0.0 1.0 0.9150676877137391 0.09574305653431989 0.39177084376928345 -0.8156136303767787 -0.12148001672682458 0.9917310043685112 0.041378986336962756 0.3627151584662529 -0.38456954174541785 -0.08545690200147764 0.9191318651107844 1.392960369558664 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/67691681_4057682871.jpg notre_dame_front_facade/test/images/92064571_307220044.jpg 0 0 662.741 0.0 239.5 0.0 662.741 319.5 0.0 0.0 1.0 674.607 0.0 213.0 0.0 674.607 319.5 0.0 0.0 1.0 0.9988911871216853 0.04306785817243103 0.01901462287477114 0.012019387135776771 -0.04079742247079162 0.9934316976124489 -0.10690665320075984 0.17206003213652388 -0.02349396965968402 0.10601236612436848 0.9940872253571831 0.7684134141199298 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/95306290_4701287373.jpg notre_dame_front_facade/test/images/48194802_193393602.jpg 0 0 1861.15 0.0 239.5 0.0 1861.15 319.5 0.0 0.0 1.0 744.735 0.0 239.5 0.0 744.735 319.5 0.0 0.0 1.0 0.9094284079408729 -0.022206536090068722 0.4152671917994601 -1.4081945494654589 -0.06374644114758424 0.9793276084022304 0.191973505104702 -0.3843008879983455 -0.41094569236232026 -0.20105796471676501 0.8892127601158258 -0.5980569335579694 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/94554102_147558957.jpg notre_dame_front_facade/test/images/70144772_5112848179.jpg 0 0 547.53 0.0 319.5 0.0 547.53 232.5 0.0 0.0 1.0 458.502 0.0 212.0 0.0 458.502 319.5 0.0 0.0 1.0 0.9995811001790418 0.027926318893205022 -0.007599005061931275 0.004902957053567525 -0.028382924757430945 0.9972344816490033 -0.06868623000614849 -0.013629114890132778 0.005659836311259461 0.06887313934560071 0.9976093709110853 -0.07800740908566828 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/08994755_224674449.jpg notre_dame_front_facade/test/images/83586356_85985164.jpg 0 0 665.565 0.0 319.5 0.0 665.565 239.5 0.0 0.0 1.0 761.7 0.0 187.0 0.0 761.7 249.5 0.0 0.0 1.0 0.988614206310602 -0.02557825068832193 -0.14828251472302384 0.5538410435306905 0.0360372468104559 0.997014983680412 0.06828205590834406 -0.5357618283631475 0.1460933534531284 -0.0728483040878324 0.986584946504023 -1.2647045116418958 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/58743588_542015945.jpg notre_dame_front_facade/test/images/16445294_19140011.jpg 0 0 669.222 0.0 239.5 0.0 669.222 319.5 0.0 0.0 1.0 627.378 0.0 239.5 0.0 627.378 319.5 0.0 0.0 1.0 0.8541513132922561 0.16519496192436028 0.49308838817794437 -1.0116818068130375 -0.13255064792258872 0.9860440212079341 -0.10073486970949311 0.4022173012827974 -0.5028477500560343 0.020683635920596372 0.8641274949153557 1.3379408686493437 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/74055833_422957728.jpg notre_dame_front_facade/test/images/28398273_5904550418.jpg 0 0 662.31 0.0 239.5 0.0 662.31 319.5 0.0 0.0 1.0 432.411 0.0 239.5 0.0 432.411 319.5 0.0 0.0 1.0 0.9688641500687801 -0.0007103420056424123 -0.2475919104610145 0.5100256226488714 0.04534048119641348 0.9835945975532295 0.17460214325425064 -0.47337762768181857 0.24340603829070812 -0.1803916934848587 0.9530017510190036 -0.7714489475531378 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/07103363_8108658953.jpg notre_dame_front_facade/test/images/61128028_158284839.jpg 0 0 987.55 0.0 239.5 0.0 987.55 319.5 0.0 0.0 1.0 908.622 0.0 319.5 0.0 908.622 239.5 0.0 0.0 1.0 0.9999870337438862 -0.0015346796454988644 0.004855625859731274 0.02187051639206694 0.0011623364291428917 0.9971241128633115 0.07577699202646998 -0.027137868953072103 -0.004957955035040856 -0.07577036561176075 0.9971129677107458 -0.06861252955148234 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/42430740_6049202742.jpg notre_dame_front_facade/test/images/72357333_2327691828.jpg 0 0 459.25 0.0 319.5 0.0 459.25 239.5 0.0 0.0 1.0 1291.45 0.0 249.5 0.0 1291.45 249.5 0.0 0.0 1.0 0.9470339392896447 0.08259574351513499 0.3103299228026834 -0.19165358194250942 -0.16373710753053464 0.9555030946488301 0.24536502549068234 0.37703651156459544 -0.27625509488708355 -0.2831815305942304 0.9184178478662299 3.615163019575113 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/92799893_8631875281.jpg notre_dame_front_facade/test/images/43666192_4761714801.jpg 0 0 519.666 0.0 319.5 0.0 519.666 262.5 0.0 0.0 1.0 654.307 0.0 239.5 0.0 654.307 319.5 0.0 0.0 1.0 0.9092976854420374 0.004941556241533641 -0.41611693100817926 2.3401971784527995 0.16036175930902305 0.9185448201046758 0.36133020854916614 0.16730323381367568 0.38400758508272864 -0.39528596544878825 0.8344382422433372 0.40563867041136964 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/31955715_370356740.jpg notre_dame_front_facade/test/images/07103363_8108658953.jpg 0 0 893.023 0.0 249.5 0.0 893.023 188.0 0.0 0.0 1.0 987.55 0.0 239.5 0.0 987.55 319.5 0.0 0.0 1.0 0.997930303267258 -0.03414745832599881 -0.0544890898326647 0.1139388821591201 0.01927140543848423 0.967221923490056 -0.2532002441796252 0.5343284144107051 0.06134918706342888 0.251626115119378 0.9658781369492665 1.7902160165154568 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/76264628_2298518271.jpg notre_dame_front_facade/test/images/24710907_307223581.jpg 0 0 527.718 0.0 319.5 0.0 527.718 239.5 0.0 0.0 1.0 667.982 0.0 319.5 0.0 667.982 213.0 0.0 0.0 1.0 0.9847534325733888 0.06162751859827141 0.16267367945167982 -0.08779834409952614 0.019072998062769825 0.8912539875314863 -0.4531032448064376 0.2834055595617113 -0.17290719412397434 0.44929765040632547 0.8764900019735135 1.6574306486952732 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16926208_509236966.jpg notre_dame_front_facade/test/images/94098462_7321392130.jpg 0 0 864.355 0.0 319.5 0.0 864.355 239.5 0.0 0.0 1.0 515.113 0.0 319.5 0.0 515.113 211.5 0.0 0.0 1.0 -0.054605322171966925 0.9773224581547781 0.20459489626282898 -1.2655568906630683 -0.9984767723967611 -0.051824154246635945 -0.018931244564676646 0.2070270540847874 -0.007898973011879773 -0.20531699837793016 0.9786636482481785 1.061372474301959 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/24710907_307223581.jpg notre_dame_front_facade/test/images/45459434_6823683093.jpg 0 0 667.982 0.0 319.5 0.0 667.982 213.0 0.0 0.0 1.0 722.12 0.0 319.5 0.0 722.12 319.5 0.0 0.0 1.0 0.9857619587104715 -0.018359110420077023 -0.1671415682105393 0.39707140197755497 0.03719923430399839 0.9932022455478714 0.11029739981460167 -0.018616244955776497 0.1639804187288567 -0.11494451923971527 0.9797439358170379 -0.10975808021698699 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/86709056_2624498473.jpg notre_dame_front_facade/test/images/62734641_225878925.jpg 0 0 528.258 0.0 239.5 0.0 528.258 319.5 0.0 0.0 1.0 1220.35 0.0 187.0 0.0 1220.35 249.5 0.0 0.0 1.0 0.9643353165522712 0.05504222792303048 0.25889718112660204 -0.6236910799042787 -0.025223383997430286 0.9927974298174843 -0.11711978589254624 0.364033438939758 -0.26347898995887625 0.1064124827878142 0.9587779750063014 5.85478718205574 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/66556628_3153467175.jpg notre_dame_front_facade/test/images/19969696_3085995005.jpg 0 0 659.486 0.0 319.5 0.0 659.486 239.5 0.0 0.0 1.0 1261.33 0.0 319.5 0.0 1261.33 239.5 0.0 0.0 1.0 0.9475045174188091 -0.10627363805944383 -0.3015644264905261 0.3314939115202209 0.07202930668914499 0.9898491584433748 -0.1225170294564146 0.2979848078241586 0.31152362422267543 0.09436396230846388 0.9455413656570589 1.8715387881422536 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/02611690_173893259.jpg notre_dame_front_facade/test/images/88264143_2551880831.jpg 0 0 343.22 0.0 130.5 0.0 343.22 174.5 0.0 0.0 1.0 688.704 0.0 239.5 0.0 688.704 319.5 0.0 0.0 1.0 0.8312880321666459 0.18941489752765597 0.5225726783626303 -0.9717723639618061 -0.1176030603570453 0.9787978860736458 -0.16770276805234788 0.14847801285462497 -0.5432584355269257 0.07795315780871251 0.8359387402295023 0.5210902313889745 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/84046481_8129096.jpg notre_dame_front_facade/test/images/88697814_397500572.jpg 0 0 528.081 0.0 249.5 0.0 528.081 187.0 0.0 0.0 1.0 534.268 0.0 183.0 0.0 534.268 249.5 0.0 0.0 1.0 0.8550192589826684 -0.12606133953491347 -0.5030413555995096 0.6735410392874572 0.10538634872113074 0.9920019096983358 -0.06946890425278641 0.372512927817976 0.5077753285380822 0.006383559314195052 0.8614658820281421 1.086230414609973 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/78771774_3535210759.jpg notre_dame_front_facade/test/images/20084313_4238584258.jpg 0 0 498.975 0.0 212.5 0.0 498.975 319.5 0.0 0.0 1.0 634.619 0.0 213.0 0.0 634.619 319.5 0.0 0.0 1.0 0.6817306718382812 -0.1551257040477933 -0.7149680461521356 1.4200132207726057 0.3247942149721041 0.9398510301124432 0.10577693093124708 0.1383251177225524 0.655554733790841 -0.30432886346887245 0.6911092054546546 0.3778998405123628 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/48323035_392280377.jpg notre_dame_front_facade/test/images/74585657_2877011526.jpg 0 0 523.158 0.0 319.5 0.0 523.158 239.5 0.0 0.0 1.0 1451.95 0.0 319.5 0.0 1451.95 212.5 0.0 0.0 1.0 0.8820836069392874 -0.33905132424720874 -0.32706682787343416 0.1894846234344849 0.1727849312457823 0.8787340623934137 -0.4449402376993547 0.4183249030090419 0.43826233913418433 0.33596227037538345 0.8336998710452406 0.6729071388839019 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/07705674_1304394874.jpg notre_dame_front_facade/test/images/64910807_2663494883.jpg 0 0 825.019 0.0 239.5 0.0 825.019 319.5 0.0 0.0 1.0 744.149 0.0 239.5 0.0 744.149 319.5 0.0 0.0 1.0 0.9997816632845683 -0.0032447944715753374 0.020642118805481252 -0.09891350254264686 0.003174175233291739 0.9999890007494107 0.00345296854661101 -0.052917757999646195 -0.020653095930894413 -0.0033866929345249624 0.9997809659817677 -0.19952935995192803 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/80749661_7180275066.jpg notre_dame_front_facade/test/images/30419716_2588385795.jpg 0 0 744.53 0.0 239.5 0.0 744.53 319.5 0.0 0.0 1.0 569.144 0.0 249.5 0.0 569.144 187.0 0.0 0.0 1.0 0.9537440913311366 -0.19682747325941669 -0.22722489745020868 0.816514446041517 0.2497822919612599 0.9394370025330482 0.23466342896646952 -0.552748924369144 0.1672752667716427 -0.28056561450404954 0.9451465077354099 -0.665297399822289 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/66615705_4179549738.jpg notre_dame_front_facade/test/images/14726037_8034366725.jpg 0 0 738.007 0.0 239.5 0.0 738.007 319.5 0.0 0.0 1.0 626.047 0.0 319.5 0.0 626.047 239.5 0.0 0.0 1.0 0.9995135075530166 -0.028539643740664998 -0.012579227091579779 -0.34504701046836844 0.030789967904521046 0.8386102026857534 0.5438611089495168 -1.3053294218271605 -0.004972534112922342 -0.5439838386262184 0.8390809598709652 -1.2318097198681006 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/77664805_1165807524.jpg notre_dame_front_facade/test/images/20084313_4238584258.jpg 0 0 735.025 0.0 239.5 0.0 735.025 319.5 0.0 0.0 1.0 634.619 0.0 213.0 0.0 634.619 319.5 0.0 0.0 1.0 0.7983887391280502 -0.08296191377043 -0.5963998173181061 1.6558024278053485 0.25553570517172336 0.9435315242424819 0.21083113181655375 -0.3860176812225268 0.5452310745142033 -0.32072664938262724 0.7745046751052448 -0.46457226783935107 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/98282583_3572009571.jpg notre_dame_front_facade/test/images/48878579_6144672125.jpg 0 0 660.309 0.0 239.5 0.0 660.309 319.5 0.0 0.0 1.0 1152.32 0.0 239.5 0.0 1152.32 319.5 0.0 0.0 1.0 0.9728774472590063 -0.05917547354818375 -0.22362409518016577 0.4644928427655579 -0.020342018910154115 0.9410946701044226 -0.33753077514162605 0.5876520713322386 0.23042498753706936 0.33292504446405974 0.9143660316783129 2.2256006793000584 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/31955715_370356740.jpg notre_dame_front_facade/test/images/67484798_514709769.jpg 0 0 893.023 0.0 249.5 0.0 893.023 188.0 0.0 0.0 1.0 753.349 0.0 319.5 0.0 753.349 239.5 0.0 0.0 1.0 0.9981424610520819 0.003863575480887582 0.06080049530551665 -0.04475192039303996 -0.0036165536995727238 0.9999847559130611 -0.004172347161216095 0.3638310740626733 -0.06081568863567005 0.00394470860762695 0.9981412181098276 0.6287614397926222 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/93201398_6054202502.jpg notre_dame_front_facade/test/images/31731830_3056005968.jpg 0 0 668.116 0.0 319.5 0.0 668.116 255.5 0.0 0.0 1.0 692.226 0.0 319.5 0.0 692.226 239.5 0.0 0.0 1.0 0.982221424776656 -0.04525025849107485 -0.18219079783624384 0.8920143311752344 0.0802974344861829 0.9785212758209944 0.18986425356182834 -0.33856365462372534 0.16968616538967846 -0.2011181913008965 0.964758041377838 -0.7654032524896035 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/48323035_392280377.jpg notre_dame_front_facade/test/images/48878579_6144672125.jpg 0 0 523.158 0.0 319.5 0.0 523.158 239.5 0.0 0.0 1.0 1152.32 0.0 239.5 0.0 1152.32 319.5 0.0 0.0 1.0 0.9839707112562979 0.15875678887571315 0.0812275899903949 -0.056339823029518454 -0.06358731284164919 0.7378954807781108 -0.6719128761177439 0.7269330919091628 -0.1666082021851076 0.6559775464397488 0.7361624586540211 2.866165710327421 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16588250_2425068783.jpg notre_dame_front_facade/test/images/55678768_1001564500.jpg 0 0 727.948 0.0 239.5 0.0 727.948 319.5 0.0 0.0 1.0 672.4 0.0 319.5 0.0 672.4 239.5 0.0 0.0 1.0 0.9377937451371751 0.15658148163258973 -0.3098792203283952 0.9369088176617291 0.08039534162048795 0.7703348498090901 0.6325510321036018 -1.310437116713018 0.337756540465638 -0.6181152471662139 0.7098267821048556 -0.6754039644205407 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/04785646_8607050988.jpg notre_dame_front_facade/test/images/27335203_487553664.jpg 0 0 1561.94 0.0 213.0 0.0 1561.94 319.5 0.0 0.0 1.0 798.785 0.0 319.5 0.0 798.785 239.5 0.0 0.0 1.0 0.7678860271359409 -0.06363188122602519 -0.6374182559521009 2.7158412388202793 0.4400824659225312 0.7754664176642616 0.4527463509101991 -1.890946874639662 0.465487349470343 -0.6281741946041671 0.6234731018387887 -1.2948113925434543 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/73783180_6254295715.jpg notre_dame_front_facade/test/images/87736245_2352767121.jpg 0 0 510.796 0.0 319.5 0.0 510.796 239.5 0.0 0.0 1.0 693.522 0.0 239.5 0.0 693.522 319.5 0.0 0.0 1.0 0.9790719465013374 0.016295191041455163 -0.2028610123286502 0.6740275955178252 0.031701971936854124 0.9724099356077597 0.23111447835786358 -0.4413305231511395 0.20103011851311528 -0.23270879631039948 0.9515426987636277 -1.2870476920497804 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/73783180_6254295715.jpg notre_dame_front_facade/test/images/08994755_224674449.jpg 0 0 510.796 0.0 319.5 0.0 510.796 239.5 0.0 0.0 1.0 665.565 0.0 319.5 0.0 665.565 239.5 0.0 0.0 1.0 0.9932060222179696 -0.01850983015686757 -0.1148877000271221 0.3559789466699015 0.03602566398028542 0.9876750770074901 0.15231577000766505 0.03649419225093786 0.1106523789384468 -0.15541984572702508 0.9816316633999997 0.08523492631411045 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/09939185_8343101195.jpg notre_dame_front_facade/test/images/83586356_85985164.jpg 0 0 612.367 0.0 319.5 0.0 612.367 239.5 0.0 0.0 1.0 761.7 0.0 187.0 0.0 761.7 249.5 0.0 0.0 1.0 0.9987950073912308 -0.03620512886310753 -0.0331318857651801 0.045079735744081056 0.028473035351641675 0.9773582410561521 -0.2096667710856643 -0.0034715195934924004 0.03997273405979791 0.208470758821543 0.97721140151359 0.7374416499544748 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/06285764_3594606656.jpg notre_dame_front_facade/test/images/56616850_528528947.jpg 0 0 624.925 0.0 239.5 0.0 624.925 319.5 0.0 0.0 1.0 698.333 0.0 239.5 0.0 698.333 319.5 0.0 0.0 1.0 0.944505241654251 0.044399946310458585 0.3254819399832704 -0.8546023855051639 -0.05660059117887692 0.9980011841452298 0.028107108049763276 -0.07164849649756479 -0.32358340743283864 -0.04496978110184459 0.9451304128118011 -0.1938571385404522 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/05852089_7355180390.jpg notre_dame_front_facade/test/images/58743588_542015945.jpg 0 0 678.861 0.0 319.5 0.0 678.861 239.5 0.0 0.0 1.0 669.222 0.0 239.5 0.0 669.222 319.5 0.0 0.0 1.0 0.9654620783425695 -0.1852244830714471 -0.18323445678518396 0.27338117211824775 0.17018481337490576 0.9808423601595664 -0.09479131718232303 -0.1679010487622225 0.1972817897804932 0.06033370026383654 0.9784884976500637 -0.18687045297240756 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/36982333_6368134453.jpg notre_dame_front_facade/test/images/10271797_13991878773.jpg 0 0 761.713 0.0 239.5 0.0 761.713 319.5 0.0 0.0 1.0 483.005 0.0 319.5 0.0 483.005 239.5 0.0 0.0 1.0 0.9997475205346887 0.007353397148457472 -0.021232586632786783 0.05494366930512601 -0.012484866031116242 0.9674358356153235 -0.25280829117627035 -0.052828298485173564 0.01868216542392283 0.25300954827369243 0.9672833841110966 -1.1049748746847157 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/73100287_2167356662.jpg notre_dame_front_facade/test/images/99155510_288146072.jpg 0 0 410.944 0.0 166.0 0.0 410.944 249.5 0.0 0.0 1.0 789.09 0.0 319.5 0.0 789.09 239.5 0.0 0.0 1.0 0.9990185841879738 -0.04385946776851609 -0.006181871409136467 -0.16860694720145997 0.038906316404990184 0.9356415176640903 -0.350800867967901 0.6576825709427685 0.021169954909054337 0.3502160726041858 0.9364296746146227 2.518618504482156 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/79303999_2708557564.jpg notre_dame_front_facade/test/images/14726037_8034366725.jpg 0 0 514.539 0.0 319.5 0.0 514.539 212.5 0.0 0.0 1.0 626.047 0.0 319.5 0.0 626.047 239.5 0.0 0.0 1.0 0.9958222209520805 0.022934169091969957 -0.08838624410012369 0.24867685426014347 0.031233066349755166 0.8240149115195872 0.5657065680719628 -1.3007386067103044 0.08580559320031249 -0.5661037444509862 0.8198560548621415 -1.1541911297797314 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/81875745_5270921683.jpg notre_dame_front_facade/test/images/89810148_5254985106.jpg 0 0 785.224 0.0 319.5 0.0 785.224 214.5 0.0 0.0 1.0 782.364 0.0 211.5 0.0 782.364 319.5 0.0 0.0 1.0 0.807172575823029 -0.5044397862561337 -0.30661528807462035 1.4314186024881548 0.5330746903201025 0.8459897463434024 0.0115205738551901 -0.019167662304506256 0.2535819539701972 -0.1727479410114405 0.9517638055195021 -0.17280385237047313 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/68906626_8236091211.jpg notre_dame_front_facade/test/images/92796397_10905257324.jpg 0 0 595.075 0.0 319.5 0.0 595.075 239.5 0.0 0.0 1.0 747.301 0.0 239.5 0.0 747.301 319.5 0.0 0.0 1.0 0.9536099795781199 0.1925722596526943 0.23139561720411497 -0.2066848471227824 -0.06332061560049423 0.8797525379196459 -0.4711963196629578 0.6722336140554187 -0.2943102215163321 0.4346853998424576 0.8511345937481394 2.0738412224349245 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/12023672_2650236061.jpg notre_dame_front_facade/test/images/48541802_2699303896.jpg 0 0 848.099 0.0 213.0 0.0 848.099 319.5 0.0 0.0 1.0 606.303 0.0 239.5 0.0 606.303 319.5 0.0 0.0 1.0 0.966552164656272 0.12307597656653718 0.22500937089478734 -0.7860948821614737 -0.10760320080845659 0.990983822904488 -0.0798286534859563 -0.3126537153072266 -0.23280563604442595 0.052946829308270216 0.971080928188867 -1.6168158452943104 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/47652016_4207375505.jpg notre_dame_front_facade/test/images/86200490_476468804.jpg 0 0 530.142 0.0 213.5 0.0 530.142 319.5 0.0 0.0 1.0 254.811 0.0 319.5 0.0 254.811 222.0 0.0 0.0 1.0 0.9911887791989714 0.046031311728126384 0.12420113659158162 -0.3287277533674666 -0.04265644670492015 0.9986483205243658 -0.02969780241657725 -0.05428325341317623 -0.12540028526507815 0.02413814935847017 0.9918125418651376 -0.778498802450893 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/17355996_7160680080.jpg notre_dame_front_facade/test/images/97773068_506947032.jpg 0 0 592.885 0.0 207.5 0.0 592.885 319.5 0.0 0.0 1.0 919.356 0.0 213.0 0.0 919.356 319.5 0.0 0.0 1.0 0.9883730671141085 -0.13977858039586952 -0.059838354472405646 0.38259341417088183 0.1340258503514762 0.9867661841464095 -0.0912664739249751 0.0735896202076423 0.07180356287130568 0.08218543841612025 0.9940270630477506 -0.16424945897102572 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/35249264_6310946396.jpg notre_dame_front_facade/test/images/01434393_2942710887.jpg 0 0 1037.12 0.0 319.5 0.0 1037.12 239.5 0.0 0.0 1.0 715.702 0.0 239.5 0.0 715.702 319.5 0.0 0.0 1.0 0.9828558739166304 -0.014841843742593338 -0.18377717698859333 0.36839014943484094 0.011888636678192899 0.9997820571453011 -0.017160959420833004 0.2015576957957384 0.18399182434420894 0.014681889681849332 0.9828181167896018 0.6696286381147996 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/43666192_4761714801.jpg notre_dame_front_facade/test/images/78165838_2796390716.jpg 0 0 654.307 0.0 239.5 0.0 654.307 319.5 0.0 0.0 1.0 697.682 0.0 239.5 0.0 697.682 319.5 0.0 0.0 1.0 0.724246567851321 0.22183397819015171 0.6528832936106674 -1.111701993269206 0.09508820801537171 0.9056606256887725 -0.41320341694309193 -0.07725343233189091 -0.6829532499754335 0.36134265897808504 0.634827804330151 0.3496245774980451 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/91963349_6452367725.jpg notre_dame_front_facade/test/images/70950675_2625630826.jpg 0 0 516.037 0.0 239.5 0.0 516.037 319.5 0.0 0.0 1.0 511.931 0.0 319.5 0.0 511.931 239.5 0.0 0.0 1.0 0.9962096004352995 -0.06852932149511749 -0.05357391245708707 0.060587407890465794 0.08037765069595523 0.9606805398275522 0.2657674428240635 -0.164926984671798 0.03325455260772295 -0.269066223246363 0.962547402593139 -0.25093958515499615 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/92796397_10905257324.jpg notre_dame_front_facade/test/images/61900107_5317613163.jpg 0 0 747.301 0.0 239.5 0.0 747.301 319.5 0.0 0.0 1.0 537.046 0.0 319.5 0.0 537.046 239.5 0.0 0.0 1.0 0.89173605393458 0.006866365730056079 -0.4525037714040015 1.3555209850007635 0.3185409794096015 0.700722762941992 0.6383723474052685 -1.9819381297475103 0.32146299094912245 -0.7134006325456983 0.6226725326633914 -0.8290024793408742 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16199404_86872664.jpg notre_dame_front_facade/test/images/35136042_91813767.jpg 0 0 719.163 0.0 239.5 0.0 719.163 319.5 0.0 0.0 1.0 763.496 0.0 319.5 0.0 763.496 239.5 0.0 0.0 1.0 0.9930387216014328 -0.04728531310160533 0.10788047351154431 -0.1886453819183696 -0.0041819487468471445 0.9011529900856609 0.43348102584121373 -0.4667410159713128 -0.117714097307292 -0.4309145943508475 0.894682068486104 -0.30408047481541467 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/97258672_6764851771.jpg notre_dame_front_facade/test/images/41995021_5921639869.jpg 0 0 523.368 0.0 319.5 0.0 523.368 239.5 0.0 0.0 1.0 540.721 0.0 319.5 0.0 540.721 239.5 0.0 0.0 1.0 0.9963034504639746 -0.017688359998830755 0.08406281290874128 -0.30850195047680046 -0.024964348343135788 0.876720018112958 0.48035277781211755 -1.1167620172292896 -0.08219620371635696 -0.4806757033183255 0.8730376007561486 -1.1442768115793274 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/94185952_3045662541.jpg notre_dame_front_facade/test/images/79222984_9062375931.jpg 0 0 640.582 0.0 239.5 0.0 640.582 319.5 0.0 0.0 1.0 604.588 0.0 239.5 0.0 604.588 319.5 0.0 0.0 1.0 0.8266179799616961 0.29019602415150164 0.4821711135797189 -0.785071119903086 -0.45880428734934053 0.8436653518727183 0.27879634136650006 -0.3534710826244608 -0.325885472388551 -0.4516802426674685 0.8305321289811416 -0.2766200025582951 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/35960796_2756840211.jpg notre_dame_front_facade/test/images/68816036_11955201904.jpg 0 0 544.223 0.0 187.0 0.0 544.223 249.5 0.0 0.0 1.0 838.493 0.0 319.5 0.0 838.493 319.5 0.0 0.0 1.0 0.9811823599178521 0.009113118498216352 0.19286816133636997 -0.561227909953096 -0.04268015247523228 0.9844132219758881 0.17061363657029754 -0.2401346222377796 -0.18830714583022473 -0.17563473309766528 0.9662778375596671 -0.671320391965184 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/58668083_4179544564.jpg notre_dame_front_facade/test/images/79553233_156495686.jpg 0 0 681.176 0.0 239.5 0.0 681.176 319.5 0.0 0.0 1.0 1426.95 0.0 239.5 0.0 1426.95 319.5 0.0 0.0 1.0 0.9732357441976652 0.060973132908427596 0.22157270427412293 -0.5574490556748275 -0.03564170636453259 0.9925417566055825 -0.11657842922997866 0.2616763392546191 -0.22702831317578245 0.10556106506489944 0.9681503016365397 3.826439775015006 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/82822071_3748336563.jpg notre_dame_front_facade/test/images/34722769_6860824250.jpg 0 0 714.694 0.0 239.5 0.0 714.694 319.5 0.0 0.0 1.0 575.935 0.0 239.5 0.0 575.935 319.5 0.0 0.0 1.0 0.9938265004699848 -0.08302421915825058 0.07359256753739549 -0.14100625400241873 0.07853699389161738 0.9949871742068035 0.061906895855214646 -0.14619084132912374 -0.0783634325055468 -0.0557449746355949 0.9953650939473544 -0.37964710948443925 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/83116416_6588657413.jpg notre_dame_front_facade/test/images/68199511_6932972308.jpg 0 0 1955.44 0.0 239.5 0.0 1955.44 319.5 0.0 0.0 1.0 688.798 0.0 213.0 0.0 688.798 319.5 0.0 0.0 1.0 0.9742155900579351 -0.00824994885909802 -0.22546822931821547 2.6711335128616516 0.051030527340071595 0.9814913131980306 0.1845824677378634 -1.9533626217518592 0.21977231255884655 -0.19132888036213316 0.9566051380647654 -8.274737962468105 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/87759689_2253451275.jpg notre_dame_front_facade/test/images/28398273_5904550418.jpg 0 0 523.045 0.0 319.5 0.0 523.045 213.0 0.0 0.0 1.0 432.411 0.0 239.5 0.0 432.411 319.5 0.0 0.0 1.0 0.9358498332566305 -0.0012523202805762215 -0.35239682360579244 0.6252727435429767 0.05827627935825527 0.9867753227268792 0.15125586838672297 -0.4366872037011525 0.3475470685499962 -0.1620891549462145 0.9235465018022243 -0.6850347475835737 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/74055833_422957728.jpg notre_dame_front_facade/test/images/43866772_7750717370.jpg 0 0 662.31 0.0 239.5 0.0 662.31 319.5 0.0 0.0 1.0 440.442 0.0 319.5 0.0 440.442 212.5 0.0 0.0 1.0 0.981923310856661 0.0399605681550353 0.1850128768194791 -0.28977305079407056 0.011996445968471556 0.9623562069343704 -0.27152645590994745 0.030496178419560954 -0.18889864181729446 0.2688376535525071 0.9444806081397138 1.0256304115099408 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/08090503_170650847.jpg notre_dame_front_facade/test/images/89810148_5254985106.jpg 0 0 3257.44 0.0 239.5 0.0 3257.44 319.5 0.0 0.0 1.0 782.364 0.0 211.5 0.0 782.364 319.5 0.0 0.0 1.0 0.918915553160799 -0.02527658492045407 -0.3936436210761476 3.7682086831989126 0.07755227461956007 0.9900443401201003 0.11746424689022465 -1.1426827638117547 0.3867555440591834 -0.13846768161168294 0.9117273991103758 -5.046357178026586 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/85791643_379742998.jpg notre_dame_front_facade/test/images/73717439_5873359498.jpg 0 0 792.408 0.0 249.5 0.0 792.408 238.5 0.0 0.0 1.0 529.064 0.0 319.5 0.0 529.064 239.5 0.0 0.0 1.0 0.9717401944343448 -0.05145767164653541 -0.23037600254674703 0.599128376248844 0.04572684663513733 0.9984988928665762 -0.030149899519374558 -0.03269907888608593 0.23158162711559846 0.01876350108426188 0.9726345053562272 -0.23130080906029424 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/10570085_9512778760.jpg notre_dame_front_facade/test/images/92064571_307220044.jpg 0 0 532.423 0.0 319.5 0.0 532.423 239.5 0.0 0.0 1.0 674.607 0.0 213.0 0.0 674.607 319.5 0.0 0.0 1.0 0.992446945784485 0.02249715759074333 0.12059410310369674 -0.23856172466387626 -0.007811722668655738 0.9926350452415532 -0.12089104163356179 0.21943582166024342 -0.1224256378051419 0.11903589735301205 0.9853133604845554 0.9736610776462499 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/90581608_3777244265.jpg notre_dame_front_facade/test/images/65265933_1398358926.jpg 0 0 508.089 0.0 239.5 0.0 508.089 319.5 0.0 0.0 1.0 902.934 0.0 319.5 0.0 902.934 239.5 0.0 0.0 1.0 0.9994158696894667 -0.02241884616797233 0.025793695922525728 -0.07797564696400489 0.01992127677832954 0.9954373943244319 0.09331418280254565 0.05202456746312072 -0.027768005768656106 -0.09274583180435933 0.9953025412097316 0.2168213175168984 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/48909735_2476148825.jpg notre_dame_front_facade/test/images/09939185_8343101195.jpg 0 0 864.988 0.0 319.5 0.0 864.988 179.5 0.0 0.0 1.0 612.367 0.0 319.5 0.0 612.367 239.5 0.0 0.0 1.0 0.9733180139365954 -0.012249896363764945 0.22913311368197825 -0.42224432917063015 -0.0891686484897153 0.8998997095852086 0.4268834323500675 -0.13060889571286832 -0.21142610026446343 -0.43592482462866694 0.8747962913726983 -0.44278718847549303 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/00428654_11477382116.jpg notre_dame_front_facade/test/images/69189455_2043939797.jpg 0 0 565.607 0.0 319.5 0.0 565.607 239.5 0.0 0.0 1.0 572.409 0.0 187.0 0.0 572.409 249.5 0.0 0.0 1.0 0.8037883124122452 -0.3143204307435407 -0.5051009954916639 0.9687952175235947 0.12875496183772106 0.9208182349154868 -0.3681248946340011 0.4811708353679254 0.5808153825714689 0.23086022841607537 0.7806132501463423 1.486320777082068 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/36077348_6211893193.jpg notre_dame_front_facade/test/images/06285764_3594606656.jpg 0 0 634.572 0.0 319.5 0.0 634.572 179.0 0.0 0.0 1.0 624.925 0.0 239.5 0.0 624.925 319.5 0.0 0.0 1.0 0.9216275952332268 -0.05081470542356928 -0.3847342477832392 1.2758558855753184 0.04749400503726509 0.998706881971101 -0.018135142378316278 -0.12301871727210106 0.3851582729088645 -0.001558722642885741 0.9228492158492542 -0.5517038955929066 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/97258672_6764851771.jpg notre_dame_front_facade/test/images/41918897_501355398.jpg 0 0 523.368 0.0 319.5 0.0 523.368 239.5 0.0 0.0 1.0 839.863 0.0 212.5 0.0 839.863 319.5 0.0 0.0 1.0 0.9243115786525189 0.031563699938088975 0.3803312219830322 -1.059310757266597 -0.04041270363074969 0.9990658994348771 0.015301698325137378 -0.02713339154097602 -0.3794929761591661 -0.029513749890493463 0.9247237531356377 0.18030986706648405 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/74173316_2707741529.jpg notre_dame_front_facade/test/images/76022149_7552328104.jpg 0 0 1468.12 0.0 319.5 0.0 1468.12 212.5 0.0 0.0 1.0 963.011 0.0 305.5 0.0 963.011 305.5 0.0 0.0 1.0 0.9984606896978184 0.024345849352006097 0.04983503534147608 -0.029611167645680336 -0.032148851814422286 0.9862146108386133 0.16231818350221028 -0.030789084632212527 -0.04519626594278628 -0.16367046461647353 0.9854792116311013 0.11175466775019183 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/49984163_4144073459.jpg notre_dame_front_facade/test/images/17253180_3321954648.jpg 0 0 699.426 0.0 239.5 0.0 699.426 319.5 0.0 0.0 1.0 2056.32 0.0 319.5 0.0 2056.32 213.0 0.0 0.0 1.0 0.9549845783917081 0.04164510496937704 0.2937177901763891 -0.6780323568743014 -0.010734115852900189 0.9942999399802814 -0.10607736851970588 0.6054016911984792 -0.29646118429040297 0.09814945026488198 0.9499881323584171 2.518993807530589 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/67306591_4879787713.jpg notre_dame_front_facade/test/images/28728133_5678761883.jpg 0 0 701.749 0.0 239.5 0.0 701.749 319.5 0.0 0.0 1.0 716.376 0.0 319.5 0.0 716.376 239.5 0.0 0.0 1.0 0.9985589074490803 0.00450375081039362 -0.0534773277449168 0.05925731594054426 0.011404034455203733 0.9559072808402179 0.2934471305615462 -0.5988252063306628 0.05244097970331881 -0.2936341033757804 0.9544783690490097 -0.8765857437419469 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/75827637_332080023.jpg notre_dame_front_facade/test/images/28728133_5678761883.jpg 0 0 824.199 0.0 239.5 0.0 824.199 319.5 0.0 0.0 1.0 716.376 0.0 319.5 0.0 716.376 239.5 0.0 0.0 1.0 0.9987504006348936 0.044873754014512754 0.021999623457790905 -0.15923613433963713 -0.04960732347782404 0.9435525660898311 0.32748689818473853 -0.8127591731711882 -0.0060622346544909065 -0.3281690132019472 0.9445995702333628 -1.2056171996094067 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/81076842_231122028.jpg notre_dame_front_facade/test/images/43886992_2526982465.jpg 0 0 726.641 0.0 239.5 0.0 726.641 319.5 0.0 0.0 1.0 822.701 0.0 319.5 0.0 822.701 212.5 0.0 0.0 1.0 0.8904416946219073 0.05505060784292408 0.4517554859157671 -1.1412621489846584 -0.20464165063397693 0.9350723574510239 0.28941575830763944 -0.5079054397113547 -0.40649155379253277 -0.3501558465984957 0.8438930618201713 -0.8167784421364032 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/70336114_5249999416.jpg notre_dame_front_facade/test/images/86877326_2716699476.jpg 0 0 678.309 0.0 239.5 0.0 678.309 319.5 0.0 0.0 1.0 570.15 0.0 213.0 0.0 570.15 319.5 0.0 0.0 1.0 0.952474269450606 0.026087935041112714 0.30349989403593713 -0.9406818182919788 -0.03412394320147196 0.999192655011851 0.021203647581266874 0.0741462486873928 -0.3027017055368488 -0.030552541885390416 0.952595517336411 0.6380303760733225 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/26162967_291218280.jpg notre_dame_front_facade/test/images/62739329_10894953753.jpg 0 0 1095.75 0.0 165.0 0.0 1095.75 249.5 0.0 0.0 1.0 675.789 0.0 319.5 0.0 675.789 213.5 0.0 0.0 1.0 0.9651348431803793 0.021788755207437466 0.26084475196119117 -0.41465007577766194 -0.042669540440346335 0.9962959831352622 0.07465670972626036 -0.24329529295947339 -0.25825190182803026 -0.0831839175264775 0.9624896836159615 -0.8753489178711358 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/33325174_3149906599.jpg notre_dame_front_facade/test/images/48070518_9871726453.jpg 0 0 796.707 0.0 239.5 0.0 796.707 319.5 0.0 0.0 1.0 962.531 0.0 319.5 0.0 962.531 212.5 0.0 0.0 1.0 0.9813636097310358 0.041341917996554525 0.18766009515088125 -0.5110873113102602 -0.04649452143406827 0.9986505575856419 0.023137054922860535 0.06632329804458137 -0.18645032843169954 -0.03143103005395558 0.9819614887445732 0.15677935583320998 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/14356685_5939357947.jpg notre_dame_front_facade/test/images/99155510_288146072.jpg 0 0 655.836 0.0 319.5 0.0 655.836 239.5 0.0 0.0 1.0 789.09 0.0 319.5 0.0 789.09 239.5 0.0 0.0 1.0 0.9259667560709124 -0.0787215176544124 -0.3693081224529153 1.0821479825440279 0.0991545570692078 0.9943970542415957 0.03664522244503978 0.16129652723898497 0.36435414154901646 -0.07055084105681 0.9285842117774004 0.6851246622879784 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/12742093_2172973211.jpg notre_dame_front_facade/test/images/20956942_2106154790.jpg 0 0 721.14 0.0 240.0 0.0 721.14 319.5 0.0 0.0 1.0 773.542 0.0 319.5 0.0 773.542 275.5 0.0 0.0 1.0 0.9774715188624421 -0.06826341808597114 0.19972364798383382 -0.5627955835820623 -0.041580252079684285 0.8654338531682713 0.4992948311642222 -1.0282689636115196 -0.20693117805140043 -0.49635103660770086 0.8430985327995302 -0.804158313833542 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/94836922_1185468195.jpg notre_dame_front_facade/test/images/33988966_5921987459.jpg 0 0 658.457 0.0 239.5 0.0 658.457 319.5 0.0 0.0 1.0 710.599 0.0 231.0 0.0 710.599 319.5 0.0 0.0 1.0 0.9612642041674975 -0.013302466152489445 -0.27530741759075383 0.7848739240648586 0.03360033167414211 0.9970407241357867 0.06914341708487845 -0.06641315304995243 0.27357292902919955 -0.0757155123409179 0.95886652548378 -0.20687013975097135 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/69189455_2043939797.jpg notre_dame_front_facade/test/images/68856645_2061608134.jpg 0 0 572.409 0.0 187.0 0.0 572.409 249.5 0.0 0.0 1.0 845.996 0.0 213.0 0.0 845.996 319.5 0.0 0.0 1.0 0.9232539421577487 0.09507991158879461 0.3722391283871746 -0.8994243780332403 -0.08873596405525117 0.9954685519599734 -0.03418026831227427 0.14258144961451452 -0.37380220300763567 -0.001473930453205556 0.9275072725082308 0.6008126180647034 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/64105845_298847718.jpg notre_dame_front_facade/test/images/60057124_6803305881.jpg 0 0 680.938 0.0 165.0 0.0 680.938 249.5 0.0 0.0 1.0 1338.12 0.0 319.5 0.0 1338.12 239.5 0.0 0.0 1.0 0.9997557618495648 0.0009139055405967452 -0.022081246007847184 -0.8530517995547808 -0.005199427560189177 0.980826068021709 -0.19481578540282657 0.2253834811649242 0.02147981847322154 0.19488301379478065 0.980591264662612 4.955274226113767 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/51600076_9763474571.jpg notre_dame_front_facade/test/images/32993759_112702084.jpg 0 0 454.343 0.0 319.5 0.0 454.343 239.5 0.0 0.0 1.0 557.015 0.0 187.0 0.0 557.015 249.5 0.0 0.0 1.0 0.9645666601543642 0.15807492352241476 0.21124269613891522 -0.2689689086076009 -0.061574218423139565 0.9134101618960047 -0.4023561752610417 0.4813399426114779 -0.2565536469127555 0.37509224825167653 0.8907783290792765 1.4643439019700328 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/60062345_10045738.jpg notre_dame_front_facade/test/images/01569849_8047248507.jpg 0 0 678.814 0.0 239.5 0.0 678.814 319.5 0.0 0.0 1.0 528.055 0.0 319.5 0.0 528.055 213.0 0.0 0.0 1.0 0.9055034514473563 -0.06110149146935067 -0.41991678599116045 1.7731025450425695 0.22954652173668014 0.902821501327558 0.36362306183635545 -1.6158888670066038 0.3568919917503291 -0.42565237516179205 0.8315336203327008 -1.8877522849402202 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/37315332_3020520637.jpg notre_dame_front_facade/test/images/07103363_8108658953.jpg 0 0 799.466 0.0 213.0 0.0 799.466 319.5 0.0 0.0 1.0 987.55 0.0 239.5 0.0 987.55 319.5 0.0 0.0 1.0 0.9845477451824589 -0.04985388522689932 -0.16786997225209443 0.4948944718395582 0.0477089089162742 0.998720174438865 -0.01678907915346855 0.1483512020086389 0.16849212879584158 0.008520756808284636 0.9856661702814292 0.4937975318533996 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/14356685_5939357947.jpg notre_dame_front_facade/test/images/04785646_8607050988.jpg 0 0 655.836 0.0 319.5 0.0 655.836 239.5 0.0 0.0 1.0 1561.94 0.0 213.0 0.0 1561.94 319.5 0.0 0.0 1.0 0.9542721585976505 0.05866258217781938 0.2931268475892502 -0.9123213550261041 -0.0673405367841257 0.9975376630435759 0.01959241984001421 0.2984502125260949 -0.2912557285805837 -0.03843582003538047 0.9558727887680458 1.1639462492521009 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/70470648_253650724.jpg notre_dame_front_facade/test/images/94100874_2339251144.jpg 0 0 661.366 0.0 239.5 0.0 661.366 319.5 0.0 0.0 1.0 481.564 0.0 187.0 0.0 481.564 249.5 0.0 0.0 1.0 0.9975033579767978 -0.04345680846421429 -0.05566468021211797 0.17183745025231892 0.03550130769581738 0.9899780070782197 -0.13668651233140555 0.16891645009948134 0.06104676876706629 0.1343690861007143 0.9890491599124682 0.7765537817766873 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/79846448_7965487020.jpg notre_dame_front_facade/test/images/76423402_3823704092.jpg 0 0 727.071 0.0 239.5 0.0 727.071 319.5 0.0 0.0 1.0 502.678 0.0 319.5 0.0 502.678 213.5 0.0 0.0 1.0 0.8225754988908098 -0.16697625186133927 -0.5435885207938757 1.1179978422815415 0.3875969480723475 0.8640985473014915 0.321095478629728 -0.3557932482117122 0.4160987316365399 -0.4748185251922999 0.7755057792593633 -0.30903113664412296 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/60062345_10045738.jpg notre_dame_front_facade/test/images/04785646_8607050988.jpg 0 0 678.814 0.0 239.5 0.0 678.814 319.5 0.0 0.0 1.0 1561.94 0.0 213.0 0.0 1561.94 319.5 0.0 0.0 1.0 0.9199914872717971 0.0721592577466686 0.3852385038763345 -1.4837394723444164 -0.05712025207623458 0.9970964909732898 -0.05035736779756824 0.05615845900944905 -0.3877537106852416 0.02432342924429001 0.9214420386761308 0.04259624932183592 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/07705674_1304394874.jpg notre_dame_front_facade/test/images/82874025_5193294425.jpg 0 0 825.019 0.0 239.5 0.0 825.019 319.5 0.0 0.0 1.0 281.221 0.0 319.5 0.0 281.221 212.0 0.0 0.0 1.0 0.9974541030487833 0.0020512230592746555 0.07128186862806202 -0.17867769426565633 -0.022272127238533154 0.9585440103003209 0.2840727594572371 -1.1229238290351145 -0.06774411162173281 -0.2849371383328958 0.9561493411278608 -1.780666092840578 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/65265933_1398358926.jpg notre_dame_front_facade/test/images/23453150_2698843947.jpg 0 0 902.934 0.0 319.5 0.0 902.934 239.5 0.0 0.0 1.0 819.299 0.0 239.5 0.0 819.299 319.5 0.0 0.0 1.0 0.788056648806527 -0.10165363509825935 -0.6071517575887728 1.4170147427100512 0.3166999111978692 0.9126918022486902 0.2582534420976796 -0.883776630828835 0.5278900307062898 -0.39580324983424253 0.7514465402818518 -0.9169748552185412 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/92263499_2724825410.jpg notre_dame_front_facade/test/images/28264157_4531674049.jpg 0 0 1088.49 0.0 239.5 0.0 1088.49 319.5 0.0 0.0 1.0 321.962 0.0 190.5 0.0 321.962 319.5 0.0 0.0 1.0 0.9836622080566026 0.010447083611778929 0.17972066905400028 -0.5645708156885707 0.028405624202836547 0.9768017927533036 -0.21225309935918316 0.6451929422887167 -0.17776889760263523 0.2138904301691418 0.9605462523622708 -2.069172349752023 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/24710907_307223581.jpg notre_dame_front_facade/test/images/36077348_6211893193.jpg 0 0 667.982 0.0 319.5 0.0 667.982 213.0 0.0 0.0 1.0 634.572 0.0 319.5 0.0 634.572 179.0 0.0 0.0 1.0 0.9947065832711406 0.0004168088257192305 0.10275524058390742 -0.2779055596028058 -0.009160585877001694 0.9963698208829078 0.08463606619020429 0.15283530789558497 -0.10234694359600564 -0.085129350427249 0.9910994384179577 0.7901740344749664 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/94185952_3045662541.jpg notre_dame_front_facade/test/images/62739329_10894953753.jpg 0 0 640.582 0.0 239.5 0.0 640.582 319.5 0.0 0.0 1.0 675.789 0.0 319.5 0.0 675.789 213.5 0.0 0.0 1.0 0.8717531536923027 0.1925721604223235 0.45051348709867023 0.11083135367235847 -0.0989174990404248 0.9697598852147866 -0.22311677079904005 0.6851001301986606 -0.47985598611574326 0.14993908115792468 0.8644399947540633 2.184844550042688 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/26162967_291218280.jpg notre_dame_front_facade/test/images/41649063_2788519393.jpg 0 0 1095.75 0.0 165.0 0.0 1095.75 249.5 0.0 0.0 1.0 395.918 0.0 167.0 0.0 395.918 249.5 0.0 0.0 1.0 0.9631409067648353 -0.055309186811854275 -0.26324985768357567 1.2484163646353235 0.0777481858326892 0.9941031956231516 0.07559137551046256 -0.7423849018476509 0.2575166272611092 -0.09327234480835966 0.9617616421848054 -2.4537112299621318 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/12023672_2650236061.jpg notre_dame_front_facade/test/images/20432678_1041916289.jpg 0 0 848.099 0.0 213.0 0.0 848.099 319.5 0.0 0.0 1.0 637.694 0.0 319.5 0.0 637.694 239.5 0.0 0.0 1.0 0.9941251849396404 0.07634036576756693 0.07672851636256176 -0.20852889340934788 -0.07417705850821338 0.9967735477448728 -0.030663634930790544 0.00360791849643588 -0.0788218285742908 0.024791996099019605 0.9965803912728924 -0.032592011906267704 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/23453150_2698843947.jpg notre_dame_front_facade/test/images/42745507_7964372034.jpg 0 0 819.299 0.0 239.5 0.0 819.299 319.5 0.0 0.0 1.0 1044.95 0.0 279.5 0.0 1044.95 319.5 0.0 0.0 1.0 0.822159954891306 0.3297936867385264 0.4639925998984646 -0.26563432666962755 -0.17464874093976693 0.9219094720025764 -0.3458044862636756 0.7166668502346416 -0.541803309201116 0.20327087745011904 0.8155551020742737 1.5560954139501533 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/12108431_6988563786.jpg notre_dame_front_facade/test/images/63218881_6940378163.jpg 0 0 611.0 0.0 239.5 0.0 611.0 319.5 0.0 0.0 1.0 618.456 0.0 319.5 0.0 618.456 238.5 0.0 0.0 1.0 0.9995437863264477 0.024369018102373904 -0.017842930614528286 0.021625406920360524 -0.02257554729620026 0.9952579220582031 0.09461507937249924 0.36396612534287043 0.02006399462883004 -0.09416910075557418 0.9953540157061811 1.0324884337648697 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/19969696_3085995005.jpg notre_dame_front_facade/test/images/96890437_6186643187.jpg 0 0 1261.33 0.0 319.5 0.0 1261.33 239.5 0.0 0.0 1.0 705.87 0.0 239.5 0.0 705.87 319.5 0.0 0.0 1.0 0.9948430864320332 -0.04015091664496976 -0.09314041695716452 0.5615809697849341 0.05250809228077356 0.989552811194722 0.13426888731816078 -0.7177833958530354 0.08677634253308637 -0.13846709988005046 0.986558020912804 -2.4085954804584606 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/56616850_528528947.jpg notre_dame_front_facade/test/images/41918897_501355398.jpg 0 0 698.333 0.0 239.5 0.0 698.333 319.5 0.0 0.0 1.0 839.863 0.0 212.5 0.0 839.863 319.5 0.0 0.0 1.0 0.9913313017756138 0.002342359356240452 0.1313650009420798 -0.367954551695432 -0.004744131646699308 0.9998272134281954 0.017973216276692926 0.006513127224867276 -0.13130020310260435 -0.01844062474690667 0.9911711254996074 0.1812847548168387 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/76022149_7552328104.jpg notre_dame_front_facade/test/images/94836922_1185468195.jpg 0 0 963.011 0.0 305.5 0.0 963.011 305.5 0.0 0.0 1.0 658.457 0.0 239.5 0.0 658.457 319.5 0.0 0.0 1.0 0.9583539532819842 0.14212361081164762 0.24770663995672743 -0.34748813566774733 -0.00911718733609717 0.8821554859756264 -0.47087001970627185 0.44378686681754764 -0.2854375187740234 0.44900175702659084 0.8467129649787838 1.7471489294853535 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/92861950_1349607126.jpg notre_dame_front_facade/test/images/00428654_11477382116.jpg 0 0 717.935 0.0 213.0 0.0 717.935 319.5 0.0 0.0 1.0 565.607 0.0 319.5 0.0 565.607 239.5 0.0 0.0 1.0 0.8825605734532396 0.24117871961404472 0.4036330751948097 -0.7393060020035704 -0.2507185293763183 0.9675965724773691 -0.029951493408905884 0.200654898651644 -0.39777764292788637 -0.07476428382173869 0.9144305597755127 0.319618562541396 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/77664805_1165807524.jpg notre_dame_front_facade/test/images/82177628_9120294308.jpg 0 0 735.025 0.0 239.5 0.0 735.025 319.5 0.0 0.0 1.0 595.0 0.0 239.5 0.0 595.0 319.5 0.0 0.0 1.0 0.7581804817781537 -0.1751887541482468 -0.6280694686661915 1.8080280327555904 0.2586969034660201 0.9649956214146264 0.04312032916956807 -0.025084515859007173 0.5985300904614068 -0.19517261864970795 0.7769616333781715 -0.5148840692535221 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/41969558_542015413.jpg notre_dame_front_facade/test/images/48909735_2476148825.jpg 0 0 663.804 0.0 319.5 0.0 663.804 239.5 0.0 0.0 1.0 864.988 0.0 319.5 0.0 864.988 179.5 0.0 0.0 1.0 0.9858093453224479 0.05893603170807867 0.15718294704398106 -0.3796049776964878 -0.03518417078936997 0.988087155912723 -0.149819379407909 0.04478372988470841 -0.16414021079793661 0.14216299267675434 0.9761391676971056 0.075557613132336 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/95306290_4701287373.jpg notre_dame_front_facade/test/images/64105845_298847718.jpg 0 0 1861.15 0.0 239.5 0.0 1861.15 319.5 0.0 0.0 1.0 680.938 0.0 165.0 0.0 680.938 249.5 0.0 0.0 1.0 0.97281741790042 0.009307862565941094 0.23138633305364642 -0.6762074066158368 -0.03678372501711093 0.9927170480378112 0.11471625913077647 0.01630604051347223 -0.2286333943312416 -0.1201092262465604 0.9660748132349933 0.33421567723104384 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/83116416_6588657413.jpg notre_dame_front_facade/test/images/87453268_2874605638.jpg 0 0 1955.44 0.0 239.5 0.0 1955.44 319.5 0.0 0.0 1.0 859.782 0.0 212.5 0.0 859.782 319.5 0.0 0.0 1.0 0.9560485055188991 -0.002600145058270868 -0.2931970230762169 3.423111438050526 0.07124830750534082 0.9720494670234182 0.2237040731348292 -2.0713053560695367 0.2844203469738129 -0.23476173645882878 0.9295116961728513 -7.321789420289593 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/59441370_9094154456.jpg notre_dame_front_facade/test/images/82874025_5193294425.jpg 0 0 709.773 0.0 319.5 0.0 709.773 239.5 0.0 0.0 1.0 281.221 0.0 319.5 0.0 281.221 212.0 0.0 0.0 1.0 0.9629528672871558 0.12588913349171213 0.23848207784265762 -0.33338375659282427 -0.09308776255999263 0.9851645396970478 -0.14417176625497316 -0.23450065196457615 -0.2530937451716656 0.11663085266004895 0.9603857560182627 -0.36453533754375655 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/32850132_379216157.jpg notre_dame_front_facade/test/images/75770066_13501461803.jpg 0 0 486.649 0.0 249.5 0.0 486.649 167.0 0.0 0.0 1.0 561.631 0.0 239.5 0.0 561.631 319.5 0.0 0.0 1.0 0.8198514678892622 -0.5172931620816007 0.24546151442423902 -0.329569338027545 0.5574255061417899 0.8190598828521033 -0.13571187643264185 -0.15230472896447977 -0.13084485355714823 0.2480900900195692 0.959859849942527 0.23389076350707283 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/55945829_7504406658.jpg notre_dame_front_facade/test/images/06852016_2679741155.jpg 0 0 534.047 0.0 319.5 0.0 534.047 239.5 0.0 0.0 1.0 882.112 0.0 213.0 0.0 882.112 319.5 0.0 0.0 1.0 0.9907557120943045 -0.06264946692270282 -0.12032523944214264 0.5822491716548418 0.02545982926825154 0.9570848290572431 -0.28868742106662604 0.44220967381921283 0.13324757425986877 0.2829552513786749 0.9498323060788633 1.5181170428987256 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/55945829_7504406658.jpg notre_dame_front_facade/test/images/65299042_229585472.jpg 0 0 534.047 0.0 319.5 0.0 534.047 239.5 0.0 0.0 1.0 397.031 0.0 166.0 0.0 397.031 249.5 0.0 0.0 1.0 0.9147851189000795 -0.17289741256019903 -0.3650680360822566 1.0674109023279588 0.05892911503175658 0.9512189970319981 -0.3028362248592694 0.03647044604715036 0.3996192508382716 0.2555169356724292 0.8803496748133833 0.15955716311286194 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/51049781_8641641044.jpg notre_dame_front_facade/test/images/23110319_2359081668.jpg 0 0 815.628 0.0 239.5 0.0 815.628 319.5 0.0 0.0 1.0 650.731 0.0 319.5 0.0 650.731 239.5 0.0 0.0 1.0 0.9948810382230745 0.027351248757551676 0.09728118510575191 -0.17525487445325388 -0.024667617206646453 0.9992841384393937 -0.02868308429693237 0.20131480970030946 -0.09799606341850371 0.026136561649174436 0.9948435312649097 0.8067809796744692 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/85635538_4143473890.jpg notre_dame_front_facade/test/images/26162967_291218280.jpg 0 0 1872.28 0.0 319.5 0.0 1872.28 239.5 0.0 0.0 1.0 1095.75 0.0 165.0 0.0 1095.75 249.5 0.0 0.0 1.0 0.9940480247340353 -0.010245966071384631 -0.10845987599857744 1.13747844123568 0.024737401091452747 0.9907906934711277 0.1331234867265819 -1.16639161861465 0.1060970570261181 -0.13501415448117235 0.9851469903421168 -4.871907395568342 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/17253180_3321954648.jpg notre_dame_front_facade/test/images/82874025_5193294425.jpg 0 0 2056.32 0.0 319.5 0.0 2056.32 213.0 0.0 0.0 1.0 281.221 0.0 319.5 0.0 281.221 212.0 0.0 0.0 1.0 0.9982875550663706 0.029734528535759388 -0.05037673284725621 0.27812714340459954 -0.012242975442828676 0.9483065928588886 0.3171194025799628 -1.9807424000385496 0.057201983811000924 -0.3159595919625204 0.9470467091410875 -3.0627898199774455 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/14726037_8034366725.jpg notre_dame_front_facade/test/images/34341942_1196841579.jpg 0 0 626.047 0.0 319.5 0.0 626.047 239.5 0.0 0.0 1.0 2048.74 0.0 239.5 0.0 2048.74 319.5 0.0 0.0 1.0 0.9665350588267642 0.1580481287729668 0.20206624916127755 -0.24864662377853958 0.00855606893589144 0.7673778295356786 -0.6411380977772849 1.000872987361706 -0.2563918363425561 0.6214113418086886 0.7403453049276515 7.576999117721035 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/33325174_3149906599.jpg notre_dame_front_facade/test/images/70950675_2625630826.jpg 0 0 796.707 0.0 239.5 0.0 796.707 319.5 0.0 0.0 1.0 511.931 0.0 319.5 0.0 511.931 239.5 0.0 0.0 1.0 0.9864240600434665 -0.03176178372707299 0.16111723328631908 -0.43380361229980446 -0.04039639771383466 0.9040375332975472 0.4255399739637063 -1.1726961926564503 -0.1591719347721489 -0.426271424662457 0.8904813123795073 -1.2486477781894187 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/36628843_84606153.jpg notre_dame_front_facade/test/images/50392091_3354172959.jpg 0 0 726.708 0.0 319.5 0.0 726.708 213.0 0.0 0.0 1.0 1006.14 0.0 239.5 0.0 1006.14 319.5 0.0 0.0 1.0 0.9686990601945783 0.11118797349594224 0.22194450956941145 -0.5485943873242533 -0.0985961033739066 0.9928650946715638 -0.06706498477080855 0.05543223503889688 -0.22781777625466992 0.04308292391066926 0.9727501850370858 0.28831609591781404 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/12297295_3241434580.jpg notre_dame_front_facade/test/images/61417692_9303851232.jpg 0 0 709.584 0.0 239.5 0.0 709.584 319.5 0.0 0.0 1.0 643.682 0.0 289.0 0.0 643.682 319.5 0.0 0.0 1.0 0.9937632849631285 -0.011792204747366303 0.11088497358293471 -0.23085775372678072 -0.015875588024840043 0.969301930054055 0.24536041673087655 -0.617344118528067 -0.11037435917892112 -0.24559053788914595 0.9630694619471446 -0.9669385003300811 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/46229295_1990406788.jpg notre_dame_front_facade/test/images/76264628_2298518271.jpg 0 0 966.463 0.0 241.5 0.0 966.463 319.5 0.0 0.0 1.0 527.718 0.0 319.5 0.0 527.718 239.5 0.0 0.0 1.0 0.983210101603986 0.0009122221934688197 -0.18247483101663522 0.5094244550188743 0.06142959506224081 0.9399660238028029 0.3356937278932058 -0.9849485041102268 0.17182636862358744 -0.3412668192881024 0.9241280523274967 -1.3297069639348351 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/75437734_2225459366.jpg notre_dame_front_facade/test/images/85808395_9116833255.jpg 0 0 740.607 0.0 319.5 0.0 740.607 239.5 0.0 0.0 1.0 533.422 0.0 319.5 0.0 533.422 213.0 0.0 0.0 1.0 0.9455253581962447 -0.23976311228891684 -0.22021681814383642 0.3476419084168835 0.06542375723477073 0.8025938440688856 -0.5929273593384059 0.21905214517362284 0.3189067716389055 0.5462204421735437 0.7745590355515772 0.39971940949978024 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/47637734_4638229298.jpg notre_dame_front_facade/test/images/33325174_3149906599.jpg 0 0 675.352 0.0 319.5 0.0 675.352 319.5 0.0 0.0 1.0 796.707 0.0 239.5 0.0 796.707 319.5 0.0 0.0 1.0 0.8984819697164775 -0.20024727764300748 -0.3906804037713731 1.1567868886982307 0.12135294998019641 0.9685229012893606 -0.21734040399599766 0.1579318328559524 0.421904742359579 0.1478662147841886 0.8945009619334647 0.9191955965568996 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/67691681_4057682871.jpg notre_dame_front_facade/test/images/12742093_2172973211.jpg 0 0 662.741 0.0 239.5 0.0 662.741 319.5 0.0 0.0 1.0 721.14 0.0 240.0 0.0 721.14 319.5 0.0 0.0 1.0 0.9986387356832201 0.03535661209879129 -0.03834821474221933 0.08551162900447312 -0.03644794684244424 0.9989392027000391 -0.02814278735271629 0.08085830364363245 0.03731250144375372 0.029502191272945354 0.9988680583270767 0.18761304879893828 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16588250_2425068783.jpg notre_dame_front_facade/test/images/01927388_3809070796.jpg 0 0 727.948 0.0 239.5 0.0 727.948 319.5 0.0 0.0 1.0 688.527 0.0 319.5 0.0 688.527 239.5 0.0 0.0 1.0 0.9898116911302903 -0.05452793876356986 -0.13152763966555084 0.31587551451671503 0.014766560602304501 0.9580934888254697 -0.28607484223226975 -0.014954499156461562 0.14161484664318594 0.2812180125177545 0.9491373265475292 0.5755070403275636 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/69433801_3498883130.jpg notre_dame_front_facade/test/images/73783180_6254295715.jpg 0 0 916.518 0.0 239.5 0.0 916.518 319.5 0.0 0.0 1.0 510.796 0.0 319.5 0.0 510.796 239.5 0.0 0.0 1.0 0.9880879989822411 0.042368337514118885 0.14794265863353895 -0.40512899278875664 -0.006160609531978037 0.9714734887716411 -0.23706814949303187 0.07493772848295027 -0.15376655409244436 0.23333277650202877 0.9601623103686114 0.910766373904647 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/63370987_10651574034.jpg notre_dame_front_facade/test/images/55422345_4940624653.jpg 0 0 456.706 0.0 239.5 0.0 456.706 319.5 0.0 0.0 1.0 668.447 0.0 319.5 0.0 668.447 239.5 0.0 0.0 1.0 0.9667524768259694 0.049486129185722955 0.2508799943579941 -0.3036680881409716 -0.016605293184621322 0.9911742043977114 -0.1315217121802198 0.24586643763600358 -0.25517427924676495 0.1229830051461491 0.9590418487511984 1.7084848132870856 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/48194802_193393602.jpg notre_dame_front_facade/test/images/71272180_3274206565.jpg 0 0 744.735 0.0 239.5 0.0 744.735 319.5 0.0 0.0 1.0 701.674 0.0 319.5 0.0 701.674 239.5 0.0 0.0 1.0 0.8615462338700149 0.027351076202891334 -0.5069418167156242 1.2626842753216327 0.2092763730266233 0.8906268748941756 0.403716694488915 -0.7672129014785893 0.4625380920499581 -0.45391154242514914 0.7615922958223819 -0.5489579489064512 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/90054575_2232251410.jpg notre_dame_front_facade/test/images/55422345_4940624653.jpg 0 0 712.891 0.0 319.5 0.0 712.891 239.5 0.0 0.0 1.0 668.447 0.0 319.5 0.0 668.447 239.5 0.0 0.0 1.0 0.9798405013236091 -0.002253452760338195 -0.19976865098547253 0.4847173089967969 0.014244220983511599 0.9981795411242684 0.058606363558214504 0.0458128228201322 0.19927291369995948 -0.060270437459849724 0.9780888406652675 0.10593581967268756 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/02989085_1413183882.jpg notre_dame_front_facade/test/images/63909552_10015127425.jpg 0 0 648.829 0.0 249.5 0.0 648.829 165.5 0.0 0.0 1.0 431.287 0.0 319.5 0.0 431.287 179.0 0.0 0.0 1.0 0.9969465091380845 0.013515357902195156 0.07690899179005269 -0.09970684976349704 -0.024912310240189882 0.9884899787367656 0.1492211068699246 -0.4613632512177196 -0.07400699099330652 -0.15068144224742638 0.9858083324086645 -0.8970480127516449 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/47104342_7985973355.jpg notre_dame_front_facade/test/images/43886992_2526982465.jpg 0 0 459.867 0.0 319.5 0.0 459.867 239.5 0.0 0.0 1.0 822.701 0.0 319.5 0.0 822.701 212.5 0.0 0.0 1.0 0.2180196494374644 -0.9612536643823535 0.16869743676375992 -0.10120985535098481 0.948044822612512 0.1675637097123153 -0.27043190918428595 0.4926848666393562 0.23168609534621643 0.21889220154894654 0.9478437409849153 0.8324806278144696 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/15594978_7330790386.jpg notre_dame_front_facade/test/images/72357333_2327691828.jpg 0 0 716.242 0.0 239.5 0.0 716.242 319.5 0.0 0.0 1.0 1291.45 0.0 249.5 0.0 1291.45 249.5 0.0 0.0 1.0 0.9992053737957935 -0.027432184109650766 0.02891532902429445 -0.011505685402828203 0.0264509598839364 0.9990789518402681 0.03378749341057531 -0.10221296535356814 -0.02981556135355112 -0.032995806774884374 0.9990106651264776 1.9788637161197549 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/63253229_143438035.jpg notre_dame_front_facade/test/images/10271797_13991878773.jpg 0 0 520.078 0.0 187.0 0.0 520.078 249.5 0.0 0.0 1.0 483.005 0.0 319.5 0.0 483.005 239.5 0.0 0.0 1.0 0.9922475556855996 0.06140527785531447 0.10804711975552228 -0.23783376301861012 -0.016683153464117133 0.9273504079025038 -0.37382200758322515 -0.026017809293487057 -0.12315218482205365 0.3691214066057017 0.9211856091792703 -0.1995542687574744 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/79846448_7965487020.jpg notre_dame_front_facade/test/images/12119909_5179520218.jpg 0 0 727.071 0.0 239.5 0.0 727.071 319.5 0.0 0.0 1.0 616.108 0.0 238.5 0.0 616.108 319.5 0.0 0.0 1.0 0.8964502360645347 -0.15747132640556277 -0.41422186762641233 0.9153009989393754 0.08813947021374492 0.9794169110672357 -0.1815873016098727 0.2373197757913605 0.43429069533007575 0.12627468343095224 0.8918779604150628 0.9009611828145321 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/07103363_8108658953.jpg notre_dame_front_facade/test/images/64518898_5543139365.jpg 0 0 987.55 0.0 239.5 0.0 987.55 319.5 0.0 0.0 1.0 551.721 0.0 228.0 0.0 551.721 319.5 0.0 0.0 1.0 0.8747700032895069 0.09015157067788446 0.4760778672120625 -1.633786748264514 -0.14091213881223513 0.9874047959773931 0.07194121222362215 -0.23558796537894794 -0.4635959560654485 -0.13001716496352808 0.8764555472667223 -0.32690411846281187 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/37513893_13969657371.jpg notre_dame_front_facade/test/images/99737831_307230759.jpg 0 0 889.692 0.0 213.0 0.0 889.692 319.5 0.0 0.0 1.0 677.829 0.0 213.0 0.0 677.829 319.5 0.0 0.0 1.0 0.9960808328689503 -0.008254293712037264 -0.08806157519834444 0.36843824091145905 0.018666755943814346 0.9928283618049938 0.11808215876306845 -0.32088719686717965 0.08645534462155781 -0.11926319897993623 0.989091382408845 -1.2104159742851082 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/94022639_2742603296.jpg notre_dame_front_facade/test/images/11918894_425039935.jpg 0 0 699.852 0.0 239.5 0.0 699.852 319.5 0.0 0.0 1.0 1858.52 0.0 319.5 0.0 1858.52 239.5 0.0 0.0 1.0 0.9866419082673854 0.027995846677988042 0.16048045806039676 -0.8199061233067155 -0.0007991659692541924 0.9859422550073397 -0.1670845029462502 0.5802570432569594 -0.16290213683142948 0.16472432230798376 0.9727943212498362 6.105861100134058 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/76423402_3823704092.jpg notre_dame_front_facade/test/images/15594978_7330790386.jpg 0 0 502.678 0.0 319.5 0.0 502.678 213.5 0.0 0.0 1.0 716.242 0.0 239.5 0.0 716.242 319.5 0.0 0.0 1.0 0.9963779597485471 0.05656896607942224 0.06348947474997457 -0.20787537472368608 -0.0157492218094711 0.8564722336079706 -0.5159527837612371 0.5518364177551933 -0.08356388777288044 0.5130840721902007 0.8542609738979082 1.990604184383306 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/48070518_9871726453.jpg notre_dame_front_facade/test/images/17052017_6917897836.jpg 0 0 962.531 0.0 319.5 0.0 962.531 212.5 0.0 0.0 1.0 482.741 0.0 213.5 0.0 482.741 319.5 0.0 0.0 1.0 0.9339098008471729 -0.11433377744530979 -0.3387333334891622 1.004661160227131 0.07811083182302098 0.9898470620745696 -0.11874970170176674 -0.13698282512896975 0.3488712969470393 0.08444276782193491 0.9333585790729422 -0.6682756114228401 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/83116416_6588657413.jpg notre_dame_front_facade/test/images/79303999_2708557564.jpg 0 0 1955.44 0.0 239.5 0.0 1955.44 319.5 0.0 0.0 1.0 514.539 0.0 319.5 0.0 514.539 212.5 0.0 0.0 1.0 0.976357349182686 0.004645565215905446 -0.21611280716510792 2.5758320525547536 0.0248679347611976 0.9907171923285583 0.13364516693592352 -1.4297834012975068 0.21472753087965027 -0.1358597201102771 0.9671784860789067 -8.007570962941426 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16926208_509236966.jpg notre_dame_front_facade/test/images/68740277_88652995.jpg 0 0 864.355 0.0 319.5 0.0 864.355 239.5 0.0 0.0 1.0 1818.38 0.0 319.5 0.0 1818.38 213.5 0.0 0.0 1.0 -0.012438951997139474 0.9970466182259633 0.07578465251872157 -0.4198185086678202 -0.9977938728590571 -0.00743390377894553 -0.0659706325536541 0.796374485623451 -0.06521242027510354 -0.07643806747148899 0.9949394765929671 6.042060345532464 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/24103524_6438819413.jpg notre_dame_front_facade/test/images/90826844_8304176149.jpg 0 0 1651.1 0.0 305.5 0.0 1651.1 305.5 0.0 0.0 1.0 966.226 0.0 212.0 0.0 966.226 319.5 0.0 0.0 1.0 0.976607071431987 -0.05065556199017877 -0.20898000399200195 0.39853874248583787 0.018629912524593555 0.9881345426743683 -0.15245672150824696 -0.09210193109689888 0.21422314157990496 0.1449970331185309 0.9659628905907616 -1.1394309476435356 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/35565310_3122947188.jpg notre_dame_front_facade/test/images/73553965_4768986609.jpg 0 0 659.902 0.0 239.5 0.0 659.902 319.5 0.0 0.0 1.0 567.368 0.0 319.5 0.0 567.368 239.5 0.0 0.0 1.0 0.9969200195084641 0.04624283998940665 0.06334093820711648 0.04487476646528943 -0.011840224010518808 0.8871526720436972 -0.4613241220455625 0.3326735092658697 -0.07752602013920454 0.4591532818519785 0.8849677847051457 1.780956841038343 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/08334105_1973261812.jpg notre_dame_front_facade/test/images/91316375_2178414357.jpg 0 0 522.005 0.0 249.5 0.0 522.005 187.0 0.0 0.0 1.0 665.749 0.0 319.5 0.0 665.749 239.5 0.0 0.0 1.0 0.9968390360985829 -0.07818403936395761 -0.014113543098138785 -0.03899027098350633 0.05571450938868121 0.8145796906413905 -0.5773697437848256 0.4425359056231067 0.05663770434636675 0.5747583697375026 0.8163608190396341 2.1341714001979204 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/71275613_5434026903.jpg notre_dame_front_facade/test/images/49047422_9668436418.jpg 0 0 606.484 0.0 319.5 0.0 606.484 213.0 0.0 0.0 1.0 589.962 0.0 319.5 0.0 589.962 239.5 0.0 0.0 1.0 0.9991472050704674 -0.040212456153978955 -0.00937128432702553 0.264468900683984 0.040633607210484944 0.9172963733958039 0.3961265874944143 -1.1291725292037331 -0.007332977903802967 -0.3961695618355481 0.9181480848480229 -1.8559178801643288 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/12535548_289900767.jpg notre_dame_front_facade/test/images/58668083_4179544564.jpg 0 0 520.377 0.0 213.0 0.0 520.377 319.5 0.0 0.0 1.0 681.176 0.0 239.5 0.0 681.176 319.5 0.0 0.0 1.0 0.8320658547809777 -0.20396721910779217 -0.5158137133084338 0.7299408723206356 0.05334130418308794 0.9550495171868556 -0.2916078273798581 0.4511473909320376 0.5521060754743135 0.2151227399662521 0.805543970354048 2.147467997824744 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/97258672_6764851771.jpg notre_dame_front_facade/test/images/39119309_3697303347.jpg 0 0 523.368 0.0 319.5 0.0 523.368 239.5 0.0 0.0 1.0 643.065 0.0 239.5 0.0 643.065 319.5 0.0 0.0 1.0 0.9649517706742023 0.25042486491266536 0.07845678623417539 -0.3941497068305727 -0.2563728147140409 0.963422816659743 0.07803496789906139 -0.3702708784940184 -0.05604516168521398 -0.09541416756897718 0.9938586803357896 -1.2013674522708724 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/81076842_231122028.jpg notre_dame_front_facade/test/images/33779601_2412524560.jpg 0 0 726.641 0.0 239.5 0.0 726.641 319.5 0.0 0.0 1.0 1178.29 0.0 202.5 0.0 1178.29 319.5 0.0 0.0 1.0 0.964675822109555 -0.013530349788821526 0.26309216611645136 -0.6229612099154143 -0.010295101246602397 0.9959810661266143 0.08897037039157986 -0.366075103622645 -0.2632386163304627 -0.08853612568824577 0.960659557450265 1.8748128337110768 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/83886867_8305111396.jpg notre_dame_front_facade/test/images/88494215_13093430663.jpg 0 0 821.266 0.0 212.0 0.0 821.266 319.5 0.0 0.0 1.0 527.97 0.0 239.5 0.0 527.97 319.5 0.0 0.0 1.0 0.9925368151349268 0.011585624836751294 0.12139375560117735 -1.0823744428715802 -0.06822453126633266 0.8778592365499728 0.47403435965907353 -1.0430184158596645 -0.10107464536324391 -0.4787785856750913 0.8720980346060034 -1.4730596058588927 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/13729493_60409794.jpg notre_dame_front_facade/test/images/15594978_7330790386.jpg 0 0 698.515 0.0 239.5 0.0 698.515 319.5 0.0 0.0 1.0 716.242 0.0 239.5 0.0 716.242 319.5 0.0 0.0 1.0 0.998590405801815 0.04609479235165553 0.026314854334078888 -0.23204180478592648 -0.045477076898288386 0.9986863621032469 -0.023609015772993444 0.16672263881056093 -0.02736853882386117 0.022379013987216815 0.9993748760178067 0.5801755403776729 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/28242249_5165846684.jpg notre_dame_front_facade/test/images/08994755_224674449.jpg 0 0 739.638 0.0 319.5 0.0 739.638 239.5 0.0 0.0 1.0 665.565 0.0 319.5 0.0 665.565 239.5 0.0 0.0 1.0 0.9998718032837525 0.010119387354365223 0.012408666232490652 -0.22557510763323524 -0.009601562785325656 0.9991087685044107 -0.041103268600919 0.13339554125154868 -0.012813547134829264 0.040978856708943905 0.9990778479741463 0.29214513016625576 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/62265406_497236333.jpg notre_dame_front_facade/test/images/62739329_10894953753.jpg 0 0 1321.94 0.0 220.0 0.0 1321.94 319.5 0.0 0.0 1.0 675.789 0.0 319.5 0.0 675.789 213.5 0.0 0.0 1.0 0.9137293299810766 0.1215003526465477 0.3877323507770499 -0.8765263695500729 -0.08507140688240673 0.9903016355183949 -0.10984319014231132 0.6863781879311823 -0.39731796745601705 0.06738200795729167 0.9152038558377378 -0.4365154491853436 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/63218881_6940378163.jpg notre_dame_front_facade/test/images/30853200_42283424.jpg 0 0 618.456 0.0 319.5 0.0 618.456 238.5 0.0 0.0 1.0 648.551 0.0 239.5 0.0 648.551 319.5 0.0 0.0 1.0 0.987813478303476 0.030684931334281153 0.1525875718104152 -0.36852629883730026 0.018549835398599057 0.9501750201998649 -0.31116448157665966 0.016559789541177098 -0.15453295987805651 0.3102029432116931 0.938026491275236 0.03819719187052628 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/94887785_2665835098.jpg notre_dame_front_facade/test/images/69433801_3498883130.jpg 0 0 719.064 0.0 319.5 0.0 719.064 239.5 0.0 0.0 1.0 916.518 0.0 239.5 0.0 916.518 319.5 0.0 0.0 1.0 0.9499101738638095 0.11233409147083202 0.2916362691495183 -0.3637723865179171 0.008816516446932062 0.9231635708855653 -0.3843062456265225 0.4416669361260791 -0.3123986725768349 0.36762762856351633 0.8759320727596386 1.2933960623319167 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/66615705_4179549738.jpg notre_dame_front_facade/test/images/43674862_141833517.jpg 0 0 738.007 0.0 239.5 0.0 738.007 319.5 0.0 0.0 1.0 756.183 0.0 213.0 0.0 756.183 319.5 0.0 0.0 1.0 0.9925646077817392 -0.046153354117856614 0.11262933580002102 -0.7105017436218392 0.056464262479927356 0.9943267877958688 -0.09014447367502637 -0.08864550424084146 -0.10782989586232582 0.09583374653649618 0.9895395932367228 -0.523227758561278 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/85808395_9116833255.jpg notre_dame_front_facade/test/images/42292606_10281754466.jpg 0 0 533.422 0.0 319.5 0.0 533.422 213.0 0.0 0.0 1.0 509.104 0.0 319.5 0.0 509.104 213.0 0.0 0.0 1.0 0.6177510382779748 0.12635379154240708 0.7761561531478971 -0.9768117625993953 -0.23425947494267083 0.9717635093300835 0.028252085481693456 -0.16356679075444663 -0.7506704690515461 -0.19927468804978385 0.6299074897130474 0.007355380297591418 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/53305116_6893683400.jpg notre_dame_front_facade/test/images/50827578_7746939046.jpg 0 0 539.892 0.0 213.0 0.0 539.892 319.5 0.0 0.0 1.0 487.519 0.0 213.5 0.0 487.519 319.5 0.0 0.0 1.0 0.9875441825215501 0.13399590812445256 0.08247171741722503 -0.10954622615171039 -0.1104566430998135 0.9636894218774645 -0.24310908694781228 0.21577948125231228 -0.11205274455792562 0.23097141547685465 0.966486620533184 0.5313863372063404 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/85808395_9116833255.jpg notre_dame_front_facade/test/images/22891861_445889696.jpg 0 0 533.422 0.0 319.5 0.0 533.422 213.0 0.0 0.0 1.0 1183.91 0.0 319.5 0.0 1183.91 239.5 0.0 0.0 1.0 0.8659545910327974 0.058045794914927874 0.496742722102614 -0.7327643860485813 -0.03553230245270021 0.9978724984471502 -0.0546619824489733 0.09803922482482914 -0.4988587994128504 0.02968438201371488 0.8661747720367023 1.758756787993697 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/49984163_4144073459.jpg notre_dame_front_facade/test/images/27459823_3045826276.jpg 0 0 699.426 0.0 239.5 0.0 699.426 319.5 0.0 0.0 1.0 442.162 0.0 249.5 0.0 442.162 165.5 0.0 0.0 1.0 0.9409460650673013 0.10566941326905664 0.32164340150815396 -0.4440983598372946 -0.05224903932128163 0.9839857271973488 -0.17041750661803542 0.3821407982317474 -0.3345004342663331 0.1435481235379909 0.9313986234176839 2.177773168349586 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/75437734_2225459366.jpg notre_dame_front_facade/test/images/56095608_3447757339.jpg 0 0 740.607 0.0 319.5 0.0 740.607 239.5 0.0 0.0 1.0 544.208 0.0 213.0 0.0 544.208 319.5 0.0 0.0 1.0 0.9996855669118375 -0.024951835069955304 -0.002484599525012668 -0.21019222870870644 0.017226330284165897 0.755392930356829 -0.6550456276564737 0.08372724585498378 0.018221439380542194 0.6547968591048406 0.7555852383770719 1.3514616417950844 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/11229713_5151251181.jpg notre_dame_front_facade/test/images/07174573_8039801985.jpg 0 0 510.333 0.0 230.0 0.0 510.333 319.5 0.0 0.0 1.0 746.806 0.0 319.5 0.0 746.806 239.5 0.0 0.0 1.0 0.9877287387022106 -0.019835308217107248 -0.15491449025082302 0.6248749963371619 0.02416273169171364 0.9993672424749312 0.026101284743206547 0.1645619510450482 0.15429873991363063 -0.029524146321003895 0.9875830211405427 0.9613516650679675 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/48909735_2476148825.jpg notre_dame_front_facade/test/images/51192770_8304131159.jpg 0 0 864.988 0.0 319.5 0.0 864.988 179.5 0.0 0.0 1.0 525.628 0.0 212.0 0.0 525.628 319.5 0.0 0.0 1.0 0.9261546512832356 -0.03806844570508859 -0.37521774391415325 0.3145794234620797 0.0735940008650022 0.9940093876807818 0.08080383802245443 -0.22429674697922555 0.36989388335455137 -0.10245062539621572 0.9234080270459066 -1.1249943439318875 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/48541802_2699303896.jpg notre_dame_front_facade/test/images/89205044_8290554496.jpg 0 0 606.303 0.0 239.5 0.0 606.303 319.5 0.0 0.0 1.0 503.867 0.0 319.5 0.0 503.867 213.0 0.0 0.0 1.0 0.9116866710715233 -0.11466012786432941 -0.39456364362249546 0.550609567090674 0.3528795809434655 0.7104130271535432 0.6089247344325102 -0.46288493733157954 0.2104837645608044 -0.6943820172849197 0.6881353056831464 -0.3333983889965597 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/32485075_5873194828.jpg notre_dame_front_facade/test/images/19969696_3085995005.jpg 0 0 1688.87 0.0 239.5 0.0 1688.87 319.5 0.0 0.0 1.0 1261.33 0.0 319.5 0.0 1261.33 239.5 0.0 0.0 1.0 0.958337599610612 0.09682406186341827 0.2687268989454519 -0.4384494333776985 -0.03923284125579396 0.9764979257799166 -0.2119258953373053 0.3702387152866657 -0.28293078542210254 0.1925536340653943 0.9396133612654953 2.3628276828917865 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/83755577_4922523649.jpg notre_dame_front_facade/test/images/85618831_8338198385.jpg 0 0 667.625 0.0 239.5 0.0 667.625 319.5 0.0 0.0 1.0 540.444 0.0 319.5 0.0 540.444 179.0 0.0 0.0 1.0 0.9994635900125729 0.028129145936811196 0.016771505240896305 -0.011409723459666024 -0.03222330350460603 0.9360985439568094 0.3502587253919475 -0.5073305371308139 -0.0058473028337754735 -0.3506112764170702 0.9365028253554618 -0.8249061826516912 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/25819788_12704796265.jpg notre_dame_front_facade/test/images/33325174_3149906599.jpg 0 0 541.8 0.0 319.5 0.0 541.8 212.0 0.0 0.0 1.0 796.707 0.0 239.5 0.0 796.707 319.5 0.0 0.0 1.0 0.982857996482011 -0.004912693533306337 -0.18429873627785756 0.521813596208756 0.010306352944936918 0.999545793780115 0.028319343662136197 0.03457386384954696 0.1840759023890467 -0.029733341196838157 0.9824622082202096 0.14613273613370256 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/92263499_2724825410.jpg notre_dame_front_facade/test/images/06756861_3618322110.jpg 0 0 1088.49 0.0 239.5 0.0 1088.49 319.5 0.0 0.0 1.0 619.283 0.0 239.5 0.0 619.283 319.5 0.0 0.0 1.0 0.988451012568929 0.008930169209215263 0.15127738703902077 -0.4470487106956233 -0.01955664143595707 0.9974316210571961 0.06890354918985958 -0.1940798159444026 -0.1502735290302464 -0.0710662605820004 0.9860869399194407 -0.6050736420924231 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/85088510_2525102624.jpg notre_dame_front_facade/test/images/06756861_3618322110.jpg 0 0 889.277 0.0 166.0 0.0 889.277 249.5 0.0 0.0 1.0 619.283 0.0 239.5 0.0 619.283 319.5 0.0 0.0 1.0 0.977894931272323 0.05099649935670707 0.20278279129467638 -0.6274904312650705 -0.03202533114914481 0.9948891517551606 -0.09575987617308403 -0.08153546431686796 -0.2066298176853634 0.08714891148636422 0.9745302384585379 -0.3011254170514194 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/48323035_392280377.jpg notre_dame_front_facade/test/images/78307185_6277857825.jpg 0 0 523.158 0.0 319.5 0.0 523.158 239.5 0.0 0.0 1.0 750.961 0.0 299.5 0.0 750.961 299.5 0.0 0.0 1.0 0.999714251552421 0.007093575514003357 -0.022827536647870003 0.008584703114307174 -0.015985409419475214 0.9084053375214128 -0.41778488417880766 0.6385855752227477 0.017773067508859267 0.41803041031608595 0.9082591558152828 0.9528927226258221 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/22891861_445889696.jpg notre_dame_front_facade/test/images/73778667_5107250729.jpg 0 0 1183.91 0.0 319.5 0.0 1183.91 239.5 0.0 0.0 1.0 769.469 0.0 319.5 0.0 769.469 214.0 0.0 0.0 1.0 0.8915104042074732 -0.022267567680343717 -0.45245259930674364 1.1485546298383948 0.20804376456687865 0.9073553012117942 0.3652727055060304 -1.0628630118725517 0.4024015298363919 -0.419774359379483 0.8135493199510869 -1.590838605872593 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/88264143_2551880831.jpg notre_dame_front_facade/test/images/23701301_4146685496.jpg 0 0 688.704 0.0 239.5 0.0 688.704 319.5 0.0 0.0 1.0 593.763 0.0 319.5 0.0 593.763 239.5 0.0 0.0 1.0 0.9834352974577727 -0.05623141400921717 -0.17231669620981643 0.4764895174005659 0.03731809356821437 0.9931085966268677 -0.11109759312535818 0.21059663447728968 0.1773763671027686 0.10282676394955574 0.9787564973010836 0.9516310322133481 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/04785646_8607050988.jpg notre_dame_front_facade/test/images/36126459_6228310178.jpg 0 0 1561.94 0.0 213.0 0.0 1561.94 319.5 0.0 0.0 1.0 672.751 0.0 319.5 0.0 672.751 212.5 0.0 0.0 1.0 0.927554558856302 -0.09255985264638779 -0.3620431107243584 1.69513918668542 0.18047303019181563 0.9593182354073789 0.21711289364811373 -0.8723906299345527 0.32721862067778945 -0.2667230715422873 0.9065245597272986 -1.6780157118628765 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16445294_19140011.jpg notre_dame_front_facade/test/images/64481818_6172668375.jpg 0 0 627.378 0.0 239.5 0.0 627.378 319.5 0.0 0.0 1.0 758.649 0.0 319.5 0.0 758.649 319.5 0.0 0.0 1.0 0.9357121964865515 0.10549697676411536 0.33662007254462 -1.2116930834026576 -0.1048179542235081 0.9942853524247461 -0.02024436775987236 -0.20243948066668055 -0.33683212705843874 -0.01634092553162425 0.9414229083329433 -0.5708447934542196 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/63253229_143438035.jpg notre_dame_front_facade/test/images/25164626_8371782280.jpg 0 0 520.078 0.0 187.0 0.0 520.078 249.5 0.0 0.0 1.0 533.319 0.0 213.0 0.0 533.319 319.5 0.0 0.0 1.0 0.9884074954624874 -0.011071095556841555 -0.15142012335467156 0.23679122470672442 0.010298148144797964 0.9999296377889458 -0.005887921199810918 -0.13056041487576553 0.15147465483822842 0.0042603185841756375 0.9884519607078541 -0.4856383952277328 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/57296298_268265874.jpg notre_dame_front_facade/test/images/47637734_4638229298.jpg 0 0 871.099 0.0 249.5 0.0 871.099 187.0 0.0 0.0 1.0 675.352 0.0 319.5 0.0 675.352 319.5 0.0 0.0 1.0 0.8918245839612166 0.060411923191952994 0.44832946699793524 -1.6211450922065986 -0.2073633955708287 0.93538639340171 0.28644845472838143 -0.06103862381105472 -0.4020563811454051 -0.3484288945756237 0.8467278026645101 -0.35881589508599954 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/64910807_2663494883.jpg notre_dame_front_facade/test/images/76922738_2324942217.jpg 0 0 744.149 0.0 239.5 0.0 744.149 319.5 0.0 0.0 1.0 401.674 0.0 249.5 0.0 401.674 165.5 0.0 0.0 1.0 0.9980909735455991 0.025586950128107588 0.05621135570274208 -0.06383281541065416 -0.01994245688946086 0.9949098630065756 -0.0987758214617767 -0.14851660092295216 -0.05845260421923436 0.09746626326775078 0.9935208204082143 -0.8485833226623589 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/74173316_2707741529.jpg notre_dame_front_facade/test/images/40557752_4654011030.jpg 0 0 1468.12 0.0 319.5 0.0 1468.12 212.5 0.0 0.0 1.0 524.982 0.0 239.5 0.0 524.982 319.5 0.0 0.0 1.0 0.9978269591820613 0.039087594325254243 -0.05304261965010121 0.15113797989240235 -0.03036997008968935 0.9872575698841299 0.15620549165517172 -0.24009501299253022 0.058472424665241364 -0.15425514797356651 0.9862993079574887 -0.27503145850296407 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/41649063_2788519393.jpg notre_dame_front_facade/test/images/57817490_9610856334.jpg 0 0 395.918 0.0 167.0 0.0 395.918 249.5 0.0 0.0 1.0 581.452 0.0 319.5 0.0 581.452 239.5 0.0 0.0 1.0 0.994733430454664 0.030497877157560752 0.0978533690006523 -0.2502738801857293 0.006721620337982567 0.9332398446563893 -0.35919105245781136 0.17457659644498105 -0.10227522747922639 0.3579570809951949 0.9281198769606606 -0.5676967319288109 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/30596090_277515099.jpg notre_dame_front_facade/test/images/11689125_6228298812.jpg 0 0 721.475 0.0 319.5 0.0 721.475 239.5 0.0 0.0 1.0 499.904 0.0 319.5 0.0 499.904 212.5 0.0 0.0 1.0 0.9191854622910638 -0.05010191820955918 -0.3906249911417415 1.178372039516185 0.09629602500618356 0.9903598653143713 0.09957114412573936 -0.18235852155101365 0.3818706082965425 -0.12913998205909327 0.9151490062022719 -0.3456701904891505 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/31906475_13763600313.jpg notre_dame_front_facade/test/images/85088510_2525102624.jpg 0 0 820.415 0.0 265.0 0.0 820.415 319.5 0.0 0.0 1.0 889.277 0.0 166.0 0.0 889.277 249.5 0.0 0.0 1.0 0.9372617948263458 -0.06165477536478725 -0.34313119449215695 1.0100596682737235 0.0936014135645724 0.9926029710318326 0.07731828553125782 0.13515669696922006 0.3358260015805964 -0.10458503991248873 0.9360998163064088 0.39174122792512106 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/58668083_4179544564.jpg notre_dame_front_facade/test/images/37809717_6059506804.jpg 0 0 681.176 0.0 239.5 0.0 681.176 319.5 0.0 0.0 1.0 498.988 0.0 211.5 0.0 498.988 319.5 0.0 0.0 1.0 0.9197487231466246 0.10356033702677242 0.3785994491082298 -1.4500513421828631 -0.14238504373645172 0.9868929779471383 0.07595228369705509 -0.3193817544000839 -0.3657714936819469 -0.12376391507030844 0.9224389994661691 -1.016837598498576 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/32840366_393315242.jpg notre_dame_front_facade/test/images/58668083_4179544564.jpg 0 0 516.713 0.0 319.5 0.0 516.713 213.5 0.0 0.0 1.0 681.176 0.0 239.5 0.0 681.176 319.5 0.0 0.0 1.0 0.9983666209609772 -0.018129104612456357 -0.05417956918351756 -0.38791107200484465 0.009809508820917481 0.9886301666451088 -0.1500472163552419 0.24545964888794386 0.056283778192773165 0.14927065741536427 0.9871931964651761 1.2930894734333804 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/99155510_288146072.jpg notre_dame_front_facade/test/images/89527506_47064183.jpg 0 0 789.09 0.0 319.5 0.0 789.09 239.5 0.0 0.0 1.0 486.165 0.0 249.5 0.0 486.165 187.0 0.0 0.0 1.0 0.9821569488498068 0.035222359454825956 0.18473525169948657 -0.6670302879134673 -0.02764331419370518 0.9986733716117376 -0.04344357275860342 0.03742343780583143 -0.18602036180597464 0.03756171226234236 0.9818276543087873 -0.8090676657870323 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/04785646_8607050988.jpg notre_dame_front_facade/test/images/73717439_5873359498.jpg 0 0 1561.94 0.0 213.0 0.0 1561.94 319.5 0.0 0.0 1.0 529.064 0.0 319.5 0.0 529.064 239.5 0.0 0.0 1.0 0.7871758571048828 -0.13916695873405036 -0.6008217103167197 2.3786545757737527 0.1521760465085395 0.9879144685203409 -0.02945256792205669 -0.17227775598156353 0.5976592849276452 -0.06824632213451258 0.7988402960885785 -0.5782792674030283 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/61900107_5317613163.jpg notre_dame_front_facade/test/images/63218881_6940378163.jpg 0 0 537.046 0.0 319.5 0.0 537.046 239.5 0.0 0.0 1.0 618.456 0.0 319.5 0.0 618.456 238.5 0.0 0.0 1.0 0.9596717868084087 0.1756198029985934 0.2195170754148563 -0.26687465780941866 0.017116554479179414 0.742907126036323 -0.6691756313907522 0.8977183417514731 -0.280601292168653 0.6459463498458566 0.7099410031503295 2.325647482126926 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/78924871_3664776274.jpg notre_dame_front_facade/test/images/19575243_4723476064.jpg 0 0 262.62 0.0 212.5 0.0 262.62 319.5 0.0 0.0 1.0 859.563 0.0 214.0 0.0 859.563 319.5 0.0 0.0 1.0 0.9045385949439941 -0.057393184121893065 -0.42251148229733926 0.2979437996747749 0.10905764821025196 0.9890809787209961 0.09912238344170822 0.2485647156318667 0.4122091212280405 -0.13573813004703789 0.9009210844617522 1.7563689773795828 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/11229713_5151251181.jpg notre_dame_front_facade/test/images/98282583_3572009571.jpg 0 0 510.333 0.0 230.0 0.0 510.333 319.5 0.0 0.0 1.0 660.309 0.0 239.5 0.0 660.309 319.5 0.0 0.0 1.0 0.9197003223968898 -0.026511950040398597 0.39172494621623505 -1.0807462047975518 -0.12820475999669625 0.9227486394848405 0.36345355665210544 -0.8245585014583314 -0.37109952370926896 -0.38448935594360883 0.8452532630335258 -0.969545821848393 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/36077348_6211893193.jpg notre_dame_front_facade/test/images/92263499_2724825410.jpg 0 0 634.572 0.0 319.5 0.0 634.572 179.0 0.0 0.0 1.0 1088.49 0.0 239.5 0.0 1088.49 319.5 0.0 0.0 1.0 0.9137317589948569 -0.06261869520632646 -0.4014637861810474 1.2960642861316585 0.04700031506070313 0.9977096470815968 -0.048645971102554295 0.027048541936577214 0.40359043966422103 0.02558044430757798 0.9145820891973927 0.02387860352240989 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/10271797_13991878773.jpg notre_dame_front_facade/test/images/32840366_393315242.jpg 0 0 483.005 0.0 319.5 0.0 483.005 239.5 0.0 0.0 1.0 516.713 0.0 319.5 0.0 516.713 213.5 0.0 0.0 1.0 0.9901904585063851 -0.046728842565014 0.13167866628823796 0.10278477622072496 0.005919443604599768 0.9556017347699933 0.29460190883969395 0.1481757797692066 -0.13959876815476185 -0.29093253475181063 0.9465043286496684 0.44539475732384237 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/78751376_5259305379.jpg notre_dame_front_facade/test/images/29443215_4125074438.jpg 0 0 494.969 0.0 319.5 0.0 494.969 212.0 0.0 0.0 1.0 532.032 0.0 319.5 0.0 532.032 213.0 0.0 0.0 1.0 0.9689673621861637 -0.13792474804134475 -0.2051317013426233 0.25663737800653275 0.054668739846415404 0.9288820521411272 -0.36631879844432336 0.4085558586671169 0.2410675836805782 0.34373666823284854 0.9075965640143134 1.1902433008209086 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/04720612_2486654456.jpg notre_dame_front_facade/test/images/88042390_4857002374.jpg 0 0 656.635 0.0 239.5 0.0 656.635 319.5 0.0 0.0 1.0 528.338 0.0 239.5 0.0 528.338 319.5 0.0 0.0 1.0 0.9861354977913058 -0.018797494634826953 -0.16487399489108928 0.5023867087832694 0.05817536538208196 0.9696678671548807 0.237402304685455 -0.6133385040991697 0.15541044642672686 -0.24370244480258713 0.9573174559876612 -1.1214698127414517 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/12015220_144820170.jpg notre_dame_front_facade/test/images/61900107_5317613163.jpg 0 0 647.595 0.0 239.5 0.0 647.595 319.5 0.0 0.0 1.0 537.046 0.0 319.5 0.0 537.046 239.5 0.0 0.0 1.0 0.7075299659574747 -0.05099193468320197 -0.7048412373502835 1.4086392639338186 0.4652339818219777 0.7843733994343957 0.4102629795847999 -0.5546894021869135 0.5319386143440638 -0.6181894473840478 0.578690865413239 -0.07706694927404456 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/62185644_2486505446.jpg notre_dame_front_facade/test/images/94554102_147558957.jpg 0 0 696.156 0.0 187.0 0.0 696.156 249.5 0.0 0.0 1.0 547.53 0.0 319.5 0.0 547.53 232.5 0.0 0.0 1.0 0.9673522602717378 0.0028050417464821685 0.2534200786993026 -0.8944002536018874 -0.008055592248171225 0.9997738085169218 0.01968347624532651 -0.10293362468661924 -0.2533075442632759 -0.021082304057422653 0.9671560497018766 -0.6377637479456355 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/77334826_5801603259.jpg notre_dame_front_facade/test/images/03640003_2550682198.jpg 0 0 308.198 0.0 211.5 0.0 308.198 319.5 0.0 0.0 1.0 679.184 0.0 319.5 0.0 679.184 239.5 0.0 0.0 1.0 0.9323690674152594 0.08726892132475386 0.3508162731373981 -0.9966823925099769 -0.05636211799096445 0.9936495214149497 -0.09738552380828588 0.3239046412180673 -0.3570871515229471 0.07102650183315766 0.9313667388599254 2.8012373316039394 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/98283507_7198318944.jpg notre_dame_front_facade/test/images/47488321_414904806.jpg 0 0 733.699 0.0 239.5 0.0 733.699 319.5 0.0 0.0 1.0 559.625 0.0 249.5 0.0 559.625 187.0 0.0 0.0 1.0 0.9199785167192499 0.020463154774251972 -0.3914342704359618 0.8068798275643071 0.093030360050649 0.9587024990359164 0.2687654562088201 -0.4439721317102436 0.38076880240363087 -0.28367371686318354 0.8800820083816797 -0.7476560380346075 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/59085967_8112490960.jpg notre_dame_front_facade/test/images/70473816_1756100188.jpg 0 0 944.748 0.0 319.5 0.0 944.748 319.5 0.0 0.0 1.0 677.33 0.0 239.5 0.0 677.33 319.5 0.0 0.0 1.0 0.9814219974413004 0.08907684262717552 0.1699299239271937 -0.5868187588410751 -0.07208459693801017 0.991995067386182 -0.10368026410927414 -0.03109884267074739 -0.1778051569066911 0.08950476182336689 0.9799868487833545 -0.19648763117823775 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/86698292_8276881929.jpg notre_dame_front_facade/test/images/98359518_9321667101.jpg 0 0 693.817 0.0 319.5 0.0 693.817 213.0 0.0 0.0 1.0 1039.51 0.0 203.0 0.0 1039.51 319.5 0.0 0.0 1.0 0.9929526826909798 0.005395397175546938 -0.11838859584480624 0.6082165033289534 -0.00507462083313659 0.999982591489252 0.003010804184906082 -0.19641092572116647 0.11840277936005839 -0.0023888088575798544 0.9929627764584404 0.5921126632709097 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/93967284_1001548090.jpg notre_dame_front_facade/test/images/47104342_7985973355.jpg 0 0 693.696 0.0 319.5 0.0 693.696 239.5 0.0 0.0 1.0 459.867 0.0 319.5 0.0 459.867 239.5 0.0 0.0 1.0 -0.1061289573286353 0.844761760177265 0.5245133105637506 -1.696173691611007 -0.9808915873974383 -0.0024412641427070366 -0.19453980056101405 0.5490652186015162 -0.1630593088090045 -0.5351370000024239 0.828878792730961 -1.5963806189055603 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/44499587_5808479997.jpg notre_dame_front_facade/test/images/54869923_2442824829.jpg 0 0 2056.49 0.0 319.5 0.0 2056.49 213.0 0.0 0.0 1.0 527.475 0.0 239.5 0.0 527.475 319.5 0.0 0.0 1.0 0.9786453548079603 -0.020690333994260332 0.20451205243703308 -0.5883298081742145 0.019816969461796462 0.9997836629589433 0.006317832044959979 -0.17235303883500636 -0.2045985269598783 -0.0021301078855429914 0.9788436572845758 -0.8576501501207137 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/46627275_63268200.jpg notre_dame_front_facade/test/images/90283193_9213444193.jpg 0 0 757.254 0.0 319.5 0.0 757.254 239.0 0.0 0.0 1.0 626.017 0.0 319.5 0.0 626.017 238.5 0.0 0.0 1.0 0.9993666099072498 0.004244707976189827 -0.03533215895876829 0.04051078155078448 -0.006919434370693353 0.9970892970085896 -0.07592796071874053 0.2938181177803209 0.034907025517515344 0.07612434725574864 0.996487121504541 0.5619723967297479 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/90826844_8304176149.jpg notre_dame_front_facade/test/images/92639314_4796735674.jpg 0 0 966.226 0.0 212.0 0.0 966.226 319.5 0.0 0.0 1.0 502.277 0.0 239.5 0.0 502.277 319.5 0.0 0.0 1.0 0.9750576431894249 -0.005532839704298552 -0.22188280722645226 1.0622846613285684 0.009150399921833549 0.9998413946118235 0.01527926051726115 0.011057444096804599 0.2217630777184402 -0.016928476171539038 0.97495362148943 -0.03102954392611701 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/66790349_9649911334.jpg notre_dame_front_facade/test/images/85618831_8338198385.jpg 0 0 596.021 0.0 239.5 0.0 596.021 319.5 0.0 0.0 1.0 540.444 0.0 319.5 0.0 540.444 179.0 0.0 0.0 1.0 0.9995331348722519 0.026792942694750965 -0.014685043895217425 0.07591531951155427 -0.019535373310223828 0.9299814822291795 0.36708692689940436 -0.44939029642116135 0.023492157884682816 -0.3666286689998128 0.9300707164432963 -0.623683875831696 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/59085967_8112490960.jpg notre_dame_front_facade/test/images/49047422_9668436418.jpg 0 0 944.748 0.0 319.5 0.0 944.748 319.5 0.0 0.0 1.0 589.962 0.0 319.5 0.0 589.962 239.5 0.0 0.0 1.0 0.9959075987372972 0.024983031263937305 0.08685564418145746 -0.13081972662479557 -0.04845701245824854 0.958827670610524 0.2798239017939991 -1.0400116785787454 -0.07628874570296701 -0.28288751513713295 0.9561143660978044 -1.6918813148345335 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/41918897_501355398.jpg notre_dame_front_facade/test/images/89267134_4172331604.jpg 0 0 839.863 0.0 212.5 0.0 839.863 319.5 0.0 0.0 1.0 278.458 0.0 319.5 0.0 278.458 221.0 0.0 0.0 1.0 0.9995635183030802 0.028140065613412268 -0.008994975533067549 0.2549934440636674 -0.029471637578016102 0.9709239225541071 -0.23756716774549597 -0.015931897090595087 0.0020482812398934327 0.23772857068391973 0.9713294658479906 0.011837974821376773 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/79793488_5196381575.jpg notre_dame_front_facade/test/images/48070518_9871726453.jpg 0 0 761.869 0.0 239.5 0.0 761.869 319.5 0.0 0.0 1.0 962.531 0.0 319.5 0.0 962.531 212.5 0.0 0.0 1.0 0.901996940373967 0.15455797692961218 0.4031294473533628 -0.9359170293847302 -0.13444816458113248 0.9878529118064617 -0.07791223059481679 0.2905838146310944 -0.4102745551417574 0.016076579328969835 0.9118203403085019 0.801100382464499 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/74173316_2707741529.jpg notre_dame_front_facade/test/images/59441370_9094154456.jpg 0 0 1468.12 0.0 319.5 0.0 1468.12 212.5 0.0 0.0 1.0 709.773 0.0 319.5 0.0 709.773 239.5 0.0 0.0 1.0 0.998853193124501 0.0011896715836887956 -0.04786317234065397 0.08291723806516195 0.0060474750564798434 0.9885495465797012 0.15077540251151236 -0.006401359389403671 0.047494490527106754 -0.1508919435841101 0.9874086766536845 -0.0017991591863142364 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/41969558_542015413.jpg notre_dame_front_facade/test/images/29443215_4125074438.jpg 0 0 663.804 0.0 319.5 0.0 663.804 239.5 0.0 0.0 1.0 532.032 0.0 319.5 0.0 532.032 213.0 0.0 0.0 1.0 0.9479893236011923 0.061100278247674854 0.31238277535134773 -0.6376183728206869 -0.0891721654362157 0.9930840898968558 0.07636959673292695 0.27870272790391104 -0.30555616054920254 -0.1002534108735978 0.9468815587805263 0.7855237867363277 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/82822071_3748336563.jpg notre_dame_front_facade/test/images/12015220_144820170.jpg 0 0 714.694 0.0 239.5 0.0 714.694 319.5 0.0 0.0 1.0 647.595 0.0 239.5 0.0 647.595 319.5 0.0 0.0 1.0 0.9003439905936489 -0.08211202461397081 0.42736204091577684 -1.0466684704211606 0.017883438202212443 0.988189182271794 0.1521917299956559 -0.22808828677938664 -0.43481131682601265 -0.12938220687095126 0.8911786371459043 -0.11041790966586973 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/20956942_2106154790.jpg notre_dame_front_facade/test/images/41649063_2788519393.jpg 0 0 773.542 0.0 319.5 0.0 773.542 275.5 0.0 0.0 1.0 395.918 0.0 167.0 0.0 395.918 249.5 0.0 0.0 1.0 0.9291340483197595 -0.18626948170655427 -0.3193956800548598 0.5454299985314698 -0.0011959450148283763 0.8623129348186386 -0.5063743399501872 0.2927179669897845 0.369741112088521 0.47087162011448297 0.8009815399884731 0.8500441006319067 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/32840366_393315242.jpg notre_dame_front_facade/test/images/87628400_7656196462.jpg 0 0 516.713 0.0 319.5 0.0 516.713 213.5 0.0 0.0 1.0 486.204 0.0 212.0 0.0 486.204 319.5 0.0 0.0 1.0 0.9885227706505769 -0.028982515467866454 -0.1482657941079529 -0.059947365059393465 0.043768384916455724 0.994276947072679 0.09745604651143011 -0.19167422416336796 0.14459273974550713 -0.10282687546059124 0.9841339204071263 -0.41332676419460174 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/73717439_5873359498.jpg notre_dame_front_facade/test/images/26162967_291218280.jpg 0 0 529.064 0.0 319.5 0.0 529.064 239.5 0.0 0.0 1.0 1095.75 0.0 165.0 0.0 1095.75 249.5 0.0 0.0 1.0 0.9543352342033128 0.05373266521248995 0.29386572009554107 -0.6649906984436799 -0.046943429148023956 0.9984435407879315 -0.030113291395702294 0.38482639611479563 -0.2950263974933987 0.01494311038641204 0.9553722458989724 1.9201157916412552 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/57817490_9610856334.jpg notre_dame_front_facade/test/images/46129623_985747637.jpg 0 0 581.452 0.0 319.5 0.0 581.452 239.5 0.0 0.0 1.0 663.962 0.0 319.5 0.0 663.962 239.5 0.0 0.0 1.0 0.9772005029322988 0.21227024348798892 -0.004529988787205677 0.17227477809596956 -0.10747406629427574 0.5129393894694169 0.8516704220559238 -0.5514448116952366 0.18310789754414183 -0.8317659084503833 0.5240581755842308 -0.141371715910379 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/41995021_5921639869.jpg notre_dame_front_facade/test/images/46229295_1990406788.jpg 0 0 540.721 0.0 319.5 0.0 540.721 239.5 0.0 0.0 1.0 966.463 0.0 241.5 0.0 966.463 319.5 0.0 0.0 1.0 0.9888402822041702 0.10300932742253345 0.1076288750955553 -0.12361441524917466 -0.04065682778358913 0.8816059358586167 -0.47023185367797904 0.4900452394345114 -0.14332452213404703 0.4606083502530214 0.8759554948924271 1.7622348108440593 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/17355996_7160680080.jpg notre_dame_front_facade/test/images/63136592_197609530.jpg 0 0 592.885 0.0 207.5 0.0 592.885 319.5 0.0 0.0 1.0 889.805 0.0 259.5 0.0 889.805 319.5 0.0 0.0 1.0 0.9959558845710773 -0.06687982917684393 -0.05999136969197376 0.31490885803211166 0.06579433797124427 0.9976348949459938 -0.019892749358035578 0.08624423313137897 0.061179907479241784 0.015865208330561507 0.9980006583592315 0.14073624992359723 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/61417692_9303851232.jpg notre_dame_front_facade/test/images/11689125_6228298812.jpg 0 0 643.682 0.0 289.0 0.0 643.682 319.5 0.0 0.0 1.0 499.904 0.0 319.5 0.0 499.904 212.5 0.0 0.0 1.0 0.9471273827415395 -0.1307800395394791 -0.2929953960717019 0.4515000187735712 0.06396270838200828 0.9717918869177933 -0.22700066179901965 0.30741350852615196 0.3144177043323091 0.19625776361409752 0.9287757519571631 0.9447061809400312 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/50392091_3354172959.jpg notre_dame_front_facade/test/images/35960796_2756840211.jpg 0 0 1006.14 0.0 239.5 0.0 1006.14 319.5 0.0 0.0 1.0 544.223 0.0 187.0 0.0 544.223 249.5 0.0 0.0 1.0 0.9963675624414647 0.003926363417719331 0.08506623410475958 -0.45803879664993774 0.0009730610810904585 0.9983463260517758 -0.05747752961857478 -0.010646991893204838 -0.08515123995918226 0.0573515207229388 0.9947160747691673 -0.2572649052171515 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/65117548_393332042.jpg notre_dame_front_facade/test/images/64341618_7502873932.jpg 0 0 528.38 0.0 319.5 0.0 528.38 213.5 0.0 0.0 1.0 858.706 0.0 305.5 0.0 858.706 305.5 0.0 0.0 1.0 0.9913539615406862 0.03897373009973746 -0.1252931414711133 0.1907449514792886 0.0038588477615997137 0.9457980145013704 0.3247325438868394 -0.333439731195004 0.1311580429540651 -0.3224083809819126 0.9374702148020925 -0.3139051001320071 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/54439631_9271690013.jpg notre_dame_front_facade/test/images/05311113_3754895202.jpg 0 0 449.574 0.0 319.5 0.0 449.574 239.5 0.0 0.0 1.0 427.358 0.0 319.5 0.0 427.358 213.0 0.0 0.0 1.0 0.9930795002364786 -0.021671045230312363 -0.11542734515136206 0.16005969718303384 -0.005970637659681884 0.9722415901440113 -0.2339030608610778 0.20544315657669562 0.1172921894074908 0.23297350963761956 0.9653838024905572 1.3966551789896535 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/19454938_7173253342.jpg notre_dame_front_facade/test/images/02864341_2175867632.jpg 0 0 353.538 0.0 319.5 0.0 353.538 211.5 0.0 0.0 1.0 725.615 0.0 240.0 0.0 725.615 319.5 0.0 0.0 1.0 0.979629546554828 0.12587416388584616 0.15646611896133125 0.21186359468441773 -0.048562414211900974 0.9045318385878918 -0.42363173264844056 0.24063900968278706 -0.19485287640343957 0.4074037896814992 0.8922188681654625 0.9162156671935382 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/92064571_307220044.jpg notre_dame_front_facade/test/images/33645044_55429420.jpg 0 0 674.607 0.0 213.0 0.0 674.607 319.5 0.0 0.0 1.0 526.679 0.0 187.0 0.0 526.679 249.5 0.0 0.0 1.0 0.9978238173306085 -0.06368243519077504 -0.017093186243196945 0.052703764921941676 0.06398932298145947 0.9977873212789303 0.018050707448497374 -0.09795355760848955 0.015905851506484856 -0.019105207227075857 0.999690949716293 -0.41725328763364045 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/83586356_85985164.jpg notre_dame_front_facade/test/images/20449428_10758420474.jpg 0 0 761.7 0.0 187.0 0.0 761.7 249.5 0.0 0.0 1.0 916.516 0.0 239.5 0.0 916.516 319.5 0.0 0.0 1.0 0.9987803552709673 -0.011719500317177533 -0.04796306117333072 0.07417407557370731 0.006938398317437996 0.9950968742344802 -0.09866138817975191 0.433798378954791 0.048884154422364344 0.0982082695147552 0.9939645241382249 1.1601998323645648 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/23453150_2698843947.jpg notre_dame_front_facade/test/images/12023672_2650236061.jpg 0 0 819.299 0.0 239.5 0.0 819.299 319.5 0.0 0.0 1.0 848.099 0.0 213.0 0.0 848.099 319.5 0.0 0.0 1.0 0.7453211552032635 0.361505267063125 0.5601877520011408 -0.44215094498956253 -0.0900499629031996 0.8871180463419159 -0.4526727029937132 0.5224813954648769 -0.6605962305278507 0.28694165563772867 0.6937413829895648 1.9183384713344154 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/14248814_1334513582.jpg notre_dame_front_facade/test/images/85088510_2525102624.jpg 0 0 696.736 0.0 319.5 0.0 696.736 239.5 0.0 0.0 1.0 889.277 0.0 166.0 0.0 889.277 249.5 0.0 0.0 1.0 0.9713713549937757 -0.03116750446245973 -0.2355127966016687 0.3114005106301908 0.06532913329035363 0.9881808393039758 0.13867491905900334 0.6307462353711131 0.2284070818540608 -0.15009069091077057 0.9619267069069453 1.6779290764036738 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/68199511_6932972308.jpg notre_dame_front_facade/test/images/08090503_170650847.jpg 0 0 688.798 0.0 213.0 0.0 688.798 319.5 0.0 0.0 1.0 3257.44 0.0 239.5 0.0 3257.44 319.5 0.0 0.0 1.0 0.9687189583875694 0.07341462737777976 0.23705246707740563 -0.5433663761032166 -0.026099846111994025 0.9800817968234975 -0.19687170839954285 0.6118279776681117 -0.2467840709880461 0.18452632338559755 0.9513399278304056 7.051110020966568 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/60710605_5891944796.jpg notre_dame_front_facade/test/images/83586356_85985164.jpg 0 0 524.269 0.0 319.5 0.0 524.269 179.0 0.0 0.0 1.0 761.7 0.0 187.0 0.0 761.7 249.5 0.0 0.0 1.0 0.9470045286151816 0.18290126396101763 0.26406353482410244 -0.4018728058372728 -0.02748367739555931 0.8651851633383383 -0.5006987923053436 0.26246798653520226 -0.32004229448489246 0.466906586782276 0.8243610671060163 1.1244474427981008 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/47283337_2586573512.jpg notre_dame_front_facade/test/images/94184442_3251933434.jpg 0 0 1507.44 0.0 213.0 0.0 1507.44 319.5 0.0 0.0 1.0 562.693 0.0 166.0 0.0 562.693 249.5 0.0 0.0 1.0 0.9611424804253899 0.07593569528469912 0.2654032827667327 -0.3404726136211331 -0.07385060948478514 0.9971097027045023 -0.01784175583470336 -0.00751639599827476 -0.26599101451074375 -0.0024517247334750127 0.9639723902920543 -0.05532037836402667 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/11918894_425039935.jpg notre_dame_front_facade/test/images/54869923_2442824829.jpg 0 0 1858.52 0.0 319.5 0.0 1858.52 239.5 0.0 0.0 1.0 527.475 0.0 239.5 0.0 527.475 319.5 0.0 0.0 1.0 0.9894080085991758 -0.034459560252281515 -0.14101181236702426 1.6329743374272696 0.05544724451064249 0.987471797914879 0.14773304098587303 -1.488239439224613 0.1341543722581955 -0.1539869703253364 0.9789231927858455 -6.00947991089036 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/79846448_7965487020.jpg notre_dame_front_facade/test/images/42766818_2665007597.jpg 0 0 727.071 0.0 239.5 0.0 727.071 319.5 0.0 0.0 1.0 831.635 0.0 319.5 0.0 831.635 239.5 0.0 0.0 1.0 0.8929229528744965 -0.1498900401414956 -0.4245251183337336 0.8185666959901841 0.1040425648389474 0.9861267665960517 -0.12934119569784977 0.4612414491308265 0.43802253929635077 0.07132304024084281 0.8961301685576599 1.6320692941070412 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/41649063_2788519393.jpg notre_dame_front_facade/test/images/29443215_4125074438.jpg 0 0 395.918 0.0 167.0 0.0 395.918 249.5 0.0 0.0 1.0 532.032 0.0 319.5 0.0 532.032 213.0 0.0 0.0 1.0 0.9991113685851224 0.016033223541755764 0.03897959603206926 -0.10426481129923586 -0.016248218604626285 0.9998544409069898 0.005205035134086519 0.245363622809359 -0.038890468705577434 -0.0058337587737999205 0.9992264501615384 0.7125658731995416 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/68816036_11955201904.jpg notre_dame_front_facade/test/images/64123516_6358230237.jpg 0 0 838.493 0.0 319.5 0.0 838.493 319.5 0.0 0.0 1.0 528.109 0.0 319.5 0.0 528.109 211.5 0.0 0.0 1.0 0.9998976377626213 -0.0031899737860461054 -0.013947690273811139 -0.5430194973335722 0.0003390081778709652 0.97983760290613 -0.1997952877437922 0.16113038735769764 0.014303813134446541 0.1997701078700558 0.9797383859640291 1.6751481063094702 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/62627516_2936660127.jpg notre_dame_front_facade/test/images/36126459_6228310178.jpg 0 0 567.969 0.0 239.5 0.0 567.969 319.5 0.0 0.0 1.0 672.751 0.0 319.5 0.0 672.751 212.5 0.0 0.0 1.0 0.9042387255584272 -0.27290981250286517 -0.3284395856776745 0.8855553062328989 0.3522722421917741 0.9114536986630128 0.21250040605771509 -0.10933990094904544 0.24136402917927022 -0.30785124562548827 0.9203102824510784 -0.3020151392735365 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/70336114_5249999416.jpg notre_dame_front_facade/test/images/99737831_307230759.jpg 0 0 678.309 0.0 239.5 0.0 678.309 319.5 0.0 0.0 1.0 677.829 0.0 213.0 0.0 677.829 319.5 0.0 0.0 1.0 0.9841529367815366 0.01818071004280171 0.17638724105392786 -0.42881572504678245 -0.03411953736696881 0.9955575725814324 0.08775520979195278 0.0437842943436011 -0.17400820151401172 -0.09238279849682621 0.9804012262067782 0.15317501196050856 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/70950675_2625630826.jpg notre_dame_front_facade/test/images/40855093_3275085444.jpg 0 0 511.931 0.0 319.5 0.0 511.931 239.5 0.0 0.0 1.0 1947.13 0.0 239.5 0.0 1947.13 319.5 0.0 0.0 1.0 0.9852080679390293 0.15554643862861467 0.07190527308758068 -0.12971886917642117 -0.08544739559530676 0.8096413201428693 -0.5806717448811254 0.7797680619321532 -0.1485389021563849 0.5659383695662155 0.8109561988165019 7.391740245455141 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/92247948_4544239766.jpg notre_dame_front_facade/test/images/43674862_141833517.jpg 0 0 903.416 0.0 319.5 0.0 903.416 233.0 0.0 0.0 1.0 756.183 0.0 213.0 0.0 756.183 319.5 0.0 0.0 1.0 0.9882480825200308 0.030704737264335792 0.14974293474154582 -1.068938069638789 -0.01961800371748899 0.9969934281268913 -0.074961578171287 -0.22171480841825858 -0.15159439740842448 0.07114297844002243 0.9858792092812685 -1.2603803326546636 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/62265406_497236333.jpg notre_dame_front_facade/test/images/79443789_562514295.jpg 0 0 1321.94 0.0 220.0 0.0 1321.94 319.5 0.0 0.0 1.0 646.586 0.0 239.5 0.0 646.586 319.5 0.0 0.0 1.0 0.994887249652057 0.024541404908267974 0.09796468713211842 -0.3532468492005328 -0.004834519979024276 0.9804864793674335 -0.19652707496481958 0.6865005955051902 -0.10087610171065207 0.19504866885673391 0.9755921426912366 -0.8587827828976174 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/78307185_6277857825.jpg notre_dame_front_facade/test/images/27925422_3744130638.jpg 0 0 750.961 0.0 299.5 0.0 750.961 299.5 0.0 0.0 1.0 876.403 0.0 239.5 0.0 876.403 319.5 0.0 0.0 1.0 0.983087024566784 -0.10164360175958438 -0.152343297685741 0.21159730136481786 0.03744104289832028 0.9258227406770128 -0.37609895127744125 0.2626122049377283 0.1792709414130283 0.36403410701010425 0.9139699658622501 1.71689322221851 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/61928533_225869442.jpg notre_dame_front_facade/test/images/67143278_8608643015.jpg 0 0 1184.17 0.0 249.5 0.0 1184.17 187.0 0.0 0.0 1.0 725.024 0.0 319.5 0.0 725.024 239.0 0.0 0.0 1.0 0.9763649221096922 0.05623401643741164 0.20868462873209329 -0.1969918108375197 -0.03219568935955793 0.9926276386075041 -0.11684951287512224 0.2094773749007262 -0.21371704765974453 0.10736902005610106 0.9709772999776026 0.38372187031773586 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/64481818_6172668375.jpg notre_dame_front_facade/test/images/89632394_1391563454.jpg 0 0 758.649 0.0 319.5 0.0 758.649 319.5 0.0 0.0 1.0 525.849 0.0 166.0 0.0 525.849 249.5 0.0 0.0 1.0 0.8065872858481903 -0.13310416321314414 -0.5759342254488602 1.4916127082762394 0.1341176909967619 0.9901170446000319 -0.040996133405429354 0.18655295877764405 0.5756990492173379 -0.044176008509454065 0.8164674427081742 0.6584834470427197 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/51600076_9763474571.jpg notre_dame_front_facade/test/images/64123516_6358230237.jpg 0 0 454.343 0.0 319.5 0.0 454.343 239.5 0.0 0.0 1.0 528.109 0.0 319.5 0.0 528.109 211.5 0.0 0.0 1.0 0.8968312238208361 0.25309020949450906 0.3628210327944714 -1.0732953971753343 -0.004325999594674069 0.8251485491734211 -0.564899245462857 0.33695501879968437 -0.44235171719744487 0.5050497180031128 0.7411138513328759 3.310296655378963 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/83586356_85985164.jpg notre_dame_front_facade/test/images/41969558_542015413.jpg 0 0 761.7 0.0 187.0 0.0 761.7 249.5 0.0 0.0 1.0 663.804 0.0 319.5 0.0 663.804 239.5 0.0 0.0 1.0 0.9392361319270437 -0.08848907782580498 -0.33167027540656097 0.8057386163948327 0.05410362390361459 0.9922874105446153 -0.11152799090433882 0.06569807697280175 0.3389812478046856 0.08680655493798083 0.9367797690260917 -0.1260683910523408 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/20449428_10758420474.jpg notre_dame_front_facade/test/images/41969558_542015413.jpg 0 0 916.516 0.0 239.5 0.0 916.516 319.5 0.0 0.0 1.0 663.804 0.0 319.5 0.0 663.804 239.5 0.0 0.0 1.0 0.9550355670137678 -0.048815360561338686 -0.2924450825573193 1.0953704961100206 0.047757747931573516 0.998800999471754 -0.01075922705074546 -0.3586397108801297 0.2926196562966937 -0.0036910740295621144 0.9562217905493019 -1.255580362720862 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/07103363_8108658953.jpg notre_dame_front_facade/test/images/70144772_5112848179.jpg 0 0 987.55 0.0 239.5 0.0 987.55 319.5 0.0 0.0 1.0 458.502 0.0 212.0 0.0 458.502 319.5 0.0 0.0 1.0 0.9839573025911114 0.06158397018958333 0.16743787293594195 -0.6115166323881671 -0.03760866192604039 0.9890422098184034 -0.14276237510514442 -0.04108882146528884 -0.1743949977085264 0.13417496716309518 0.9754913956365917 -0.2136938815771081 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/64105845_298847718.jpg notre_dame_front_facade/test/images/86877326_2716699476.jpg 0 0 680.938 0.0 165.0 0.0 680.938 249.5 0.0 0.0 1.0 570.15 0.0 213.0 0.0 570.15 319.5 0.0 0.0 1.0 0.999883828455322 0.00838471021326356 0.012728952359405122 -0.244329196885419 -0.007482865195878603 0.997566732554745 -0.06931537223812723 -0.07820239732951846 -0.013279168723557968 0.06921207072967415 0.9975135853427372 -0.24015759601035458 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/43674862_141833517.jpg notre_dame_front_facade/test/images/79222984_9062375931.jpg 0 0 756.183 0.0 213.0 0.0 756.183 319.5 0.0 0.0 1.0 604.588 0.0 239.5 0.0 604.588 319.5 0.0 0.0 1.0 0.9121570759206821 0.09893959589370485 0.39771902797354436 -0.8991714009883721 -0.3471702560927464 0.7022690027502209 0.6215231782167959 -1.0504647023241882 -0.21781249305842737 -0.7050029816536953 0.6749285249025053 -0.8119229350037606 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/76540090_3388723256.jpg notre_dame_front_facade/test/images/98359518_9321667101.jpg 0 0 676.182 0.0 239.5 0.0 676.182 319.5 0.0 0.0 1.0 1039.51 0.0 203.0 0.0 1039.51 319.5 0.0 0.0 1.0 0.9848317783103705 -0.03131918918720497 -0.1706618786334238 0.45840304051405156 0.029002829582515783 0.9994504706823008 -0.016049689378152373 -0.016383496705753772 0.17107075818573134 0.010856566749377685 0.985198929481846 1.1083213710612239 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/60713194_2656171721.jpg notre_dame_front_facade/test/images/83755577_4922523649.jpg 0 0 525.662 0.0 319.5 0.0 525.662 212.5 0.0 0.0 1.0 667.625 0.0 239.5 0.0 667.625 319.5 0.0 0.0 1.0 0.9388983415838185 -0.12167829793574919 -0.3219694022459499 0.7954435977059439 0.12850351518303219 0.9917090518657393 -5.507413230924754e-05 -0.08641062934761527 0.3193066719577895 -0.04132249095849491 0.9467500731366361 -0.27862871277246726 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/75634121_4629598760.jpg notre_dame_front_facade/test/images/97684963_8291074855.jpg 0 0 681.584 0.0 319.5 0.0 681.584 239.5 0.0 0.0 1.0 599.175 0.0 319.5 0.0 599.175 239.5 0.0 0.0 1.0 0.7654291126688806 0.06367368787772174 0.6403623466061853 -0.8315742879440093 -0.2810089381189003 0.9282769441706062 0.2435895966961015 0.32872904342289344 -0.5789233543192204 -0.3663981118855989 0.7284230731041201 0.6412475127302062 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/92799893_8631875281.jpg notre_dame_front_facade/test/images/32993759_112702084.jpg 0 0 519.666 0.0 319.5 0.0 519.666 262.5 0.0 0.0 1.0 557.015 0.0 187.0 0.0 557.015 249.5 0.0 0.0 1.0 0.9991354150666819 0.005150341499040315 0.04125404637090284 1.303601896270027 -0.01785576483831383 0.9492753935434071 0.31393852722316284 -0.43793451073875433 -0.037544560479091764 -0.3144037232531653 0.9485466276272235 -1.4637463739025671 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/01927388_3809070796.jpg notre_dame_front_facade/test/images/99239692_3743536843.jpg 0 0 688.527 0.0 319.5 0.0 688.527 239.5 0.0 0.0 1.0 562.649 0.0 187.0 0.0 562.649 249.5 0.0 0.0 1.0 0.9999939158624942 0.0033679644046238186 0.0009083247017385416 0.10213600585715998 -0.0034849643071825946 0.9759589099309208 0.2179267334455007 0.007560972267585404 -0.00015251810471167318 -0.21792857302845323 0.9759647092984509 0.050270405757380676 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/36982333_6368134453.jpg notre_dame_front_facade/test/images/16804042_6635582193.jpg 0 0 761.713 0.0 239.5 0.0 761.713 319.5 0.0 0.0 1.0 975.444 0.0 319.5 0.0 975.444 213.5 0.0 0.0 1.0 0.9193258546986108 0.027384875698328225 0.39254304409281776 -1.1250870486589575 -0.11865034824330976 0.9704371412375036 0.21017575923146556 -0.27874521137286334 -0.3751827124807459 -0.23979537837449827 0.8953971793376508 -0.2635078462236245 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/94098462_7321392130.jpg notre_dame_front_facade/test/images/25819788_12704796265.jpg 0 0 515.113 0.0 319.5 0.0 515.113 211.5 0.0 0.0 1.0 541.8 0.0 319.5 0.0 541.8 212.0 0.0 0.0 1.0 0.9763391004409055 -0.085651764740494 -0.1985591502476839 1.4387134039467426 0.0982305481259103 0.9936772173987053 0.05437230027917932 -0.2334536645053903 0.19264662043525813 -0.07259037690772163 0.9785795403620845 -1.1579594126965387 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/31955715_370356740.jpg notre_dame_front_facade/test/images/31731830_3056005968.jpg 0 0 893.023 0.0 249.5 0.0 893.023 188.0 0.0 0.0 1.0 692.226 0.0 319.5 0.0 692.226 239.5 0.0 0.0 1.0 0.9915897171854396 0.045382776438116466 0.12120328533033725 -0.14017398805831532 -0.031047085698908083 0.9925696448951652 -0.11765023800354309 0.2443652465939531 -0.12564199632966613 0.11289775744209285 0.985630856417778 0.6643774138967913 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/97258672_6764851771.jpg notre_dame_front_facade/test/images/79303999_2708557564.jpg 0 0 523.368 0.0 319.5 0.0 523.368 239.5 0.0 0.0 1.0 514.539 0.0 319.5 0.0 514.539 212.5 0.0 0.0 1.0 0.990451799887391 0.002070551965576938 0.13784391504301316 -0.43225475530696533 0.002759414233776452 0.9993891258063654 -0.03483907078375439 0.010395351147211213 -0.13783184585905403 0.03488678882538295 0.989841044932235 0.06433865839859236 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/78178757_2465451170.jpg notre_dame_front_facade/test/images/88042390_4857002374.jpg 0 0 840.903 0.0 239.5 0.0 840.903 319.5 0.0 0.0 1.0 528.338 0.0 239.5 0.0 528.338 319.5 0.0 0.0 1.0 0.9589431685052945 -0.048330754107457366 -0.27944970528599733 0.925159992450078 0.10738758290269095 0.9738781901379179 0.20007293123261585 -0.6292883402277565 0.26248029757553987 -0.22186799900187915 0.9390839602525208 -1.1026421555990769 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/05311113_3754895202.jpg notre_dame_front_facade/test/images/98282583_3572009571.jpg 0 0 427.358 0.0 319.5 0.0 427.358 213.0 0.0 0.0 1.0 660.309 0.0 239.5 0.0 660.309 319.5 0.0 0.0 1.0 0.8964521145089559 -0.0004722606747672562 0.4431403653045802 -1.325154143796451 -0.16034126889238057 0.9318981505219565 0.3253559812631976 -0.7880462883115942 -0.4131153396842134 -0.36271974584189914 0.8353263446665531 -0.8876240990708022 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/05852089_7355180390.jpg notre_dame_front_facade/test/images/60857305_1123347137.jpg 0 0 678.861 0.0 319.5 0.0 678.861 239.5 0.0 0.0 1.0 1758.82 0.0 255.5 0.0 1758.82 319.5 0.0 0.0 1.0 0.9150139176742493 0.08007482051150079 0.39539543950641726 -1.1163506120558597 0.07601840973573484 0.9283221019971628 -0.36392207452258085 0.32960943244155994 -0.39619532032025806 0.36305109566508664 0.8433404828968595 6.7284472542868 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/54610599_2978121532.jpg notre_dame_front_facade/test/images/72214550_1126054905.jpg 0 0 649.211 0.0 239.5 0.0 649.211 319.5 0.0 0.0 1.0 431.766 0.0 319.5 0.0 431.766 239.5 0.0 0.0 1.0 0.8299327166896712 -0.1436028910149872 -0.5390639066569377 1.5242297679347352 0.4186668398923086 0.7989501658967594 0.4317368522469777 -1.3989810427590892 0.3686865375121392 -0.584000720980444 0.7231966502630052 -1.3390826305648538 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/28264157_4531674049.jpg notre_dame_front_facade/test/images/34722769_6860824250.jpg 0 0 321.962 0.0 190.5 0.0 321.962 319.5 0.0 0.0 1.0 575.935 0.0 239.5 0.0 575.935 319.5 0.0 0.0 1.0 0.9837665724052705 -0.043037554217351656 0.17421567077899167 -0.15710291774927776 -0.02668639499718779 0.9249355623677544 0.3791860253088183 -0.43232041515354536 -0.17745750854793255 -0.3776797246271425 0.9087721707147103 0.7157276930121046 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/20281279_9286833193.jpg notre_dame_front_facade/test/images/48541802_2699303896.jpg 0 0 729.434 0.0 239.5 0.0 729.434 319.5 0.0 0.0 1.0 606.303 0.0 239.5 0.0 606.303 319.5 0.0 0.0 1.0 0.944064311096168 0.11492156681366189 0.3090883530571969 -0.7764978999617419 -0.0972781656261556 0.9926527476151732 -0.07195471592923806 -0.18811741322542647 -0.3150865516122952 0.037862331322042954 0.9483073915455537 -1.0651914295227438 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/78307185_6277857825.jpg notre_dame_front_facade/test/images/52366157_4087324332.jpg 0 0 750.961 0.0 299.5 0.0 750.961 299.5 0.0 0.0 1.0 691.211 0.0 319.5 0.0 691.211 239.5 0.0 0.0 1.0 0.9999832435609218 0.00557706925154261 0.001552061835610458 0.08074968251487208 -0.005178430525262263 0.981610907282796 -0.19082245821899751 -0.07042595456968181 -0.0025877508908495415 0.19081122346971505 0.9816233394450834 -0.14738241993475387 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/11114519_4976973093.jpg notre_dame_front_facade/test/images/55721528_5595678955.jpg 0 0 2357.64 0.0 239.5 0.0 2357.64 319.5 0.0 0.0 1.0 791.388 0.0 319.5 0.0 791.388 212.0 0.0 0.0 1.0 0.9866828362785665 -0.034684649726604455 -0.15891493217009675 1.3312976656250246 0.1357268832586178 0.7139877900141025 0.6868767348452555 -5.582898687503426 0.08963924226690698 -0.6992985133575794 0.709187137123689 -4.69179362665658 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/71272180_3274206565.jpg notre_dame_front_facade/test/images/89754598_4524545386.jpg 0 0 701.674 0.0 319.5 0.0 701.674 239.5 0.0 0.0 1.0 499.552 0.0 212.5 0.0 499.552 319.5 0.0 0.0 1.0 0.8653754894949492 0.2278243640779238 0.44634215722231124 -0.5857128240105226 -0.012794398262168645 0.9004363556717343 -0.4347995776880598 0.3441575330915269 -0.5009606427200503 0.3705542180533042 0.7821304276963134 0.9731111295802993 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/48878579_6144672125.jpg notre_dame_front_facade/test/images/88697814_397500572.jpg 0 0 1152.32 0.0 239.5 0.0 1152.32 319.5 0.0 0.0 1.0 534.268 0.0 183.0 0.0 534.268 249.5 0.0 0.0 1.0 0.965564920943248 -0.04318669146142028 -0.2565527102263296 0.8595577266190795 0.05086711738772162 0.9984318784372127 0.023373499716615894 -0.23125604785591417 0.25514098026879706 -0.03561872823326213 0.9662475802746014 -1.0335693537884754 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/84557583_2821153446.jpg notre_dame_front_facade/test/images/37414234_5204240482.jpg 0 0 1702.85 0.0 319.5 0.0 1702.85 239.5 0.0 0.0 1.0 981.426 0.0 213.5 0.0 981.426 319.5 0.0 0.0 1.0 0.9607356159917174 0.04009978721819114 0.2745525145214867 -0.8829432600674605 -0.01626838249653429 0.9959402476662335 -0.08853452891085972 0.3050929878470531 -0.27698811508070503 0.08059174984809052 0.9574876260090576 0.629890142556817 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/76037076_5253334624.jpg notre_dame_front_facade/test/images/54968428_2379374680.jpg 0 0 672.424 0.0 239.5 0.0 672.424 319.5 0.0 0.0 1.0 528.702 0.0 187.0 0.0 528.702 249.5 0.0 0.0 1.0 0.9618008272765549 0.018587478425617813 0.27311842540537484 -0.7658948607263677 -0.056465960589799795 0.9897077850407682 0.13149180782226638 -0.28811226477196317 -0.26786333072073387 -0.1418908237888337 0.9529513262385025 -1.023504984313043 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/36628843_84606153.jpg notre_dame_front_facade/test/images/35152725_4701790456.jpg 0 0 726.708 0.0 319.5 0.0 726.708 213.0 0.0 0.0 1.0 711.581 0.0 239.5 0.0 711.581 319.5 0.0 0.0 1.0 0.9452994747465745 0.07443523447557358 0.3175976997908158 -0.4380992598390135 0.019392302626099474 0.9590722372396129 -0.2824966944143983 0.04205600368751205 -0.3256268441678428 0.2732029275552708 0.9051670115136327 -1.1661738777434891 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/46129623_985747637.jpg notre_dame_front_facade/test/images/24710907_307223581.jpg 0 0 663.962 0.0 319.5 0.0 663.962 239.5 0.0 0.0 1.0 667.982 0.0 319.5 0.0 667.982 213.0 0.0 0.0 1.0 0.9643162293740903 0.015565643706705429 0.2642951390051143 -0.14958749306241026 0.18451021068186285 0.6764023266543502 -0.7130468951273237 0.360551399192618 -0.1898688808622187 0.736367845056109 0.6493937209794616 2.19128178350028 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/65117548_393332042.jpg notre_dame_front_facade/test/images/41995021_5921639869.jpg 0 0 528.38 0.0 319.5 0.0 528.38 213.5 0.0 0.0 1.0 540.721 0.0 319.5 0.0 540.721 239.5 0.0 0.0 1.0 0.9918642131903499 0.04318912198749916 -0.1197500828151563 0.15473853772206936 0.02159712407588027 0.8699621627340464 0.49264530815055096 -0.7292822004929849 0.12545495934373785 -0.49122350834731954 0.8619515752192881 -0.7908041682276016 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/98283507_7198318944.jpg notre_dame_front_facade/test/images/67691681_4057682871.jpg 0 0 733.699 0.0 239.5 0.0 733.699 319.5 0.0 0.0 1.0 662.741 0.0 239.5 0.0 662.741 319.5 0.0 0.0 1.0 0.9959831688705367 0.015112506930293857 0.08825610155046394 -0.3896757872485776 -0.025130787371771778 0.9932165102493212 0.11353152555231016 -0.14250942193146943 -0.0859416712234454 -0.11529343390862243 0.9896067164509744 -0.37223793546921596 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/66678449_3070814495.jpg notre_dame_front_facade/test/images/89810148_5254985106.jpg 0 0 542.068 0.0 213.0 0.0 542.068 319.5 0.0 0.0 1.0 782.364 0.0 211.5 0.0 782.364 319.5 0.0 0.0 1.0 0.9963733090198529 -0.018452354353731156 -0.08306467174216038 0.2390077409092735 0.010241032051949728 0.9951124294149857 -0.0982159563732706 0.3681118120817005 0.0844710029260897 0.097009089484489 0.9916924352953645 1.5679254568652188 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/31731830_3056005968.jpg notre_dame_front_facade/test/images/93201398_6054202502.jpg 0 0 692.226 0.0 319.5 0.0 692.226 239.5 0.0 0.0 1.0 668.116 0.0 319.5 0.0 668.116 255.5 0.0 0.0 1.0 0.982221424776656 0.08029743448618293 0.16968616538967854 -0.7190914515198344 -0.04525025849107486 0.9785212758209947 -0.20111819130089656 0.21771910057591645 -0.18219079783624392 0.18986425356182846 0.9647580413778383 0.9652268809825748 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/65265933_1398358926.jpg notre_dame_front_facade/test/images/37809717_6059506804.jpg 0 0 902.934 0.0 319.5 0.0 902.934 239.5 0.0 0.0 1.0 498.988 0.0 211.5 0.0 498.988 319.5 0.0 0.0 1.0 0.931721820497386 0.14968832418214892 0.33088949033261295 -1.320179366378836 -0.13757430738830384 0.9886799215782 -0.05987756353387235 -0.15812374344642866 -0.33610676749459373 0.010267340048149375 0.9417679239455287 -0.5245976432418691 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/79793488_5196381575.jpg notre_dame_front_facade/test/images/62185644_2486505446.jpg 0 0 761.869 0.0 239.5 0.0 761.869 319.5 0.0 0.0 1.0 696.156 0.0 187.0 0.0 696.156 249.5 0.0 0.0 1.0 0.9908286487131306 0.08232444982259572 0.1071507062539414 -0.2892341969591984 -0.0618328818563358 0.9813190113286752 -0.1821803851303767 0.22736706816092983 -0.12014692509861384 0.173884107860146 0.9774093479310646 1.2957176571594848 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/62265406_497236333.jpg notre_dame_front_facade/test/images/04354414_8981826522.jpg 0 0 1321.94 0.0 220.0 0.0 1321.94 319.5 0.0 0.0 1.0 351.504 0.0 213.0 0.0 351.504 319.5 0.0 0.0 1.0 0.9583314228371902 -0.11617222614743612 -0.26096915119376746 1.2112135594669282 0.11211298393080701 0.9932290806332642 -0.030441291341388323 -0.02161355956609312 0.2627385826957608 -8.518421002908263e-05 0.9648670529698241 -2.6313000880780786 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/62739329_10894953753.jpg notre_dame_front_facade/test/images/76037076_5253334624.jpg 0 0 675.789 0.0 319.5 0.0 675.789 213.5 0.0 0.0 1.0 672.424 0.0 239.5 0.0 672.424 319.5 0.0 0.0 1.0 0.8180312970362006 -0.1234408688527708 -0.561771438368083 1.1949264050705568 0.024620358153835988 0.9833184742265358 -0.18021824604954545 -0.01731930576745551 0.574646530515628 0.13359315155228096 0.8074244452731665 0.07187622530788762 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/88697814_397500572.jpg notre_dame_front_facade/test/images/73563955_5923240867.jpg 0 0 534.268 0.0 183.0 0.0 534.268 249.5 0.0 0.0 1.0 1302.54 0.0 319.5 0.0 1302.54 179.0 0.0 0.0 1.0 0.9509739858695475 0.06360434563189192 0.3026598179741148 -0.8658241998460121 -0.04333253590731406 0.9963728278648256 -0.07323577830877395 0.5280847070909673 -0.30622013247209406 0.05653030257648889 0.9502807771176809 3.7822162237581174 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/56616850_528528947.jpg notre_dame_front_facade/test/images/69433801_3498883130.jpg 0 0 698.333 0.0 239.5 0.0 698.333 319.5 0.0 0.0 1.0 916.518 0.0 239.5 0.0 916.518 319.5 0.0 0.0 1.0 0.9940661611189524 -0.030445267818047874 -0.10442965568130529 0.2003401282338842 0.03796772726249237 0.9967663244014592 0.07081910918478221 0.016578207078735238 0.1019358573061984 -0.0743638366862042 0.9920076112553562 0.06829591884010892 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/12023672_2650236061.jpg notre_dame_front_facade/test/images/99239692_3743536843.jpg 0 0 848.099 0.0 213.0 0.0 848.099 319.5 0.0 0.0 1.0 562.649 0.0 187.0 0.0 562.649 249.5 0.0 0.0 1.0 0.9592842867486159 -0.06478763966947683 -0.2749112928623655 0.8671924878051582 0.04191249979310635 0.995212789472104 -0.0882884252450247 0.02128850230310599 0.2793152333086975 0.0731714795341155 0.9574074028460908 0.03143315842870015 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/11114519_4976973093.jpg notre_dame_front_facade/test/images/57166610_6309910907.jpg 0 0 2357.64 0.0 239.5 0.0 2357.64 319.5 0.0 0.0 1.0 718.825 0.0 213.0 0.0 718.825 319.5 0.0 0.0 1.0 0.9805602508282293 -0.0139405537424441 -0.1957223938567935 1.7068375650843652 0.033310956576263914 0.9948209853620783 0.09602909587826909 -1.0710524758998774 0.19337004594211085 -0.10068201450396967 0.9759462881161894 -5.359001524851271 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/60857305_1123347137.jpg notre_dame_front_facade/test/images/93967284_1001548090.jpg 0 0 1758.82 0.0 255.5 0.0 1758.82 319.5 0.0 0.0 1.0 693.696 0.0 319.5 0.0 693.696 239.5 0.0 0.0 1.0 0.923234258220683 -0.007643027964354126 -0.38416153968251654 3.337545901662916 0.07311798767882036 0.9850276039309886 0.1561229623462721 -1.1455234859805588 0.37721646878881826 -0.17222718605815898 0.9099700720666493 -4.727445837770428 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/42724754_4633133394.jpg notre_dame_front_facade/test/images/37513893_13969657371.jpg 0 0 653.704 0.0 319.5 0.0 653.704 239.5 0.0 0.0 1.0 889.692 0.0 213.0 0.0 889.692 319.5 0.0 0.0 1.0 0.9507874160276343 0.1140510156463171 0.2880896654750697 -0.664012819003675 0.00823314582354903 0.9201616054839366 -0.39145221305169864 0.33641307605406223 -0.30973457158241513 0.3745597223718374 0.8739390765627714 2.5376916395987443 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/13729493_60409794.jpg notre_dame_front_facade/test/images/70470648_253650724.jpg 0 0 698.515 0.0 239.5 0.0 698.515 319.5 0.0 0.0 1.0 661.366 0.0 239.5 0.0 661.366 319.5 0.0 0.0 1.0 0.9993945739428843 0.030933625173375282 -0.01592471058303685 -0.007740380151029597 -0.03037722775931218 0.9989577041335668 0.03406947880217357 -0.11480951273559273 0.016962004810140704 -0.03356510369157234 0.999292586886841 -0.41346037327829094 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/51975876_7139799139.jpg notre_dame_front_facade/test/images/37513893_13969657371.jpg 0 0 533.325 0.0 239.5 0.0 533.325 319.5 0.0 0.0 1.0 889.692 0.0 213.0 0.0 889.692 319.5 0.0 0.0 1.0 0.9505267780443749 0.09904790840939125 0.29442886417656877 -0.6776190285947445 -0.03543776992636281 0.9761925013155687 -0.21399150646205428 0.1753491528151443 -0.3086146605124678 0.19297075481786896 0.9314071500164661 1.3559424408469798 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/81357869_4069966605.jpg notre_dame_front_facade/test/images/65299042_229585472.jpg 0 0 820.937 0.0 319.5 0.0 820.937 213.0 0.0 0.0 1.0 397.031 0.0 166.0 0.0 397.031 249.5 0.0 0.0 1.0 0.9840553424534796 0.02145652586774352 -0.176563587657398 0.5844996928393061 -0.04022266913482988 0.9938258730817842 -0.10340343747138944 -0.22938901026992742 0.17325478312714718 0.10885656383937717 0.9788426986153846 -0.8037890211317993 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/63370987_10651574034.jpg notre_dame_front_facade/test/images/35184160_219996854.jpg 0 0 456.706 0.0 239.5 0.0 456.706 319.5 0.0 0.0 1.0 541.484 0.0 187.0 0.0 541.484 249.5 0.0 0.0 1.0 0.6764022820995604 0.13153486912209633 0.7246920249150943 -1.027788876093163 -0.36680504037165756 0.9133858892626432 0.17657938626532008 -0.10902218757766902 -0.6386971231565499 -0.3852593872976017 0.6660639529133998 0.2527053205207337 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/51575595_2715884125.jpg notre_dame_front_facade/test/images/66678449_3070814495.jpg 0 0 912.594 0.0 213.0 0.0 912.594 319.5 0.0 0.0 1.0 542.068 0.0 213.0 0.0 542.068 319.5 0.0 0.0 1.0 0.9761269730180661 -0.07614414699423899 -0.2034163253652661 0.7660557596689473 0.08406487913527155 0.9959911506140304 0.030573256197401488 -0.43620534898671615 0.20027288544024188 -0.04694354883324749 0.9786148755155832 -1.3962915674113132 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/55422345_4940624653.jpg notre_dame_front_facade/test/images/45459434_6823683093.jpg 0 0 668.447 0.0 319.5 0.0 668.447 239.5 0.0 0.0 1.0 722.12 0.0 319.5 0.0 722.12 319.5 0.0 0.0 1.0 0.9998833624369887 -0.01526974528828521 -0.00031048435059520687 -0.008596726082758757 0.01527007847146408 0.9991010933906498 0.03954528908837936 -0.04457043662838731 -0.00029364123757081174 -0.03954541774262926 0.9992177308827064 -0.3058562412540067 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/61900107_5317613163.jpg notre_dame_front_facade/test/images/94836922_1185468195.jpg 0 0 537.046 0.0 319.5 0.0 537.046 239.5 0.0 0.0 1.0 658.457 0.0 239.5 0.0 658.457 319.5 0.0 0.0 1.0 0.8857741902258579 0.3099958684748772 0.34540794064154445 -0.38283791513206844 0.07878800990234207 0.6329898497802336 -0.7701404414591053 0.49090845049840826 -0.4573800754573317 0.7093845301412373 0.53626211405519 2.419111838743636 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/73553965_4768986609.jpg notre_dame_front_facade/test/images/73100287_2167356662.jpg 0 0 567.368 0.0 319.5 0.0 567.368 239.5 0.0 0.0 1.0 410.944 0.0 166.0 0.0 410.944 249.5 0.0 0.0 1.0 0.9760140147081358 0.010926809687090509 -0.21743331833775953 0.6643524009202035 0.08134355538078118 0.908103023676538 0.41077016005004924 -1.0950729455232706 0.2019402611945452 -0.4186042322045865 0.8854324523582179 -1.4714306947721623 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/94554102_147558957.jpg notre_dame_front_facade/test/images/24232395_8292135214.jpg 0 0 547.53 0.0 319.5 0.0 547.53 232.5 0.0 0.0 1.0 606.526 0.0 319.5 0.0 606.526 239.5 0.0 0.0 1.0 0.9600785648280227 0.049830800500963425 0.2752563181458283 -0.7970527127395046 -0.1360243625710484 0.9429979714136314 0.3037304704782119 -0.568232813766859 -0.24443101714983775 -0.3290466794107018 0.9121303419050846 -0.8653625982318207 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/67072911_2739964408.jpg notre_dame_front_facade/test/images/17253180_3321954648.jpg 0 0 670.259 0.0 213.0 0.0 670.259 319.5 0.0 0.0 1.0 2056.32 0.0 319.5 0.0 2056.32 213.0 0.0 0.0 1.0 0.983083095237062 -0.04785699549250937 0.1767974429723109 -0.48515528771035776 0.0330036177847756 0.9957466021185108 0.08602014637604669 0.4518049343286912 -0.18016211886030328 -0.07872999651892533 0.9804811056700153 1.8077521547657356 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16248504_5575722639.jpg notre_dame_front_facade/test/images/79392901_158654812.jpg 0 0 303.539 0.0 211.5 0.0 303.539 319.5 0.0 0.0 1.0 506.813 0.0 249.5 0.0 506.813 187.0 0.0 0.0 1.0 0.998932657321584 -0.04286210917199087 -0.017215857044226738 0.08258162729355913 0.027021973043152212 0.844562590178614 -0.5347745732957444 0.5606204179247656 0.03746143496042392 0.5337385791453703 0.844819371240141 1.842076648288442 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/67597816_6045622567.jpg notre_dame_front_facade/test/images/78751376_5259305379.jpg 0 0 480.326 0.0 213.0 0.0 480.326 319.5 0.0 0.0 1.0 494.969 0.0 319.5 0.0 494.969 212.0 0.0 0.0 1.0 0.9473006239549456 -0.09570982631978875 -0.30571417533442324 0.9033210415926481 0.1995134088093191 0.9229110865946716 0.3292863889472631 -0.482747155952734 0.25063105864967344 -0.37292727895191397 0.8933696418916782 -0.7045027383626707 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/75827637_332080023.jpg notre_dame_front_facade/test/images/36126459_6228310178.jpg 0 0 824.199 0.0 239.5 0.0 824.199 319.5 0.0 0.0 1.0 672.751 0.0 319.5 0.0 672.751 212.5 0.0 0.0 1.0 0.9654386356123767 0.08024804786067981 0.2479687312575169 -0.5626522886919164 -0.13469207497644395 0.9681404533469015 0.2110973887375116 -0.4452776982916725 -0.22312840654083602 -0.23720099790642984 0.9454889744395443 -0.8801323258252134 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/64518898_5543139365.jpg notre_dame_front_facade/test/images/43866772_7750717370.jpg 0 0 551.721 0.0 228.0 0.0 551.721 319.5 0.0 0.0 1.0 440.442 0.0 319.5 0.0 440.442 212.5 0.0 0.0 1.0 0.9900640034056921 -0.02999259037955735 -0.13738163517230997 0.5876084427722351 -0.016202212326239952 0.9461497808809022 -0.32332349196239474 0.06047356700145623 0.13968091306985733 0.32233683727018453 0.9362628935628208 0.8727547864456107 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/69189455_2043939797.jpg notre_dame_front_facade/test/images/86620018_1656400518.jpg 0 0 572.409 0.0 187.0 0.0 572.409 249.5 0.0 0.0 1.0 622.811 0.0 165.5 0.0 622.811 249.5 0.0 0.0 1.0 0.9994534167516471 -0.01567465926867369 -0.029106233014072884 -0.029844126450899483 0.012054354710448509 0.992623573548681 -0.12063637000490804 0.11605091795617545 0.030782467022206206 0.12021957532888462 0.9922699700342489 0.6486235318577832 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/06852016_2679741155.jpg notre_dame_front_facade/test/images/27553172_6999659277.jpg 0 0 882.112 0.0 213.0 0.0 882.112 319.5 0.0 0.0 1.0 500.952 0.0 319.5 0.0 500.952 213.5 0.0 0.0 1.0 0.962618816392932 -0.058500023978950835 -0.2644669384265891 0.8683567247285527 0.06101910190109946 0.9981357352423347 0.0013127206203436975 -0.23113322416989432 0.26389710784594494 -0.01740118463513367 0.9643938589828535 -0.8143963053069629 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/35184160_219996854.jpg notre_dame_front_facade/test/images/94098462_7321392130.jpg 0 0 541.484 0.0 187.0 0.0 541.484 249.5 0.0 0.0 1.0 515.113 0.0 319.5 0.0 515.113 211.5 0.0 0.0 1.0 0.9769169936185135 -0.04429084252001531 -0.20897729266174428 -0.4019622179129667 -0.05976607172377709 0.8825332966732046 -0.46643648756699346 0.5961079771743205 0.20508828403902898 0.46815948300978893 0.8595146852834649 3.0520730063125363 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/84901566_1662226642.jpg notre_dame_front_facade/test/images/68906626_8236091211.jpg 0 0 680.44 0.0 319.5 0.0 680.44 239.5 0.0 0.0 1.0 595.075 0.0 319.5 0.0 595.075 239.5 0.0 0.0 1.0 0.9880655577147973 -0.008476036563679528 0.15380055416648422 -0.1665840482686814 -0.08068102193576429 0.8220799066816068 0.5636268266590595 -0.14354766341686842 -0.1312136668077956 -0.5693090407103439 0.8115849861895675 -0.14971232454694383 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/01434393_2942710887.jpg notre_dame_front_facade/test/images/93201398_6054202502.jpg 0 0 715.702 0.0 239.5 0.0 715.702 319.5 0.0 0.0 1.0 668.116 0.0 319.5 0.0 668.116 255.5 0.0 0.0 1.0 0.9525989881408913 0.049465311455367734 0.30018053027398955 -1.2010140968773668 -0.028665209736687337 0.9968973681856803 -0.07330718283507907 0.010288287597402865 -0.3028753432415749 0.06122761033298168 0.9510613577415554 0.339798602027357 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/37414234_5204240482.jpg notre_dame_front_facade/test/images/49047422_9668436418.jpg 0 0 981.426 0.0 213.5 0.0 981.426 319.5 0.0 0.0 1.0 589.962 0.0 319.5 0.0 589.962 239.5 0.0 0.0 1.0 0.9968196542141687 -0.007901141547366828 -0.07929784949538983 0.5688956914079141 0.029138725365796096 0.9623048490946362 0.27040767757777495 -1.232536688313997 0.07417217575615356 -0.27185832591847847 0.9594746161167582 -1.8558601906542491 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/20437892_10017965835.jpg notre_dame_front_facade/test/images/32850132_379216157.jpg 0 0 512.02 0.0 179.5 0.0 512.02 319.5 0.0 0.0 1.0 486.649 0.0 249.5 0.0 486.649 167.0 0.0 0.0 1.0 0.989136188539764 -0.037612386286055906 0.14210879254605044 -0.19169361885264702 -0.01610677967755971 0.9331627750975039 0.3590930336566611 -0.366983627651127 -0.1461169811125539 -0.35748082965411443 0.9224192562280774 -0.2595425047305573 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/89632394_1391563454.jpg notre_dame_front_facade/test/images/61900107_5317613163.jpg 0 0 525.849 0.0 166.0 0.0 525.849 249.5 0.0 0.0 1.0 537.046 0.0 319.5 0.0 537.046 239.5 0.0 0.0 1.0 0.993798076973386 0.08806240712473226 -0.06789988700577913 0.2133500999636309 -0.00971995813471399 0.677067968261299 0.7358562962755543 -1.4613392748983618 0.11077411528809007 -0.7306325881083563 0.6737248077488511 -0.6830984551995736 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/19969696_3085995005.jpg notre_dame_front_facade/test/images/79255400_2324943723.jpg 0 0 1261.33 0.0 319.5 0.0 1261.33 239.5 0.0 0.0 1.0 1184.71 0.0 249.5 0.0 1184.71 165.5 0.0 0.0 1.0 0.9847643559176386 -0.0035994846226220746 -0.1738568578589003 0.7766008269897104 0.03876370451848994 0.9791727881320264 0.1992938187545153 -1.0857274220909066 0.16951854920958223 -0.20299678493071235 0.9643939893952433 -2.7593865145330794 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/48194802_193393602.jpg notre_dame_front_facade/test/images/42724754_4633133394.jpg 0 0 744.735 0.0 239.5 0.0 744.735 319.5 0.0 0.0 1.0 653.704 0.0 319.5 0.0 653.704 239.5 0.0 0.0 1.0 0.8569800137176429 -0.05931670288146825 -0.51192458902438 1.4163809929951725 0.15558358361233396 0.9767827370599533 0.1472726488252645 -0.1533279488571952 0.49130337328259066 -0.20585677871019303 0.8463119886071625 -0.1815498436031514 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/03224502_8509869187.jpg notre_dame_front_facade/test/images/02864341_2175867632.jpg 0 0 641.298 0.0 319.5 0.0 641.298 213.5 0.0 0.0 1.0 725.615 0.0 240.0 0.0 725.615 319.5 0.0 0.0 1.0 0.9899000099213099 -0.05317474240989463 -0.13141695905564105 0.2401464094512975 0.04665824181615532 0.9975471274527756 -0.052179852254877576 -0.2332004846779566 0.13386926020717327 0.04552115201043393 0.9899529513523495 -1.1652317362628941 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/40855093_3275085444.jpg notre_dame_front_facade/test/images/92639314_4796735674.jpg 0 0 1947.13 0.0 239.5 0.0 1947.13 319.5 0.0 0.0 1.0 502.277 0.0 239.5 0.0 502.277 319.5 0.0 0.0 1.0 0.901127040487712 -0.04698853384790956 -0.4310013162261593 3.56389782026758 0.04061416102185143 0.9988869771344892 -0.02398534626836982 -0.4123091229251691 0.4316486381611195 0.0041090872400500215 0.9020324653667985 -4.772167973138852 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/85791643_379742998.jpg notre_dame_front_facade/test/images/96809970_2634698191.jpg 0 0 792.408 0.0 249.5 0.0 792.408 238.5 0.0 0.0 1.0 1900.54 0.0 319.5 0.0 1900.54 239.5 0.0 0.0 1.0 0.9996021867076225 -0.023788162613324903 -0.015152281967450432 -0.3492834929457153 0.020930985736343537 0.9857724150138948 -0.16677721557148825 0.1547589750872684 0.018904025112237263 0.16639371718053442 0.9858781713362966 1.0456097868623009 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/90793558_9763268725.jpg notre_dame_front_facade/test/images/48713798_2650230109.jpg 0 0 1558.15 0.0 239.5 0.0 1558.15 319.5 0.0 0.0 1.0 2142.91 0.0 319.5 0.0 2142.91 213.0 0.0 0.0 1.0 0.9614504504309082 -0.07124621351320806 -0.26558804270191483 1.2294525031805192 0.03859509213463078 0.9912543917123361 -0.12619488806653814 0.05865221113080762 0.2722562216540205 0.1110797369957145 0.9557917355782273 0.17849621577425712 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/90399956_55117568.jpg notre_dame_front_facade/test/images/01434393_2942710887.jpg 0 0 284.825 0.0 213.5 0.0 284.825 319.5 0.0 0.0 1.0 715.702 0.0 239.5 0.0 715.702 319.5 0.0 0.0 1.0 0.9961377758227855 -0.048537470600030004 -0.07316861025456892 0.0916935696591526 0.0598453561548075 0.9850933174880028 0.16127519706137342 0.0445166940471842 0.06425001887577955 -0.16503111763613496 0.9841934084753007 1.5804816843324303 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/88042390_4857002374.jpg notre_dame_front_facade/test/images/64123516_6358230237.jpg 0 0 528.338 0.0 239.5 0.0 528.338 319.5 0.0 0.0 1.0 528.109 0.0 319.5 0.0 528.109 211.5 0.0 0.0 1.0 0.7780070539132339 0.25424034767706694 0.5745144642864043 -1.5501629744478922 -0.037511805367302475 0.9316268565275594 -0.36147512314772634 0.31474654891323295 -0.6271346653784462 0.25967912085807443 0.7343492804320311 2.9799170404822233 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/63136592_197609530.jpg notre_dame_front_facade/test/images/47104342_7985973355.jpg 0 0 889.805 0.0 259.5 0.0 889.805 319.5 0.0 0.0 1.0 459.867 0.0 319.5 0.0 459.867 239.5 0.0 0.0 1.0 0.08589725241463461 0.8503194091417018 0.519209557370166 -2.118029984637586 -0.9943964423776579 0.040937688469086304 0.09746702544689251 -0.35817197272440654 0.061622864379008824 -0.5246722863842871 0.8490710302948811 -2.029607383076014 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/40934391_13870812494.jpg notre_dame_front_facade/test/images/66536323_206198871.jpg 0 0 492.012 0.0 319.5 0.0 492.012 211.5 0.0 0.0 1.0 647.198 0.0 239.5 0.0 647.198 319.5 0.0 0.0 1.0 0.978338658144241 0.062264404555180244 0.19742495765711718 -0.25904868097363803 0.015518791064413832 0.9289506298708695 -0.3698782156148345 0.3189643559716026 -0.206428285620999 0.3649299538101851 0.907862044425072 0.816315189878903 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/53297154_7403336528.jpg notre_dame_front_facade/test/images/21370056_8707038673.jpg 0 0 970.474 0.0 213.0 0.0 970.474 319.5 0.0 0.0 1.0 1809.08 0.0 239.5 0.0 1809.08 319.5 0.0 0.0 1.0 0.9767008619144203 0.017970276532871258 0.21385157351995465 -0.8323214988331215 -0.034001351230465694 0.9968592499384448 0.07152303074299834 0.13970960476221406 -0.2118946305363375 -0.07712784823585783 0.9742443023063443 0.7515491689692453 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/75437734_2225459366.jpg notre_dame_front_facade/test/images/89455443_12073338213.jpg 0 0 740.607 0.0 319.5 0.0 740.607 239.5 0.0 0.0 1.0 460.921 0.0 212.5 0.0 460.921 319.5 0.0 0.0 1.0 0.9994351397848529 0.010855501799026425 0.03180502230659201 -0.09939140344891405 0.006689366935517265 0.8631951546753612 -0.5048260862069044 0.4515913545503081 -0.03293408163640654 0.5047536854998389 0.8626349536397746 0.996127764574579 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/47637734_4638229298.jpg notre_dame_front_facade/test/images/58668083_4179544564.jpg 0 0 675.352 0.0 319.5 0.0 675.352 319.5 0.0 0.0 1.0 681.176 0.0 239.5 0.0 681.176 319.5 0.0 0.0 1.0 0.9456722564434135 -0.18598476815847428 -0.266671425927604 0.7828880641613839 0.10010215829005714 0.9469354921320503 -0.3054385889934403 0.20561670697915455 0.3093275631089078 0.26215041436867875 0.9141081002526095 1.4491913373372356 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/74055833_422957728.jpg notre_dame_front_facade/test/images/10271797_13991878773.jpg 0 0 662.31 0.0 239.5 0.0 662.31 319.5 0.0 0.0 1.0 483.005 0.0 319.5 0.0 483.005 239.5 0.0 0.0 1.0 0.9974392665566599 -0.011619414669494508 -0.07056839755620307 0.15220242897464892 -0.008780549829115532 0.959353784132346 -0.2820695283359166 -0.029818471921041124 0.07097754205106299 0.2819668527924628 0.9567951099638329 -0.3968229727465207 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/66536323_206198871.jpg notre_dame_front_facade/test/images/63370987_10651574034.jpg 0 0 647.198 0.0 239.5 0.0 647.198 319.5 0.0 0.0 1.0 456.706 0.0 239.5 0.0 456.706 319.5 0.0 0.0 1.0 0.9523234752787151 -0.04503871157347665 -0.3017474322887798 0.6437586961377818 0.042453413739592834 0.9989839729772146 -0.015123802316716643 -0.11320789098006742 0.30212200531395517 0.0015925433938685316 0.9532679359501258 -0.6195677169828385 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/94022639_2742603296.jpg notre_dame_front_facade/test/images/32485075_5873194828.jpg 0 0 699.852 0.0 239.5 0.0 699.852 319.5 0.0 0.0 1.0 1688.87 0.0 239.5 0.0 1688.87 319.5 0.0 0.0 1.0 0.9891889665986312 -0.048884721220155 -0.1382587154242361 -0.042716459366358706 0.06372293294501001 0.992426729525709 0.10501701928635641 -0.0213690459220924 0.13207791706571517 -0.11269192763518122 0.9848126488167428 -0.07861658556426851 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/39119309_3697303347.jpg notre_dame_front_facade/test/images/12015220_144820170.jpg 0 0 643.065 0.0 239.5 0.0 643.065 319.5 0.0 0.0 1.0 647.595 0.0 239.5 0.0 647.595 319.5 0.0 0.0 1.0 0.8134420467058874 -0.19049260244850863 0.5495676528538878 -0.8106218089656536 0.16622585956379232 0.9815781509231488 0.09419818067547818 0.11529109289094402 -0.5573876570782808 0.014727594599461411 0.830121736671254 0.579999367527883 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/44499587_5808479997.jpg notre_dame_front_facade/test/images/79793488_5196381575.jpg 0 0 2056.49 0.0 319.5 0.0 2056.49 213.0 0.0 0.0 1.0 761.869 0.0 239.5 0.0 761.869 319.5 0.0 0.0 1.0 0.9882167013140962 -0.08743839116720611 -0.12562754074635535 0.3927329818563805 0.102047769943751 0.9881105443948771 0.11499480294851064 -0.2658928128770207 0.11407893711546309 -0.12645979521472497 0.9853902355416642 -0.8115925304954524 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16936811_3689681321.jpg notre_dame_front_facade/test/images/73717439_5873359498.jpg 0 0 503.368 0.0 212.5 0.0 503.368 319.5 0.0 0.0 1.0 529.064 0.0 319.5 0.0 529.064 239.5 0.0 0.0 1.0 0.9996510884716224 0.019122725466881346 -0.01822148973654448 -0.12704597871798307 -0.0157060042384198 0.9849658749854932 0.17203356226307917 -0.0051974606232092725 0.021237296164141228 -0.17168735097490526 0.984922550643885 -0.014409763712335183 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/33645044_55429420.jpg notre_dame_front_facade/test/images/16199404_86872664.jpg 0 0 526.679 0.0 187.0 0.0 526.679 249.5 0.0 0.0 1.0 719.163 0.0 239.5 0.0 719.163 319.5 0.0 0.0 1.0 0.9905932633071073 0.03389560828219332 -0.13257478806227077 0.2913701145928395 0.0036556337435970586 0.9619349187833917 0.27325418270746116 -0.5779006324013657 0.13679043472592878 -0.2711683974292911 0.9527623403573011 -0.9508945311072071 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/90826844_8304176149.jpg notre_dame_front_facade/test/images/89455443_12073338213.jpg 0 0 966.226 0.0 212.0 0.0 966.226 319.5 0.0 0.0 1.0 460.921 0.0 212.5 0.0 460.921 319.5 0.0 0.0 1.0 0.9995146523291775 0.0005562591875012173 -0.031147236715315083 0.5593218486189957 0.006172380341347084 0.9764819790787878 0.21551066390157053 -0.132590862207496 0.03053459513740606 -0.21559831889439737 0.9760046123813679 -0.9671169145506999 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/86620018_1656400518.jpg notre_dame_front_facade/test/images/15793931_276435531.jpg 0 0 622.811 0.0 165.5 0.0 622.811 249.5 0.0 0.0 1.0 548.704 0.0 187.0 0.0 548.704 249.5 0.0 0.0 1.0 0.9531801072031663 0.06905343957147803 0.2944134944521206 -0.8840246588173039 -0.0663756976921274 0.9976120555093144 -0.019090664167696902 -0.004437372501260056 -0.29502872739454367 -0.0013450597862917572 0.9554874362471373 -0.129933762454307 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/23277180_4833886659.jpg notre_dame_front_facade/test/images/88668272_2557713073.jpg 0 0 666.53 0.0 239.5 0.0 666.53 319.5 0.0 0.0 1.0 552.97 0.0 168.5 0.0 552.97 224.5 0.0 0.0 1.0 0.97942626173421 0.03487399759958265 0.1987661996335775 -0.3926392213207168 -0.006440939163096951 0.9898550977884405 -0.14193449082211768 -0.13929859624474866 -0.20169955906756015 0.13773412675753535 0.9697146993823962 -0.602940041607519 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/08334105_1973261812.jpg notre_dame_front_facade/test/images/19454938_7173253342.jpg 0 0 522.005 0.0 249.5 0.0 522.005 187.0 0.0 0.0 1.0 353.538 0.0 319.5 0.0 353.538 211.5 0.0 0.0 1.0 0.9949964016450699 0.005887355529750445 0.09973715334933765 -0.26435127606646613 0.009683729916136136 0.9878795650240987 -0.15491994830462902 -0.05208025154370732 -0.09944036448180542 0.15511061876178533 0.9828796008968047 -0.05823980071765855 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/81076842_231122028.jpg notre_dame_front_facade/test/images/47652016_4207375505.jpg 0 0 726.641 0.0 239.5 0.0 726.641 319.5 0.0 0.0 1.0 530.142 0.0 213.5 0.0 530.142 319.5 0.0 0.0 1.0 0.9338957691300946 0.03916857044034757 0.3553934657398314 -0.9324934196415231 -0.03211787295277384 0.9991531081331261 -0.02571981230302833 0.06814772566526638 -0.3560998941840599 0.012605141711740356 0.9343628715678554 0.520486123145665 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/20449428_10758420474.jpg notre_dame_front_facade/test/images/20047373_84605639.jpg 0 0 916.516 0.0 239.5 0.0 916.516 319.5 0.0 0.0 1.0 716.541 0.0 319.5 0.0 716.541 213.0 0.0 0.0 1.0 0.9945108326973783 -0.08008176769696522 0.06734325601050481 -0.2723615872333675 0.07345859244800168 0.992700191027668 0.09565649967038076 -0.08378862161153333 -0.07451200469136154 -0.09018448434270976 0.9931337875335396 -0.05292880126830324 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/65299042_229585472.jpg notre_dame_front_facade/test/images/72357333_2327691828.jpg 0 0 397.031 0.0 166.0 0.0 397.031 249.5 0.0 0.0 1.0 1291.45 0.0 249.5 0.0 1291.45 249.5 0.0 0.0 1.0 0.9903319259260609 -0.0037304040930868235 0.13866780656259434 -0.2806657322766548 -0.0013777419073799113 0.9993245312331993 0.036723059550958864 0.2917444173159198 -0.13871113264196008 -0.03655906673930424 0.9896578481072819 3.3480144172205373 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/43866772_7750717370.jpg notre_dame_front_facade/test/images/19454938_7173253342.jpg 0 0 440.442 0.0 319.5 0.0 440.442 212.5 0.0 0.0 1.0 353.538 0.0 319.5 0.0 353.538 211.5 0.0 0.0 1.0 0.9718706174138813 -0.021979936181055554 -0.23448749521677625 0.42690950516033477 0.15060791558367662 0.8234525703853881 0.5470311874923015 -1.3204092572962136 0.181065620069358 -0.5669592108178279 0.8035997103643857 -1.712365248163665 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/37809717_6059506804.jpg notre_dame_front_facade/test/images/27108396_3799319410.jpg 0 0 498.988 0.0 211.5 0.0 498.988 319.5 0.0 0.0 1.0 586.555 0.0 211.5 0.0 586.555 319.5 0.0 0.0 1.0 0.8393235096306366 -0.15963109506711654 -0.5196671623924137 1.2392580735810113 -0.09645860400675535 0.8970191646922692 -0.4313378674401904 -0.07399106500895969 0.5350063400506373 0.412158381769019 0.737491480929214 0.5351438729970308 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/88264143_2551880831.jpg notre_dame_front_facade/test/images/16926208_509236966.jpg 0 0 688.704 0.0 239.5 0.0 688.704 319.5 0.0 0.0 1.0 864.355 0.0 319.5 0.0 864.355 239.5 0.0 0.0 1.0 -0.034040754181083197 -0.9930612389584977 0.11256377184954584 -0.23424493661178725 0.9768858880260513 -0.05684380061533818 -0.20606490265728633 0.36805760565078105 0.21103362014223298 0.1029473555260999 0.9720425161276879 1.1308323074733821 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/87453268_2874605638.jpg notre_dame_front_facade/test/images/03524051_5922206652.jpg 0 0 859.782 0.0 212.5 0.0 859.782 319.5 0.0 0.0 1.0 541.245 0.0 319.5 0.0 541.245 239.5 0.0 0.0 1.0 0.9994677694139544 -0.0005645455985649116 0.03261685440016395 -0.09894483340268018 -0.013054575720665634 0.9093774540673497 0.4157670310242725 -1.321649983289734 -0.029895751461499677 -0.41597154628922883 0.9088860856687707 -1.4019696373579118 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/14248814_1334513582.jpg notre_dame_front_facade/test/images/60021260_328346427.jpg 0 0 696.736 0.0 319.5 0.0 696.736 239.5 0.0 0.0 1.0 600.288 0.0 187.0 0.0 600.288 249.5 0.0 0.0 1.0 0.9850113664428293 -0.04339812427354325 -0.1669407403480894 0.22274522660114904 0.04217244306596973 0.9990510860614799 -0.010881750099366809 0.3535864944073974 0.1672545754957922 0.0036783486669460666 0.9859068803527069 1.5976347030101914 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/12742093_2172973211.jpg notre_dame_front_facade/test/images/63136592_197609530.jpg 0 0 721.14 0.0 240.0 0.0 721.14 319.5 0.0 0.0 1.0 889.805 0.0 259.5 0.0 889.805 319.5 0.0 0.0 1.0 0.9988677343194732 -0.006345497983807097 0.04714853116290758 -0.12187781581316409 0.009066995174823216 0.9982908228280406 -0.0577340684155669 0.29176434997310235 -0.046701594555024546 0.05809619361585687 0.9972180269897687 1.1879891077233027 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/28728133_5678761883.jpg notre_dame_front_facade/test/images/45459434_6823683093.jpg 0 0 716.376 0.0 319.5 0.0 716.376 239.5 0.0 0.0 1.0 722.12 0.0 319.5 0.0 722.12 319.5 0.0 0.0 1.0 0.9978686945390725 0.01520582553091488 0.06345747653988966 0.02784030018937725 0.006082747211134372 0.9465607413702027 -0.3224682357737853 0.33670629479050856 -0.0649697517715183 0.3221669532503536 0.9444508381001797 1.1169786626256457 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/52366157_4087324332.jpg notre_dame_front_facade/test/images/14588590_8291532597.jpg 0 0 691.211 0.0 319.5 0.0 691.211 239.5 0.0 0.0 1.0 539.759 0.0 213.0 0.0 539.759 319.5 0.0 0.0 1.0 0.9114203980363229 0.13404543159509932 0.3890304362280596 -0.7958784613706118 -0.13155628741557446 0.9907537038133866 -0.033166875365146904 0.2047597346997179 -0.38987921371206946 -0.020950433134901632 0.9206276544112273 0.6735768519486538 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/63136592_197609530.jpg notre_dame_front_facade/test/images/85133638_2665012325.jpg 0 0 889.805 0.0 259.5 0.0 889.805 319.5 0.0 0.0 1.0 715.851 0.0 319.5 0.0 715.851 239.5 0.0 0.0 1.0 0.9748262541288416 -0.03729647773436358 -0.21982435490577737 0.7313259237669795 0.0664092990617318 0.9897317100385159 0.12657388017424653 -0.8663340622071314 0.2128463747853379 -0.13798592280680366 0.9672932884331897 -2.08828895094869 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/51797576_5255048101.jpg notre_dame_front_facade/test/images/30320088_5875331143.jpg 0 0 603.995 0.0 238.5 0.0 603.995 319.5 0.0 0.0 1.0 805.754 0.0 319.5 0.0 805.754 319.5 0.0 0.0 1.0 0.999517733241641 0.007352662698601151 -0.030170172136272887 0.07213546169338919 -0.003939065183988189 0.9937362754254955 0.11168123687056895 -0.31235598893000593 0.030802348952117753 -0.111508534447837 0.9932859920709278 0.24991294636096834 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/68517155_168393151.jpg notre_dame_front_facade/test/images/64518898_5543139365.jpg 0 0 1535.18 0.0 319.5 0.0 1535.18 239.5 0.0 0.0 1.0 551.721 0.0 228.0 0.0 551.721 319.5 0.0 0.0 1.0 0.995394575346999 -0.03546564445416688 0.08906080750373721 -0.8304730210271689 0.00846859194201539 0.9579464639806672 0.2868219920045453 -2.2027368534370195 -0.09548781241753707 -0.2847468352947693 0.9538350577900386 -5.37395906274082 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/03524051_5922206652.jpg notre_dame_front_facade/test/images/31731830_3056005968.jpg 0 0 541.245 0.0 319.5 0.0 541.245 239.5 0.0 0.0 1.0 692.226 0.0 319.5 0.0 692.226 239.5 0.0 0.0 1.0 0.9963990482128721 0.05854551702994821 0.06132992056230765 -0.07386526373727664 -0.03522270669326364 0.9437819610821689 -0.32868673667961623 0.2899935725305417 -0.07712520764110296 0.32534294578427725 0.9424455793173023 0.7477897068166637 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/17052017_6917897836.jpg notre_dame_front_facade/test/images/64105845_298847718.jpg 0 0 482.741 0.0 213.5 0.0 482.741 319.5 0.0 0.0 1.0 680.938 0.0 165.0 0.0 680.938 249.5 0.0 0.0 1.0 0.9341031698615974 0.06678431209793684 0.35070090349487354 -0.6239337109300727 -0.08122925077155448 0.9963398198836636 0.026622774710403245 0.36809944434588404 -0.3476392913259477 -0.053355589883294655 0.9361090236476725 1.5510838938684817 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/89754598_4524545386.jpg notre_dame_front_facade/test/images/63909552_10015127425.jpg 0 0 499.552 0.0 212.5 0.0 499.552 319.5 0.0 0.0 1.0 431.287 0.0 319.5 0.0 431.287 179.0 0.0 0.0 1.0 0.9274664599215834 -0.0704455461892878 -0.36721028136834466 0.8141443183853614 0.15479310880713912 0.9663200333713564 0.20558377020329685 -0.20422843540252894 0.34036019036653975 -0.24751367260673438 0.9071339055984949 -0.4712350158706027 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/51600076_9763474571.jpg notre_dame_front_facade/test/images/88264143_2551880831.jpg 0 0 454.343 0.0 319.5 0.0 454.343 239.5 0.0 0.0 1.0 688.704 0.0 239.5 0.0 688.704 319.5 0.0 0.0 1.0 0.9022915437397956 0.25143669104726185 0.35021359267004537 -0.43568060065185654 -0.09610711646161844 0.9091878985543703 -0.4051429220506275 0.34686519152796375 -0.42027775608648327 0.33189901403513056 0.8445174078853667 1.0867177679895104 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/94185952_3045662541.jpg notre_dame_front_facade/test/images/28242249_5165846684.jpg 0 0 640.582 0.0 239.5 0.0 640.582 319.5 0.0 0.0 1.0 739.638 0.0 319.5 0.0 739.638 239.5 0.0 0.0 1.0 0.9833836775253296 0.05256379439629442 0.17376302913860167 -0.11841034084406135 -0.014928516945659377 0.9773371448767348 -0.21116165519808602 0.4838724575654505 -0.18092452061166728 0.20505890071600474 0.9618820952063626 1.7945861449900604 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/67072911_2739964408.jpg notre_dame_front_facade/test/images/55945829_7504406658.jpg 0 0 670.259 0.0 213.0 0.0 670.259 319.5 0.0 0.0 1.0 534.047 0.0 319.5 0.0 534.047 239.5 0.0 0.0 1.0 0.9419748325147168 0.008554808709686949 0.33557447780904337 -1.1401984255143733 -0.14166956478362827 0.9164172775974955 0.3743115116247595 -0.34281596020638244 -0.3043240860051811 -0.4001327136947638 0.8644539676052018 -0.4505906811550528 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/79793488_5196381575.jpg notre_dame_front_facade/test/images/04785646_8607050988.jpg 0 0 761.869 0.0 239.5 0.0 761.869 319.5 0.0 0.0 1.0 1561.94 0.0 213.0 0.0 1561.94 319.5 0.0 0.0 1.0 0.6775242625308742 0.27343269367844963 0.682785058206272 -1.607195441102487 -0.17983659631960444 0.9617364604365719 -0.20669247516809627 0.6097208083215289 -0.7131757653665574 0.01724942592324651 0.7007729910599748 2.436048423891332 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/76264628_2298518271.jpg notre_dame_front_facade/test/images/26162967_291218280.jpg 0 0 527.718 0.0 319.5 0.0 527.718 239.5 0.0 0.0 1.0 1095.75 0.0 165.0 0.0 1095.75 249.5 0.0 0.0 1.0 0.9806634448364209 0.06984035884311976 0.18281556891640366 -0.22697500090635708 0.0060073656447255175 0.9229704796345712 -0.38482386267114466 0.7205854285284783 -0.19560960998778829 0.3784809347903718 0.904703853468433 3.2745035928223767 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/91963349_6452367725.jpg notre_dame_front_facade/test/images/23110319_2359081668.jpg 0 0 516.037 0.0 239.5 0.0 516.037 319.5 0.0 0.0 1.0 650.731 0.0 319.5 0.0 650.731 239.5 0.0 0.0 1.0 0.984264519591545 -0.04058030529927946 -0.1719784704404659 0.2716674846243424 0.007187725227339908 0.9816613383581877 -0.19049764664915947 0.5855099259437535 0.17655506812119898 0.18626394067191057 0.9665061056848475 1.9571839625115295 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/97773068_506947032.jpg notre_dame_front_facade/test/images/91463526_2206098945.jpg 0 0 919.356 0.0 213.0 0.0 919.356 319.5 0.0 0.0 1.0 513.111 0.0 249.5 0.0 513.111 167.5 0.0 0.0 1.0 0.9949107628774353 0.07500622516823198 -0.0672803098733346 0.025600763885888944 -0.0738624162238523 0.9970810175074851 0.019333597591057558 -0.002450790056656521 0.06853406000095016 -0.014265718076950361 0.9975467768017373 0.016652346072573043 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/57166610_6309910907.jpg notre_dame_front_facade/test/images/26229574_20742004.jpg 0 0 718.825 0.0 213.0 0.0 718.825 319.5 0.0 0.0 1.0 479.354 0.0 249.5 0.0 479.354 187.0 0.0 0.0 1.0 0.9814030146161106 -0.002826686904360727 -0.19193783562277475 0.5518212634568274 0.040773934246949785 0.9801443597061149 0.1940477271763707 -0.650249206719129 0.1875782748306317 -0.1982650851194796 0.9620318845205338 -1.5177196030965396 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/88697814_397500572.jpg notre_dame_front_facade/test/images/40345702_2326943941.jpg 0 0 534.268 0.0 183.0 0.0 534.268 249.5 0.0 0.0 1.0 647.589 0.0 213.0 0.0 647.589 319.5 0.0 0.0 1.0 0.9870959091271356 0.05365465358269095 0.15087360383246262 -0.3275695284352478 -0.05061725440280233 0.9984320237114956 -0.023903714859601695 0.08833880422690094 -0.1519195831392235 0.015958451562999004 0.988264017397434 0.5451935457270047 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/45459434_6823683093.jpg notre_dame_front_facade/test/images/16199404_86872664.jpg 0 0 722.12 0.0 319.5 0.0 722.12 319.5 0.0 0.0 1.0 719.163 0.0 239.5 0.0 719.163 319.5 0.0 0.0 1.0 0.9999195663347488 0.002755273871272136 0.01238019898152059 -0.0598183028761222 -0.005874339508046268 0.9657167489183324 0.25953160307359674 -0.7106277539773693 -0.011240684866678077 -0.25958345348750766 0.9656552581947797 -1.1375743507588234 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/49047422_9668436418.jpg notre_dame_front_facade/test/images/84046481_8129096.jpg 0 0 589.962 0.0 319.5 0.0 589.962 239.5 0.0 0.0 1.0 528.081 0.0 249.5 0.0 528.081 187.0 0.0 0.0 1.0 0.9112295566432596 0.2192783503920917 0.34867993941299735 -0.7733212370962503 -0.10556068513681191 0.9425681798103298 -0.3168945694745951 -0.0840469672876781 -0.3981427342714861 0.2519568047470938 0.88204315749767 0.29809498253573397 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/90399956_55117568.jpg notre_dame_front_facade/test/images/11114519_4976973093.jpg 0 0 284.825 0.0 213.5 0.0 284.825 319.5 0.0 0.0 1.0 2357.64 0.0 239.5 0.0 2357.64 319.5 0.0 0.0 1.0 0.9834851500292757 -0.06522420510312345 0.16882761249439812 -0.23313183255769765 0.06940263497102872 0.9974085033004376 -0.01896185125610497 0.3208229825974829 -0.16715332461836085 0.0303657802904222 0.9854631832069539 7.456500935273483 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/62627516_2936660127.jpg notre_dame_front_facade/test/images/60710605_5891944796.jpg 0 0 567.969 0.0 239.5 0.0 567.969 319.5 0.0 0.0 1.0 524.269 0.0 319.5 0.0 524.269 179.0 0.0 0.0 1.0 0.622700289327056 -0.25330875272938413 -0.7403235951006049 1.7508621222177407 0.6782227596284652 0.6465655635831455 0.3492375413817341 -0.535635149839788 0.3902028164864394 -0.7195746297494743 0.5744163248263031 -0.3679091402779219 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/73216196_3064747316.jpg notre_dame_front_facade/test/images/35249264_6310946396.jpg 0 0 512.731 0.0 159.5 0.0 512.731 249.5 0.0 0.0 1.0 1037.12 0.0 319.5 0.0 1037.12 239.5 0.0 0.0 1.0 0.9717009666424149 0.050830131133404975 0.23068057827905125 -0.6112985110826298 -0.049002861250651376 0.998705395531025 -0.013647436626288778 -0.2169837165451716 -0.23107563916485455 0.0019572189913275363 0.9729338200917749 -0.6959285446842713 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/41995021_5921639869.jpg notre_dame_front_facade/test/images/90581608_3777244265.jpg 0 0 540.721 0.0 319.5 0.0 540.721 239.5 0.0 0.0 1.0 508.089 0.0 239.5 0.0 508.089 319.5 0.0 0.0 1.0 0.995860216121537 0.063055957070479 0.065470422514994 -0.02438157657429285 -0.022166857478939445 0.8669871559991279 -0.49783722416273 0.4024998780978997 -0.08815361805322747 0.4943250121230665 0.8647957689614673 1.6215502536433828 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/92796397_10905257324.jpg notre_dame_front_facade/test/images/99239692_3743536843.jpg 0 0 747.301 0.0 239.5 0.0 747.301 319.5 0.0 0.0 1.0 562.649 0.0 187.0 0.0 562.649 249.5 0.0 0.0 1.0 0.9369593340076698 -0.10688818257470417 -0.3326892286230212 1.002424536392134 0.06366690935117213 0.9883507788564675 -0.13823625641445816 0.017245153939266553 0.3435894804407925 0.10834045578495093 0.9328497277540124 0.0075258108770187016 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/12297295_3241434580.jpg notre_dame_front_facade/test/images/17355996_7160680080.jpg 0 0 709.584 0.0 239.5 0.0 709.584 319.5 0.0 0.0 1.0 592.885 0.0 207.5 0.0 592.885 319.5 0.0 0.0 1.0 0.9803324170785512 0.07304105343540221 0.18333945712249694 -0.5358909784431297 -0.05710690811442363 0.9942358841458198 -0.09074033128874234 0.21516243240390928 -0.18891043663740745 0.0784857387671585 0.9788528161780183 0.8044459182348359 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/46129623_985747637.jpg notre_dame_front_facade/test/images/10271797_13991878773.jpg 0 0 663.962 0.0 319.5 0.0 663.962 239.5 0.0 0.0 1.0 483.005 0.0 319.5 0.0 483.005 239.5 0.0 0.0 1.0 0.9815388773862966 -0.08488750889576692 0.17139294913361927 -0.1529228265635723 0.18788201821600015 0.5956738993738143 -0.7809436297428118 0.06338989169703305 -0.03580194701871531 0.7987281868309558 0.6006259269723567 1.033858211003319 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/93967284_1001548090.jpg notre_dame_front_facade/test/images/12108431_6988563786.jpg 0 0 693.696 0.0 319.5 0.0 693.696 239.5 0.0 0.0 1.0 611.0 0.0 239.5 0.0 611.0 319.5 0.0 0.0 1.0 0.9692141059286444 0.03167355509620666 0.24417371434392007 -0.6614687260137679 -0.04208934328186246 0.9984077069205406 0.03755712906718677 -0.2501484539505675 -0.24259535043161945 -0.04667801055352881 0.969003952148661 -0.8265023971413274 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/97773068_506947032.jpg notre_dame_front_facade/test/images/11229713_5151251181.jpg 0 0 919.356 0.0 213.0 0.0 919.356 319.5 0.0 0.0 1.0 510.333 0.0 230.0 0.0 510.333 319.5 0.0 0.0 1.0 0.9931557024503416 0.08250458631490934 -0.08267251010689144 0.10281313582038465 -0.08151998099936189 0.9965554736593035 0.015221058358244872 -0.13325966482419285 0.0836435495912988 -0.008377419452736958 0.99646052378159 -0.5734838252632081 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/97480396_277512345.jpg notre_dame_front_facade/test/images/02670240_5196986488.jpg 0 0 708.643 0.0 239.5 0.0 708.643 319.5 0.0 0.0 1.0 705.055 0.0 237.5 0.0 705.055 319.5 0.0 0.0 1.0 0.9507050240518319 -0.01766263372350333 -0.30959326318987523 1.0129303278892214 -0.01674211826272887 0.9939967966763761 -0.10812062556783505 -0.13492792284264296 0.30964440689068295 0.10797406895663678 0.9447020385890277 -0.9162124863922696 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/63136592_197609530.jpg notre_dame_front_facade/test/images/19969696_3085995005.jpg 0 0 889.805 0.0 259.5 0.0 889.805 319.5 0.0 0.0 1.0 1261.33 0.0 319.5 0.0 1261.33 239.5 0.0 0.0 1.0 0.9992348414168472 0.019490405398170547 0.033909523677917774 -0.23258576236466988 -0.016766974998284286 0.9967475700790253 -0.07882353767096313 0.16213721151503413 -0.03533553803262675 0.07819466502884836 0.9963116952605598 1.1895300735149419 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/29281983_5767482367.jpg notre_dame_front_facade/test/images/24103524_6438819413.jpg 0 0 664.297 0.0 239.5 0.0 664.297 319.5 0.0 0.0 1.0 1651.1 0.0 305.5 0.0 1651.1 305.5 0.0 0.0 1.0 0.9058448206699767 -0.13030102834654342 -0.40307170934861075 0.24150581056539788 0.05500113371179967 0.9796399805729 -0.19308128794252793 0.7864050159332615 0.42002385188914504 0.15273228366970082 0.894568506806071 3.4581483862141322 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/29303837_3351962157.jpg notre_dame_front_facade/test/images/85808395_9116833255.jpg 0 0 985.57 0.0 319.5 0.0 985.57 179.5 0.0 0.0 1.0 533.422 0.0 319.5 0.0 533.422 213.0 0.0 0.0 1.0 0.92843509379882 -0.1361831309141964 -0.34563337723255744 0.7312718024808942 0.054649950927897185 0.9703315545187206 -0.23552082109414854 0.12444551208014684 0.3674529350357062 0.19977694851931826 0.9083322692572114 -0.39858114954263757 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/73553965_4768986609.jpg notre_dame_front_facade/test/images/66678449_3070814495.jpg 0 0 567.368 0.0 319.5 0.0 567.368 239.5 0.0 0.0 1.0 542.068 0.0 213.0 0.0 542.068 319.5 0.0 0.0 1.0 0.9948154079398481 -0.019113202402324347 -0.09988488183605024 0.20879096285453877 0.03223728548788114 0.990794474871152 0.13148028745470203 -0.32036092327462107 0.09645237970027895 -0.1340186332519699 0.986273767465924 -0.9591254160851139 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/12119909_5179520218.jpg notre_dame_front_facade/test/images/51600076_9763474571.jpg 0 0 616.108 0.0 238.5 0.0 616.108 319.5 0.0 0.0 1.0 454.343 0.0 319.5 0.0 454.343 239.5 0.0 0.0 1.0 0.976984061745517 0.0012276650998127557 -0.21330878072323722 0.5357825835397696 0.10062045895454173 0.8790895915990865 0.46591524248722377 -1.0790377983037762 0.18808951681316205 -0.47665499344972134 0.8587329916128977 -1.2212226337512007 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/01524197_6501455675.jpg notre_dame_front_facade/test/images/67691681_4057682871.jpg 0 0 300.673 0.0 319.5 0.0 300.673 213.0 0.0 0.0 1.0 662.741 0.0 239.5 0.0 662.741 319.5 0.0 0.0 1.0 0.9966220064976872 0.0394477559933857 0.07203090108842508 -0.015307275699954381 -0.004449117875424895 0.9017307885002762 -0.432275132780965 0.5466969736683409 -0.08200476519480289 0.43049443622160394 0.8988602554722221 1.5075202073095573 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/62185644_2486505446.jpg notre_dame_front_facade/test/images/98283507_7198318944.jpg 0 0 696.156 0.0 187.0 0.0 696.156 249.5 0.0 0.0 1.0 733.699 0.0 239.5 0.0 733.699 319.5 0.0 0.0 1.0 0.9801310978720282 -0.034293282424943686 0.19536376778895284 -0.48088092778976327 0.0276402353033493 0.9989447226059317 0.036680493046492756 -0.18307929121065167 -0.1964154993287147 -0.030551791408710654 0.98004466207677 -0.9462829391131223 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/59441370_9094154456.jpg notre_dame_front_facade/test/images/19575243_4723476064.jpg 0 0 709.773 0.0 319.5 0.0 709.773 239.5 0.0 0.0 1.0 859.563 0.0 214.0 0.0 859.563 319.5 0.0 0.0 1.0 0.9799661630669427 0.0664186792914882 0.1877628245554184 -0.3721328634201269 0.0267273916887979 0.8903702577839689 -0.4544518132731151 0.3531981941689254 -0.19736252374087634 0.45036581030855694 0.8707575271726045 2.3105802840708796 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/71272180_3274206565.jpg notre_dame_front_facade/test/images/74816282_4206306388.jpg 0 0 701.674 0.0 319.5 0.0 701.674 239.5 0.0 0.0 1.0 698.885 0.0 191.0 0.0 698.885 319.5 0.0 0.0 1.0 0.9837523158864728 0.016942110472563787 0.17872981251245307 -0.2521238365338664 0.06761321855721505 0.8872749111277852 -0.4562583530846479 0.4225572102521752 -0.16631245793486257 0.46092970936566496 0.871713238031721 1.249833003625649 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/71272180_3274206565.jpg notre_dame_front_facade/test/images/12108431_6988563786.jpg 0 0 701.674 0.0 319.5 0.0 701.674 239.5 0.0 0.0 1.0 611.0 0.0 239.5 0.0 611.0 319.5 0.0 0.0 1.0 0.9624728778102009 0.0699456381739006 0.26220901430003524 -0.3183339580212371 0.07012413713838193 0.8692975657512769 -0.4892896356653206 0.2970429163096039 -0.26216133366754846 0.48931518459920126 0.8317704522584953 0.9880523493088667 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/66615582_2839963127.jpg notre_dame_front_facade/test/images/78924871_3664776274.jpg 0 0 537.15 0.0 187.0 0.0 537.15 249.5 0.0 0.0 1.0 262.62 0.0 212.5 0.0 262.62 319.5 0.0 0.0 1.0 0.8001823778552162 0.19425930802822405 0.5674253108686353 -1.1794075216494653 -0.053508643266112856 0.9654425882260406 -0.25506358802311163 -0.06277588801173088 -0.5973650368625468 0.17373522982918368 0.7829246979438118 -0.3438135867832215 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/29664667_2558113171.jpg notre_dame_front_facade/test/images/00504662_7553416128.jpg 0 0 843.474 0.0 213.0 0.0 843.474 319.5 0.0 0.0 1.0 647.636 0.0 239.5 0.0 647.636 319.5 0.0 0.0 1.0 0.907669196917037 -0.07874645326682651 -0.412232489095506 1.1499682890419285 0.1258989560987352 0.9880912669402101 0.08845960122982253 -0.3958689662594537 0.4003574425700486 -0.1321916952549818 0.9067741030071294 -1.095975068470082 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/19969696_3085995005.jpg notre_dame_front_facade/test/images/05852089_7355180390.jpg 0 0 1261.33 0.0 319.5 0.0 1261.33 239.5 0.0 0.0 1.0 678.861 0.0 319.5 0.0 678.861 239.5 0.0 0.0 1.0 0.9371207891213471 0.04402468950335505 -0.346217349811815 1.919770790027961 0.055474069363986606 0.9606107251082705 0.27230435625447263 -1.089393397510845 0.34456821418230543 -0.2743881584928481 0.8977660520726548 -2.127229620281767 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/28352136_8060371551.jpg notre_dame_front_facade/test/images/36982333_6368134453.jpg 0 0 873.568 0.0 239.5 0.0 873.568 319.5 0.0 0.0 1.0 761.713 0.0 239.5 0.0 761.713 319.5 0.0 0.0 1.0 0.9826088859568103 -0.00783644062109459 -0.1855218785941663 0.5279528481158916 0.014526575569550932 0.9992911738270055 0.034729360974071206 0.06442729784061729 0.18511822125587374 -0.036820376285927256 0.9820262237075058 0.13831053496313722 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/04720612_2486654456.jpg notre_dame_front_facade/test/images/85791643_379742998.jpg 0 0 656.635 0.0 239.5 0.0 656.635 319.5 0.0 0.0 1.0 792.408 0.0 249.5 0.0 792.408 238.5 0.0 0.0 1.0 0.9685738477805724 0.049960035338637805 0.2436569232845608 -0.6852767821662804 -0.06358246996032062 0.9968040432463621 0.04836288743912652 0.014530109923370546 -0.2404619947294815 -0.06233533698205821 0.9686549100964966 0.21576640211770687 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/68816036_11955201904.jpg notre_dame_front_facade/test/images/24103524_6438819413.jpg 0 0 838.493 0.0 319.5 0.0 838.493 319.5 0.0 0.0 1.0 1651.1 0.0 305.5 0.0 1651.1 305.5 0.0 0.0 1.0 0.9920470110513021 -0.02953805745318003 -0.12235289545437948 0.349202965111613 0.01871388053537582 0.9958835103576729 -0.08868948344074859 0.4098564421616195 0.12446894608489853 0.085694439490388 0.9885160314840336 1.8154702258547852 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/87736245_2352767121.jpg notre_dame_front_facade/test/images/76264628_2298518271.jpg 0 0 693.522 0.0 239.5 0.0 693.522 319.5 0.0 0.0 1.0 527.718 0.0 319.5 0.0 527.718 239.5 0.0 0.0 1.0 0.9984016655076097 0.0054950794756617296 -0.05624871921375017 0.1368477647978411 0.010605846276544328 0.9593634418187985 0.28197393944538085 -0.48489938317680753 0.05551243407012033 -0.2821198160412437 0.9577717781708048 -0.6278562820075649 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/21370056_8707038673.jpg notre_dame_front_facade/test/images/17253180_3321954648.jpg 0 0 1809.08 0.0 239.5 0.0 1809.08 319.5 0.0 0.0 1.0 2056.32 0.0 319.5 0.0 2056.32 213.0 0.0 0.0 1.0 0.9907516610560486 -0.0661293043288396 -0.11848232452000731 0.49743424897129473 0.06638002861338668 0.9977927293564758 -0.0018333152049214774 0.11143343493018981 0.11834203782243474 -0.0060485000073033845 0.9929544691131086 0.014531944528121565 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/32627688_2172828509.jpg notre_dame_front_facade/test/images/94887785_2665835098.jpg 0 0 724.585 0.0 240.0 0.0 724.585 319.5 0.0 0.0 1.0 719.064 0.0 319.5 0.0 719.064 239.5 0.0 0.0 1.0 0.9538576813241622 0.028458694943207737 -0.2989073877658807 0.3678014986191722 0.1197360687094299 0.8768679158462517 0.46558128399825216 -0.21000931947807921 0.27535213387388857 -0.4798882795417907 0.8329996647835556 -0.1737714654044321 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/76018744_5253332262.jpg notre_dame_front_facade/test/images/47104342_7985973355.jpg 0 0 1171.08 0.0 319.5 0.0 1171.08 239.5 0.0 0.0 1.0 459.867 0.0 319.5 0.0 459.867 239.5 0.0 0.0 1.0 -0.13491178186601974 0.9557495407029446 0.261422314579008 0.09325816856246494 -0.9639182359109779 -0.06549059308646547 -0.25801669848180564 0.11272224916215347 -0.22947863863986007 -0.28679922884013015 0.9300998638558676 0.07914602453387154 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/27459823_3045826276.jpg notre_dame_front_facade/test/images/92247948_4544239766.jpg 0 0 442.162 0.0 249.5 0.0 442.162 165.5 0.0 0.0 1.0 903.416 0.0 319.5 0.0 903.416 233.0 0.0 0.0 1.0 0.9571084418065043 -0.05245064170729956 -0.28494273250465196 1.4578683703574569 0.06662616423902938 0.9969646974266626 0.04027836048993488 -0.07408002623105975 0.2819652192408118 -0.057535400141615026 0.957697913158959 -0.3200997918821147 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/50392091_3354172959.jpg notre_dame_front_facade/test/images/43674862_141833517.jpg 0 0 1006.14 0.0 239.5 0.0 1006.14 319.5 0.0 0.0 1.0 756.183 0.0 213.0 0.0 756.183 319.5 0.0 0.0 1.0 0.9996381173760154 -0.026846589827301905 0.0017014416181962038 -0.0720869943252544 0.02688416050686135 0.9992333135178304 -0.028460974509297295 -0.2328102123696 -0.0009360570371709437 0.028496416806717433 0.9995934563743407 -1.340615643924425 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/57166610_6309910907.jpg notre_dame_front_facade/test/images/75437734_2225459366.jpg 0 0 718.825 0.0 213.0 0.0 718.825 319.5 0.0 0.0 1.0 740.607 0.0 319.5 0.0 740.607 239.5 0.0 0.0 1.0 0.9986995639337347 0.014014805629537256 -0.04901801935752781 0.14641027955064562 0.01668465144289993 0.8186814124152443 0.5740055464645004 -1.3695243995199518 0.04817471748539493 -0.574076937517043 0.8173829374327897 -1.2597545366532423 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/92639314_4796735674.jpg notre_dame_front_facade/test/images/15594978_7330790386.jpg 0 0 502.277 0.0 239.5 0.0 502.277 319.5 0.0 0.0 1.0 716.242 0.0 239.5 0.0 716.242 319.5 0.0 0.0 1.0 0.9697227251630657 0.03642006050409287 0.24147756727115494 -0.6575639997815064 -0.07933458837466334 0.9821658558274452 0.1704589532238336 0.07907457054807193 -0.23096289613212692 -0.18445544404983164 0.9553179207837775 0.3383345603470279 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/51600076_9763474571.jpg notre_dame_front_facade/test/images/89810148_5254985106.jpg 0 0 454.343 0.0 319.5 0.0 454.343 239.5 0.0 0.0 1.0 782.364 0.0 211.5 0.0 782.364 319.5 0.0 0.0 1.0 0.9993137094861414 -0.0345609226954881 0.013328640421440108 0.07185973733992668 0.0368028985087978 0.8855430002149424 -0.4630973347274522 0.5463733506585906 0.004201986958413828 0.4632700480203261 0.8862072025846135 2.369993116118991 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/18811361_141654097.jpg notre_dame_front_facade/test/images/11229713_5151251181.jpg 0 0 487.423 0.0 319.5 0.0 487.423 179.5 0.0 0.0 1.0 510.333 0.0 230.0 0.0 510.333 319.5 0.0 0.0 1.0 0.9923204624431643 -0.015817042909185692 -0.12267811936198532 0.0018790416684812405 -0.0732949598884571 0.7237292566801692 -0.6861805971317749 0.40066471518126645 0.09963909208505463 0.6899027353031576 0.7170120411469301 1.8452844707086054 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/79303999_2708557564.jpg notre_dame_front_facade/test/images/51600076_9763474571.jpg 0 0 514.539 0.0 319.5 0.0 514.539 212.5 0.0 0.0 1.0 454.343 0.0 319.5 0.0 454.343 239.5 0.0 0.0 1.0 0.9876213567048407 0.0015396747726982908 -0.15684924348585189 0.45847206416149466 0.07087163183216258 0.8876841204826658 0.454966058123419 -1.1276703221727036 0.13993308251423658 -0.46045035741598705 0.8765866761328017 -1.286488542322484 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/87453268_2874605638.jpg notre_dame_front_facade/test/images/29281983_5767482367.jpg 0 0 859.782 0.0 212.5 0.0 859.782 319.5 0.0 0.0 1.0 664.297 0.0 239.5 0.0 664.297 319.5 0.0 0.0 1.0 0.7596294077986271 0.17121543964795294 0.627414086575736 -1.8147738855118913 -0.22362402130474998 0.9746638020705282 0.0047717951459518 -0.6389576781136495 -0.6107007940906904 -0.14392965698416837 0.7786711718931296 -1.3296496360800345 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/46229295_1990406788.jpg notre_dame_front_facade/test/images/67691681_4057682871.jpg 0 0 966.463 0.0 241.5 0.0 966.463 319.5 0.0 0.0 1.0 662.741 0.0 239.5 0.0 662.741 319.5 0.0 0.0 1.0 0.9985812100259457 -0.040781009047634695 -0.03424144103531645 0.10042052486978714 0.04273105298349859 0.9973844961028407 0.058294288267411044 -0.22372545673156563 0.031774582515585445 -0.05967475374678405 0.9977120324378276 -0.701657920730253 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/65117548_393332042.jpg notre_dame_front_facade/test/images/90054575_2232251410.jpg 0 0 528.38 0.0 319.5 0.0 528.38 213.5 0.0 0.0 1.0 712.891 0.0 319.5 0.0 712.891 239.5 0.0 0.0 1.0 0.9952966810046122 0.08212435921052688 0.05138196576098887 -0.03556464656122299 -0.0781882055193518 0.9941567980010036 -0.07442355477975246 0.11316967039358217 -0.0571937173023986 0.07005605336194405 0.9959021177246696 0.7924872010589277 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/19969696_3085995005.jpg notre_dame_front_facade/test/images/73783180_6254295715.jpg 0 0 1261.33 0.0 319.5 0.0 1261.33 239.5 0.0 0.0 1.0 510.796 0.0 319.5 0.0 510.796 239.5 0.0 0.0 1.0 0.9977893250814693 -0.005046554513416089 0.06626458361001679 -0.21734273893466416 0.009653580100267276 0.9975429152044093 -0.0693897738628433 -0.128672300950123 -0.06575158663266996 0.06987606609585241 0.9953863894198346 -1.340785150088824 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/91316375_2178414357.jpg notre_dame_front_facade/test/images/20449428_10758420474.jpg 0 0 665.749 0.0 319.5 0.0 665.749 239.5 0.0 0.0 1.0 916.516 0.0 239.5 0.0 916.516 319.5 0.0 0.0 1.0 0.9997296047388164 -0.004501370187816796 0.02281348450373649 -0.04049610684581562 0.0037390651040776018 0.9994368110756561 0.033347864385461876 0.08379706109583504 -0.022950747284510367 -0.03325354617715114 0.9991833990142783 0.1513414023951769 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/64481818_6172668375.jpg notre_dame_front_facade/test/images/97258672_6764851771.jpg 0 0 758.649 0.0 319.5 0.0 758.649 319.5 0.0 0.0 1.0 523.368 0.0 319.5 0.0 523.368 239.5 0.0 0.0 1.0 0.8488912964415282 -0.11787456204154961 -0.5152563968058371 1.439725374825095 0.11323133985599894 0.9927405072433785 -0.040557970271883265 0.2304453045114341 0.5162966497085146 -0.02391386421456322 0.8560758708187556 0.9074495045401338 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/91963349_6452367725.jpg notre_dame_front_facade/test/images/53981929_372412956.jpg 0 0 516.037 0.0 239.5 0.0 516.037 319.5 0.0 0.0 1.0 669.186 0.0 239.5 0.0 669.186 319.5 0.0 0.0 1.0 0.9965488295548174 -0.03455373636613465 -0.07547496019252567 0.1493234083883042 0.016544829088051726 0.9736807652990022 -0.2273148387527674 0.33839498804819523 0.08134309401154366 0.22528161618269954 0.9708921126812906 1.1597835631153337 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/29303837_3351962157.jpg notre_dame_front_facade/test/images/76922738_2324942217.jpg 0 0 985.57 0.0 319.5 0.0 985.57 179.5 0.0 0.0 1.0 401.674 0.0 249.5 0.0 401.674 165.5 0.0 0.0 1.0 0.9912052576761546 0.062486119637624696 0.1166517124082649 -0.2233577375416248 -0.032784164129259365 0.9699696566553585 -0.24100635624446023 0.0646113639584899 -0.12820817344262367 0.23506243855732956 0.9634875786651265 -0.10914088778357856 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/77664805_1165807524.jpg notre_dame_front_facade/test/images/37809717_6059506804.jpg 0 0 735.025 0.0 239.5 0.0 735.025 319.5 0.0 0.0 1.0 498.988 0.0 211.5 0.0 498.988 319.5 0.0 0.0 1.0 0.9868597487283819 0.07601207621293905 0.1425833111186359 -0.5000712219596233 -0.07941167253924095 0.9966739615938424 0.018297555720823828 -0.11156646112347597 -0.14071823834981645 -0.02937990045310958 0.9896136614078699 -0.3959768918629433 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/13729493_60409794.jpg notre_dame_front_facade/test/images/28352136_8060371551.jpg 0 0 698.515 0.0 239.5 0.0 698.515 319.5 0.0 0.0 1.0 873.568 0.0 239.5 0.0 873.568 319.5 0.0 0.0 1.0 0.9818421886176486 0.03831793026735568 0.18578927006297058 -0.5404648550055852 -0.03277671949524552 0.9989241237214458 -0.032806732639367606 0.03815214351569953 -0.18684646988807505 0.026121471385950345 0.982041783949643 0.1923197428323254 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/68199511_6932972308.jpg notre_dame_front_facade/test/images/70336114_5249999416.jpg 0 0 688.798 0.0 213.0 0.0 688.798 319.5 0.0 0.0 1.0 678.309 0.0 239.5 0.0 678.309 319.5 0.0 0.0 1.0 0.9804362428995904 -0.026737269351152376 -0.1950125432801165 0.4425591890058466 0.0012704937098689116 0.9915704860893634 -0.12956217411820772 0.06757425677213841 0.19683282108090755 0.12677968900477513 0.9722056114841058 0.49311093350874285 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/12297295_3241434580.jpg notre_dame_front_facade/test/images/16926208_509236966.jpg 0 0 709.584 0.0 239.5 0.0 709.584 319.5 0.0 0.0 1.0 864.355 0.0 319.5 0.0 864.355 239.5 0.0 0.0 1.0 0.0014344141694820052 -0.989365917088455 0.14544079400123824 -0.09690035523667329 0.9909329519251004 0.020946255106499837 0.13271450254595377 -0.3349273997984361 -0.13434964549635747 0.14393170776702974 0.9804253343596694 0.4767431032326686 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/01927388_3809070796.jpg notre_dame_front_facade/test/images/61900107_5317613163.jpg 0 0 688.527 0.0 319.5 0.0 688.527 239.5 0.0 0.0 1.0 537.046 0.0 319.5 0.0 537.046 239.5 0.0 0.0 1.0 0.9849016597164998 0.15145762602390564 -0.08384096973965964 0.46230383117301543 0.008885504206458322 0.4394421783462789 0.8982269310732528 -1.9646753142155744 0.17288657698815368 -0.8854101645054003 0.43146155342954867 -0.9486078023274666 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/35249264_6310946396.jpg notre_dame_front_facade/test/images/54869923_2442824829.jpg 0 0 1037.12 0.0 319.5 0.0 1037.12 239.5 0.0 0.0 1.0 527.475 0.0 239.5 0.0 527.475 319.5 0.0 0.0 1.0 0.9929789899875261 -0.04109601248015318 -0.11092269020170467 0.2386011455313535 0.035490307105986114 0.9980137714368953 -0.0520475755806854 0.08319058123543158 0.11284132020175522 0.047745468691127765 0.9924652168588023 0.282832205354639 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/30419716_2588385795.jpg notre_dame_front_facade/test/images/11229713_5151251181.jpg 0 0 569.144 0.0 249.5 0.0 569.144 187.0 0.0 0.0 1.0 510.333 0.0 230.0 0.0 510.333 319.5 0.0 0.0 1.0 0.9819039056496299 -0.0570573331992058 -0.1805801229321698 0.10474168906037445 -0.046465603212659544 0.8518026757979743 -0.5217979965671533 0.3434892371424368 0.18359103406235944 0.5207462551296995 0.8337371708040295 1.5347582581175874 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/98359518_9321667101.jpg notre_dame_front_facade/test/images/76423402_3823704092.jpg 0 0 1039.51 0.0 203.0 0.0 1039.51 319.5 0.0 0.0 1.0 502.678 0.0 319.5 0.0 502.678 213.5 0.0 0.0 1.0 0.9997103509849495 0.02134425555484754 0.011119212578161905 -0.0013593015879909756 -0.02392091708341895 0.8304346735783439 0.5566022301830257 -1.7733737751786962 0.0026464805756304752 -0.5567069926573934 0.8307047131604129 -2.0151938427658105 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/51575595_2715884125.jpg notre_dame_front_facade/test/images/47104342_7985973355.jpg 0 0 912.594 0.0 213.0 0.0 912.594 319.5 0.0 0.0 1.0 459.867 0.0 319.5 0.0 459.867 239.5 0.0 0.0 1.0 0.15004252107192903 0.8614060322391925 0.4852493065346004 -1.8929768476990887 -0.9839477863272043 0.08214084050703303 0.15842864672335197 -0.5845743945283228 0.09661260607278047 -0.5012310145459168 0.8599031773432965 -1.8803711357352402 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/66790349_9649911334.jpg notre_dame_front_facade/test/images/07174573_8039801985.jpg 0 0 596.021 0.0 239.5 0.0 596.021 319.5 0.0 0.0 1.0 746.806 0.0 319.5 0.0 746.806 239.5 0.0 0.0 1.0 0.993817650636376 -0.0007410946127853676 -0.11102219625988771 0.340648642688147 -0.007051846092119965 0.9975372339639968 -0.06978351038856798 0.2407378296778529 0.11080049074930659 0.0701349957883597 0.9913648841952589 1.523482776314283 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/37414234_5204240482.jpg notre_dame_front_facade/test/images/80611845_3920219739.jpg 0 0 981.426 0.0 213.5 0.0 981.426 319.5 0.0 0.0 1.0 692.473 0.0 213.0 0.0 692.473 319.5 0.0 0.0 1.0 0.9729078843657809 -0.10479490841246057 -0.2060783242112675 0.5042545949060984 0.058012799173419186 0.9735090014168603 -0.22116676805617014 -0.26197253099289936 0.22379625481889734 0.20321971196508284 0.9532140289556504 -1.656066394570836 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/25819788_12704796265.jpg notre_dame_front_facade/test/images/43866772_7750717370.jpg 0 0 541.8 0.0 319.5 0.0 541.8 212.0 0.0 0.0 1.0 440.442 0.0 319.5 0.0 440.442 212.5 0.0 0.0 1.0 0.9911698381313205 0.047311621584116385 0.12387074893538402 -0.16687498229092268 -0.021924608706396388 0.9797960793973919 -0.1987937482180241 0.005391526884495689 -0.13077332874788727 0.19432254954220093 0.9721816102085123 0.3804595795193693 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16990573_5919017332.jpg notre_dame_front_facade/test/images/77334826_5801603259.jpg 0 0 524.456 0.0 213.0 0.0 524.456 319.5 0.0 0.0 1.0 308.198 0.0 211.5 0.0 308.198 319.5 0.0 0.0 1.0 0.9944123403957902 0.07234440668121725 0.07687902243466535 -0.03940333019992692 -0.0733878213111391 0.9972446619023484 0.010831065989803212 -0.15415528902868608 -0.07588362769248348 -0.01641252964091171 0.996981596579904 -0.8144486241272402 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/24536118_236584259.jpg notre_dame_front_facade/test/images/16248504_5575722639.jpg 0 0 390.819 0.0 249.5 0.0 390.819 165.5 0.0 0.0 1.0 303.539 0.0 211.5 0.0 303.539 319.5 0.0 0.0 1.0 0.9999856288058674 -0.005253323362176664 -0.0010699417675632962 0.012067991395069172 0.004631843267550032 0.9470648064449689 -0.32100903168181777 0.11098588665680453 0.002699668438608486 0.32099946259613243 0.9470755285632269 0.09305011213964787 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/12015220_144820170.jpg notre_dame_front_facade/test/images/52366157_4087324332.jpg 0 0 647.595 0.0 239.5 0.0 647.595 319.5 0.0 0.0 1.0 691.211 0.0 319.5 0.0 691.211 239.5 0.0 0.0 1.0 0.8637254797616674 -0.08664545220715525 -0.49645831770884374 1.0697414377710421 0.02717316219974325 0.9916833446949858 -0.12580048930998877 0.03600202404522396 0.5032294852912975 0.09516674559100846 0.8588966035950265 0.004626810653221347 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/31731830_3056005968.jpg notre_dame_front_facade/test/images/43666192_4761714801.jpg 0 0 692.226 0.0 319.5 0.0 692.226 239.5 0.0 0.0 1.0 654.307 0.0 239.5 0.0 654.307 319.5 0.0 0.0 1.0 0.9237214568133846 -0.13831274157925386 -0.3572229776195671 0.11192788436290367 0.12511669432174946 0.9903313528897917 -0.05991347332172559 0.6712185267948989 0.362055911461969 0.010648802763961669 0.9320955530283026 1.5580522546191533 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/07159366_4341260883.jpg notre_dame_front_facade/test/images/02670240_5196986488.jpg 0 0 712.685 0.0 239.5 0.0 712.685 319.5 0.0 0.0 1.0 705.055 0.0 237.5 0.0 705.055 319.5 0.0 0.0 1.0 0.8990088157842251 -0.22907312847339903 -0.37324074128322954 0.3543660438649523 -0.0566465609492643 0.7842952248774793 -0.6177962183171776 0.14138524831996288 0.43425144360711837 0.5765470510251474 0.6921121164084183 1.0572783978798785 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/80749661_7180275066.jpg notre_dame_front_facade/test/images/34722769_6860824250.jpg 0 0 744.53 0.0 239.5 0.0 744.53 319.5 0.0 0.0 1.0 575.935 0.0 239.5 0.0 575.935 319.5 0.0 0.0 1.0 0.9464026697899509 -0.19112734872130727 -0.2603695895937482 0.9290541042295276 0.1618418766494222 0.9782403831463581 -0.12981894986580167 -0.03677683898751982 0.2795159987854834 0.08072229774003033 0.9567417191021429 -0.18216792426376394 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/28242249_5165846684.jpg notre_dame_front_facade/test/images/43886992_2526982465.jpg 0 0 739.638 0.0 319.5 0.0 739.638 239.5 0.0 0.0 1.0 822.701 0.0 319.5 0.0 822.701 212.5 0.0 0.0 1.0 0.9791118681325789 0.09123390073262105 0.1817039488812552 -0.7086044730483217 -0.13238671509906014 0.9643421854400597 0.22916785779417173 -0.7266401197075246 -0.15431690557813768 -0.24843615827370952 0.9562770351289361 -1.33080168916631 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/88494215_13093430663.jpg notre_dame_front_facade/test/images/33645044_55429420.jpg 0 0 527.97 0.0 239.5 0.0 527.97 319.5 0.0 0.0 1.0 526.679 0.0 187.0 0.0 526.679 249.5 0.0 0.0 1.0 0.9799022806112921 -0.16028734305061462 -0.11874126540745254 0.0674966410768279 0.10776287750344433 0.9262875016581354 -0.36107980628125336 0.4311223926945134 0.16786507285604757 0.3410270252189763 0.9249442606910588 1.5862404681309623 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/98359518_9321667101.jpg notre_dame_front_facade/test/images/19454938_7173253342.jpg 0 0 1039.51 0.0 203.0 0.0 1039.51 319.5 0.0 0.0 1.0 353.538 0.0 319.5 0.0 353.538 211.5 0.0 0.0 1.0 0.9967961935504362 -0.014613173364545583 0.07863716479870685 -0.43117764406215603 -0.02012364172276248 0.9057213544397127 0.42339563903718536 -1.5909729804282184 -0.07741051328582658 -0.423621627488624 0.9025255282576302 -2.436295632874508 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/85616148_2552007129.jpg notre_dame_front_facade/test/images/65265933_1398358926.jpg 0 0 770.576 0.0 239.5 0.0 770.576 319.5 0.0 0.0 1.0 902.934 0.0 319.5 0.0 902.934 239.5 0.0 0.0 1.0 0.9785859203259148 -0.0297643260030371 -0.20367543160005103 0.37005726409584216 0.046173032302969666 0.996015955867185 0.07629067273216657 0.38572382720557474 0.20059323923759517 -0.08406129047048085 0.9760615000175995 1.13412774581951 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/13729493_60409794.jpg notre_dame_front_facade/test/images/24710907_307223581.jpg 0 0 698.515 0.0 239.5 0.0 698.515 319.5 0.0 0.0 1.0 667.982 0.0 319.5 0.0 667.982 213.0 0.0 0.0 1.0 0.9919623183073578 0.050756089369583396 0.11590762895598672 -0.2442567311036482 -0.03358913320752622 0.9887839768971132 -0.14552668883024714 0.08673711077133772 -0.12199397193574314 0.14046375483887424 0.9825412990749577 0.3092604593592867 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/47652016_4207375505.jpg notre_dame_front_facade/test/images/67691681_4057682871.jpg 0 0 530.142 0.0 213.5 0.0 530.142 319.5 0.0 0.0 1.0 662.741 0.0 239.5 0.0 662.741 319.5 0.0 0.0 1.0 0.9954239264564902 -0.05903457370696079 -0.07514070631276674 0.2683974385056491 0.07032328657834053 0.984970299766722 0.15775976655115398 -0.29638646325988893 0.06469808345511198 -0.16232198768094053 0.9846145084816412 -0.9600506621552202 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/79793488_5196381575.jpg notre_dame_front_facade/test/images/72041797_2079301324.jpg 0 0 761.869 0.0 239.5 0.0 761.869 319.5 0.0 0.0 1.0 535.414 0.0 187.0 0.0 535.414 249.5 0.0 0.0 1.0 0.7424968597847428 0.33283455820728686 0.5813084981941655 -1.1183790471632185 -0.20138892188638632 0.9385885066111818 -0.2801680163738017 0.000702653822824334 -0.6388590731540369 0.09095478063495081 0.7639282116327506 -0.5057888236957271 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/76264628_2298518271.jpg notre_dame_front_facade/test/images/44499587_5808479997.jpg 0 0 527.718 0.0 319.5 0.0 527.718 239.5 0.0 0.0 1.0 2056.49 0.0 319.5 0.0 2056.49 213.0 0.0 0.0 1.0 0.9915090435144396 -0.06587423889828922 -0.11211780090000033 0.14938233779085652 0.02144371795309439 0.933217809429307 -0.35867072242422265 0.44382250751140173 0.1282574894087247 0.3532210424274533 0.9267064862172025 1.9385876960611075 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/56616850_528528947.jpg notre_dame_front_facade/test/images/06285764_3594606656.jpg 0 0 698.333 0.0 239.5 0.0 698.333 319.5 0.0 0.0 1.0 624.925 0.0 239.5 0.0 624.925 319.5 0.0 0.0 1.0 0.944505241654251 -0.05660059117887692 -0.32358340743283864 0.7403921319369149 0.04439994631045857 0.9980011841452296 -0.044969781101844616 0.10073187129482 0.3254819399832704 0.028107108049763237 0.9451304128118012 0.46339175175646374 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/97480396_277512345.jpg notre_dame_front_facade/test/images/87628400_7656196462.jpg 0 0 708.643 0.0 239.5 0.0 708.643 319.5 0.0 0.0 1.0 486.204 0.0 212.0 0.0 486.204 319.5 0.0 0.0 1.0 0.98953504872984 -0.00879321579634772 -0.14402453503203025 0.4390555853811098 0.038619943935327944 0.9778653721736904 0.20564001029479156 -0.5121729706700676 0.1390283685643537 -0.20905021707611 0.9679716522061819 -1.0542670758606882 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/32627688_2172828509.jpg notre_dame_front_facade/test/images/42027422_3584753134.jpg 0 0 724.585 0.0 240.0 0.0 724.585 319.5 0.0 0.0 1.0 1017.24 0.0 213.0 0.0 1017.24 319.5 0.0 0.0 1.0 0.993871873881593 -0.03800437141317312 -0.10379964383648321 0.110708016678266 0.039242936282638086 0.999180501774479 0.009915484134269636 0.3323964335112476 0.10333774847076928 -0.013928123606205394 0.9945488007703805 1.508186883117538 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/66708604_3288303413.jpg notre_dame_front_facade/test/images/65117548_393332042.jpg 0 0 740.97 0.0 319.5 0.0 740.97 239.5 0.0 0.0 1.0 528.38 0.0 319.5 0.0 528.38 213.5 0.0 0.0 1.0 0.9968814453604311 -0.07805989171016425 0.011577443685682993 0.07275159433405093 0.07784862664141359 0.9968081156623224 0.017696662955932994 -0.21804626743086994 -0.012921889418483766 -0.016740186854618144 0.9997763704538775 -0.8256294786945773 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16199404_86872664.jpg notre_dame_front_facade/test/images/66536323_206198871.jpg 0 0 719.163 0.0 239.5 0.0 719.163 319.5 0.0 0.0 1.0 647.198 0.0 239.5 0.0 647.198 319.5 0.0 0.0 1.0 0.9992073978484739 0.011383295849308306 0.038144418470974994 -0.06734468833769056 -0.0049378181796169195 0.9862837240276285 -0.16498494982821205 0.2559878508107133 -0.039499291594999326 0.16466583219903186 0.9855582020711376 0.6449797052840676 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/92967069_3531809918.jpg notre_dame_front_facade/test/images/77664805_1165807524.jpg 0 0 547.756 0.0 249.5 0.0 547.756 187.0 0.0 0.0 1.0 735.025 0.0 239.5 0.0 735.025 319.5 0.0 0.0 1.0 0.9568919362808552 0.1902241600557369 0.21948255331976796 -0.42193399998731373 -0.0697689417070894 0.8840971748864306 -0.4620654500510777 0.4081474770321414 -0.2819399174536095 0.42683363771957056 0.8592571958717192 1.5609603056212698 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/84092770_8200390352.jpg notre_dame_front_facade/test/images/30853200_42283424.jpg 0 0 499.749 0.0 319.5 0.0 499.749 212.5 0.0 0.0 1.0 648.551 0.0 239.5 0.0 648.551 319.5 0.0 0.0 1.0 0.9675232113834709 0.07112004034115876 0.2425711757321696 -0.4147963954132988 -0.012125460816370668 0.9715583159747646 -0.23648977115357395 0.022688063302574293 -0.2524912050630789 0.22586805555932657 0.9408675851806368 0.9117082455240773 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/00172642_6310427717.jpg notre_dame_front_facade/test/images/35249264_6310946396.jpg 0 0 765.913 0.0 319.5 0.0 765.913 239.5 0.0 0.0 1.0 1037.12 0.0 319.5 0.0 1037.12 239.5 0.0 0.0 1.0 0.9669203554034752 0.051736793551529305 0.24977656114900743 -0.34214616109391516 -0.002171988315880004 0.9808490308331903 -0.19475744191261876 0.2119641110556089 -0.2550692234927081 0.18777242317922468 0.9485152652014777 0.6096979534364775 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/30419716_2588385795.jpg notre_dame_front_facade/test/images/99239692_3743536843.jpg 0 0 569.144 0.0 249.5 0.0 569.144 187.0 0.0 0.0 1.0 562.649 0.0 187.0 0.0 562.649 249.5 0.0 0.0 1.0 0.9488347208652116 -0.1719097913540092 -0.2648767564684696 0.3842513332844688 0.005561322488490611 0.8477871301749028 -0.5303075085287604 0.3844111075472483 0.31572415836108414 0.5017011117651857 0.8053659108012716 1.8683807273181499 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/14726037_8034366725.jpg notre_dame_front_facade/test/images/68906626_8236091211.jpg 0 0 626.047 0.0 319.5 0.0 626.047 239.5 0.0 0.0 1.0 595.075 0.0 319.5 0.0 595.075 239.5 0.0 0.0 1.0 0.9993324099492825 -0.03631997353413442 -0.003948917248939279 0.01578086089181162 0.036220461181325894 0.999081893870627 -0.022878975757087607 0.018805532909454525 0.004776255517794158 0.02272067037657818 0.9997304429299269 -0.0010251565997434486 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/91922425_3564470202.jpg notre_dame_front_facade/test/images/64910807_2663494883.jpg 0 0 519.608 0.0 187.0 0.0 519.608 249.5 0.0 0.0 1.0 744.149 0.0 239.5 0.0 744.149 319.5 0.0 0.0 1.0 0.9998995166667451 -0.008662080196984773 0.011221628057924836 -0.09143226907380497 0.008944556521073843 0.99963806846704 -0.02537177526558657 -0.026136335459429682 -0.010997794244789085 0.0254695983114599 0.9996150999677837 -0.08990552524700235 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/73778667_5107250729.jpg notre_dame_front_facade/test/images/22891861_445889696.jpg 0 0 769.469 0.0 319.5 0.0 769.469 214.0 0.0 0.0 1.0 1183.91 0.0 319.5 0.0 1183.91 239.5 0.0 0.0 1.0 0.8915104042074733 0.20804376456687873 0.40240152983639194 -0.16267049136681105 -0.022267567680343683 0.9073553012117943 -0.4197743593794831 0.322176649582675 -0.4524525993067437 0.3652727055060304 0.8135493199510869 2.202127041604735 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/56616850_528528947.jpg notre_dame_front_facade/test/images/70336114_5249999416.jpg 0 0 698.333 0.0 239.5 0.0 698.333 319.5 0.0 0.0 1.0 678.309 0.0 239.5 0.0 678.309 319.5 0.0 0.0 1.0 0.9457718472286532 -0.06567664295125472 -0.3181229189485635 0.7123286954724798 0.02982553636685791 0.9927677544424763 -0.1162868140404252 0.047703217897771946 0.32345950344692326 0.10049260823511644 0.9408906340908986 0.4002846140244864 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/49984163_4144073459.jpg notre_dame_front_facade/test/images/92245898_537005790.jpg 0 0 699.426 0.0 239.5 0.0 699.426 319.5 0.0 0.0 1.0 674.772 0.0 239.5 0.0 674.772 319.5 0.0 0.0 1.0 0.9597698111040207 0.10087344474686144 0.26204285496508917 -0.6519075501959759 -0.030077192715134118 0.9648052078215026 -0.26123987719887687 0.10339003908400961 -0.2791724774610304 0.24284863414359467 0.9290249021005095 1.3365736356777569 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/56616850_528528947.jpg notre_dame_front_facade/test/images/36126459_6228310178.jpg 0 0 698.333 0.0 239.5 0.0 698.333 319.5 0.0 0.0 1.0 672.751 0.0 319.5 0.0 672.751 212.5 0.0 0.0 1.0 0.9992091313742962 0.000614573747523908 -0.039758446616196305 0.22199136678299425 0.008118366597081114 0.975665871233229 0.21911229959657622 -0.24892391733133326 0.03892562012376269 -0.2192617841982803 0.9748892583715175 -0.49009647440527837 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/47992361_3352851129.jpg notre_dame_front_facade/test/images/28352136_8060371551.jpg 0 0 431.773 0.0 319.5 0.0 431.773 212.0 0.0 0.0 1.0 873.568 0.0 239.5 0.0 873.568 319.5 0.0 0.0 1.0 0.9501162158054041 -0.08761959522319106 -0.29933590328683035 0.8439566096054192 0.043286862851198864 0.9874853333716517 -0.15165409285732898 0.20015572718178443 0.30887768447739966 0.13113170062499 0.9420186055079157 0.6946912381228323 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/77467411_2796379848.jpg notre_dame_front_facade/test/images/29664667_2558113171.jpg 0 0 1620.77 0.0 319.5 0.0 1620.77 239.5 0.0 0.0 1.0 843.474 0.0 213.0 0.0 843.474 319.5 0.0 0.0 1.0 0.9961245444189315 -0.03969934698551294 -0.07848473644665288 0.10135332168769395 0.05349357706304428 0.9817809503178119 0.1823310253523922 -1.6218618303139292 0.06981639649234885 -0.18582283885997003 0.9800997619318376 -5.15015340890055 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/64518898_5543139365.jpg notre_dame_front_facade/test/images/04364411_6931256047.jpg 0 0 551.721 0.0 228.0 0.0 551.721 319.5 0.0 0.0 1.0 648.753 0.0 239.5 0.0 648.753 319.5 0.0 0.0 1.0 0.9922295073992567 -0.01389900050498015 -0.12364231650689367 0.2666694825366205 0.003551632621745744 0.9964999667851095 -0.08351767539267435 0.1034310127448495 0.1243703765048111 0.0824295698292702 0.988806035310168 0.3138766550665688 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/48315441_8654343906.jpg notre_dame_front_facade/test/images/48878579_6144672125.jpg 0 0 311.727 0.0 213.0 0.0 311.727 319.5 0.0 0.0 1.0 1152.32 0.0 239.5 0.0 1152.32 319.5 0.0 0.0 1.0 0.9985942012137081 0.03545160366858809 0.039405648068286024 -0.026530028350351675 -0.03645840604269095 0.9990191150422987 0.02513150232135934 0.3853159675832707 -0.03847604360095434 -0.02653283960354721 0.9989072041443039 2.1255610766640674 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/08166131_278426084.jpg notre_dame_front_facade/test/images/41995021_5921639869.jpg 0 0 496.946 0.0 212.5 0.0 496.946 319.5 0.0 0.0 1.0 540.721 0.0 319.5 0.0 540.721 239.5 0.0 0.0 1.0 0.9994479705647995 -0.022669621631284654 0.024286671015148892 -0.026058095141856308 0.018468821890417188 0.9867746807334055 0.16104233009201635 0.26934540817506014 -0.02761624072685726 -0.16050488378420236 0.9866486332679615 0.27057427625610075 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/76922738_2324942217.jpg notre_dame_front_facade/test/images/94185952_3045662541.jpg 0 0 401.674 0.0 249.5 0.0 401.674 165.5 0.0 0.0 1.0 640.582 0.0 239.5 0.0 640.582 319.5 0.0 0.0 1.0 0.9723060418730534 -0.03484780443427161 -0.23109866175135424 0.3959713304071463 0.10904264675393271 0.9422386894781154 0.31669536346378796 -0.21641769266861893 0.2067139620975157 -0.33312442506768314 0.9199442674951959 -0.3565586504888364 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/67143278_8608643015.jpg notre_dame_front_facade/test/images/78751376_5259305379.jpg 0 0 725.024 0.0 319.5 0.0 725.024 239.0 0.0 0.0 1.0 494.969 0.0 319.5 0.0 494.969 212.0 0.0 0.0 1.0 0.9978593816035591 -0.018582298728349524 -0.06270050015536202 0.15942710144055494 0.047130739090216194 0.8690225407985593 0.4925226055896584 -0.16606064563043665 0.04533594576682116 -0.4944234235531187 0.8680380926338667 0.010223746847611737 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/61616050_10894465215.jpg notre_dame_front_facade/test/images/02670240_5196986488.jpg 0 0 951.587 0.0 213.0 0.0 951.587 319.5 0.0 0.0 1.0 705.055 0.0 237.5 0.0 705.055 319.5 0.0 0.0 1.0 0.9987652604495876 0.04600457843959616 0.018749220828133975 0.10618495482620022 -0.046578377610478505 0.9984206322990425 0.03141171340051446 -0.05653199514651887 -0.01727452628128381 -0.032246236403267646 0.9993306614827655 0.5374186411856047 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/14726037_8034366725.jpg notre_dame_front_facade/test/images/24232395_8292135214.jpg 0 0 626.047 0.0 319.5 0.0 626.047 239.5 0.0 0.0 1.0 606.526 0.0 319.5 0.0 606.526 239.5 0.0 0.0 1.0 0.9239510303187521 0.24271681339372111 0.29564005491291956 -0.4371306685799867 -0.14654878376115033 0.9385370356515549 -0.31252469772566716 0.40030256373000156 -0.35332413949664426 0.2454318259851187 0.9027321148837933 0.7230492381424388 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/32850132_379216157.jpg notre_dame_front_facade/test/images/87759689_2253451275.jpg 0 0 486.649 0.0 249.5 0.0 486.649 167.0 0.0 0.0 1.0 523.045 0.0 319.5 0.0 523.045 213.0 0.0 0.0 1.0 0.9988323763920637 0.045391398703198166 0.01653798037096417 0.10018032928086706 -0.03948965106659517 0.9643292272507121 -0.2617435938636951 0.4156924805196487 -0.027828965658494256 0.26078489679007816 0.9649957441753652 1.0874489871589408 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/31731830_3056005968.jpg notre_dame_front_facade/test/images/33829378_5895841512.jpg 0 0 692.226 0.0 319.5 0.0 692.226 239.5 0.0 0.0 1.0 526.926 0.0 319.5 0.0 526.926 213.0 0.0 0.0 1.0 0.9886171590708814 0.03805319680960469 0.1455612139382927 -0.2765857103133077 -0.03397980269936494 0.998960988914812 -0.030369649896788243 -0.3792297176447925 -0.1465656364879987 0.025077815672636835 0.9888830150032698 -0.9869896759817864 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/88697814_397500572.jpg notre_dame_front_facade/test/images/90581608_3777244265.jpg 0 0 534.268 0.0 183.0 0.0 534.268 249.5 0.0 0.0 1.0 508.089 0.0 239.5 0.0 508.089 319.5 0.0 0.0 1.0 0.9892347744364073 0.02597725236051633 0.1440129973493652 -0.2637361382482797 -0.020924327666114566 0.9991148957456548 -0.036491062068271546 0.05169602453542501 -0.14483346836098102 0.033084852409334176 0.9889027550692642 0.4545740987274901 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16936811_3689681321.jpg notre_dame_front_facade/test/images/02670240_5196986488.jpg 0 0 503.368 0.0 212.5 0.0 503.368 319.5 0.0 0.0 1.0 705.055 0.0 237.5 0.0 705.055 319.5 0.0 0.0 1.0 0.9978428831619475 0.02311309438885374 -0.061444002073629315 0.17282423295571325 -0.02014443620431587 0.9986198820369295 0.04850291630984307 -0.10220130807176649 0.06248025458544862 -0.04716053507246636 0.9969313425299738 -0.8030269989753357 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/01569849_8047248507.jpg notre_dame_front_facade/test/images/84557583_2821153446.jpg 0 0 528.055 0.0 319.5 0.0 528.055 213.0 0.0 0.0 1.0 1702.85 0.0 319.5 0.0 1702.85 239.5 0.0 0.0 1.0 0.9822499189914008 0.083340481496904 0.1680460079420249 0.010315166735056447 -0.039895887666148586 0.9682010597972213 -0.2469717108392535 0.6276715100074372 -0.1832850642816183 0.2358835983094246 0.9543403550410519 1.4860392880089992 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/40345702_2326943941.jpg notre_dame_front_facade/test/images/73717439_5873359498.jpg 0 0 647.589 0.0 213.0 0.0 647.589 319.5 0.0 0.0 1.0 529.064 0.0 319.5 0.0 529.064 239.5 0.0 0.0 1.0 0.9702821492459918 -0.06470443461089347 -0.23316493517736228 0.549396068183815 0.06347366412339706 0.9979016017679769 -0.012786209432675773 -0.026290244807725342 0.23350298674177414 -0.002393602011755512 0.9723531384492365 -0.09680828420818033 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/94100874_2339251144.jpg notre_dame_front_facade/test/images/91197547_4558095525.jpg 0 0 481.564 0.0 187.0 0.0 481.564 249.5 0.0 0.0 1.0 730.902 0.0 239.5 0.0 730.902 319.5 0.0 0.0 1.0 0.9984150905473608 0.02465820456849781 0.050589326095173796 -0.23305112469354056 -0.02925380179924268 0.9953096827507308 0.09221090229973002 -0.15261381422354242 -0.0480782908140082 -0.09354468648778423 0.9944535532554077 -0.14310646375545605 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/58525912_2163151497.jpg notre_dame_front_facade/test/images/67691681_4057682871.jpg 0 0 672.919 0.0 239.5 0.0 672.919 319.5 0.0 0.0 1.0 662.741 0.0 239.5 0.0 662.741 319.5 0.0 0.0 1.0 0.9901588982142674 0.0012172021111850975 0.13994239781470255 -0.37555982793392456 0.0004978784507355868 0.9999252096072122 -0.012219955360850708 -0.2767326430177304 -0.13994680562326614 0.01216937184054368 0.9900842378226463 -0.7750778183516467 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/18172981_5971460028.jpg notre_dame_front_facade/test/images/94836922_1185468195.jpg 0 0 702.76 0.0 196.0 0.0 702.76 319.5 0.0 0.0 1.0 658.457 0.0 239.5 0.0 658.457 319.5 0.0 0.0 1.0 0.9525433308980968 0.041142562054361016 0.30160983463601126 -0.7299169508429416 -0.021276352634154987 0.9973994119709073 -0.06886021942076295 0.07922548263543881 -0.3036585575611958 0.059175185573782416 0.9509415217731123 0.6298580443437813 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/84046481_8129096.jpg notre_dame_front_facade/test/images/86877326_2716699476.jpg 0 0 528.081 0.0 249.5 0.0 528.081 187.0 0.0 0.0 1.0 570.15 0.0 213.0 0.0 570.15 319.5 0.0 0.0 1.0 0.9459871878710716 -0.07713655496681883 -0.3148939381309733 0.3155169796925946 0.033550588975206366 0.9893604920420073 -0.14156332422563994 0.33941052445585673 0.3224633287107218 0.1233522139008774 0.9385103265082133 1.9751665062296135 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/66532758_5458132477.jpg notre_dame_front_facade/test/images/02864341_2175867632.jpg 0 0 748.109 0.0 228.0 0.0 748.109 319.5 0.0 0.0 1.0 725.615 0.0 240.0 0.0 725.615 319.5 0.0 0.0 1.0 0.997035528332741 -0.0019671395926288858 0.07691739467815505 0.014067139515268057 0.0055278898432316835 0.998921178683357 -0.04610771314795159 -0.16495468879169345 -0.07674371424509673 0.046396219023491614 0.9959707792822997 -0.8542766691332532 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/73216196_3064747316.jpg notre_dame_front_facade/test/images/16926208_509236966.jpg 0 0 512.731 0.0 159.5 0.0 512.731 249.5 0.0 0.0 1.0 864.355 0.0 319.5 0.0 864.355 239.5 0.0 0.0 1.0 0.036876345637808866 -0.9926569335524339 0.11520567435104825 -0.08974815642204344 0.9770233840114774 0.060029831326415366 0.204503609859786 -0.611272427681696 -0.2099177034629578 0.10501729201041633 0.9720627171904274 0.40479128483166693 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/76309603_8305176254.jpg notre_dame_front_facade/test/images/08166131_278426084.jpg 0 0 484.145 0.0 319.5 0.0 484.145 212.0 0.0 0.0 1.0 496.946 0.0 212.5 0.0 496.946 319.5 0.0 0.0 1.0 0.9992744672175538 0.0128171574864079 -0.03586446209052023 0.011590376044373851 -0.020905723518833196 0.9717183051262158 -0.23521582898858673 -0.09395957893285822 0.031835355993421036 0.23579494472232146 0.9712812435912522 -0.12659751331218527 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/12015220_144820170.jpg notre_dame_front_facade/test/images/55945829_7504406658.jpg 0 0 647.595 0.0 239.5 0.0 647.595 319.5 0.0 0.0 1.0 534.047 0.0 319.5 0.0 534.047 239.5 0.0 0.0 1.0 0.9750671341134393 0.04315237290961082 -0.21767396877916848 0.13762659150710554 -0.018337519971409515 0.9932242961634065 0.11475727807857818 0.08329833048700924 0.22115112329152373 -0.10790444950499421 0.9692516754919339 0.12306217340514602 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/80749661_7180275066.jpg notre_dame_front_facade/test/images/14248814_1334513582.jpg 0 0 744.53 0.0 239.5 0.0 744.53 319.5 0.0 0.0 1.0 696.736 0.0 319.5 0.0 696.736 239.5 0.0 0.0 1.0 0.8777613692960544 -0.22047044880034283 -0.425356038839571 1.2277530323909078 0.1069791187963809 0.9556041385008207 -0.2745472611803912 -0.093690657615776 0.46700154894075585 0.1954827657004051 0.8623781314487604 -0.3953587938920875 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/73717439_5873359498.jpg notre_dame_front_facade/test/images/84828575_2153996767.jpg 0 0 529.064 0.0 319.5 0.0 529.064 239.5 0.0 0.0 1.0 987.886 0.0 249.5 0.0 987.886 187.0 0.0 0.0 1.0 0.9691735465665884 0.04925370449528656 0.24140569427632033 -0.5322986266402766 -0.054202499990508635 0.9984332377842621 0.013898153921084174 -0.1729184443008028 -0.24034293338960516 -0.0265545152681465 0.9703247559907733 -0.6116688797732249 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/57817490_9610856334.jpg notre_dame_front_facade/test/images/50944188_2452211231.jpg 0 0 581.452 0.0 319.5 0.0 581.452 239.5 0.0 0.0 1.0 802.246 0.0 239.5 0.0 802.246 319.5 0.0 0.0 1.0 0.996907368892059 -0.005709441095209543 0.07837793140350602 0.020165536004327245 -0.02169471626159843 0.9386042858627354 0.3443128429879332 0.35727130620861625 -0.07553169622774994 -0.3449483973618152 0.9355776643456567 1.6464913236167702 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/86877326_2716699476.jpg notre_dame_front_facade/test/images/20432678_1041916289.jpg 0 0 570.15 0.0 213.0 0.0 570.15 319.5 0.0 0.0 1.0 637.694 0.0 319.5 0.0 637.694 239.5 0.0 0.0 1.0 0.9927814198965741 0.054514249658616794 0.10683280812699858 -0.1708068386322653 -0.061583453188469785 0.996046186421686 0.06402712556564971 -0.03983553037998641 -0.10292002041160721 -0.0701440738692437 0.992213322980245 -0.27440739682933246 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/20449428_10758420474.jpg notre_dame_front_facade/test/images/45459434_6823683093.jpg 0 0 916.516 0.0 239.5 0.0 916.516 319.5 0.0 0.0 1.0 722.12 0.0 319.5 0.0 722.12 319.5 0.0 0.0 1.0 0.9979272021405414 0.025959039556833936 0.058884866419457255 -0.11826721940512823 -0.027884539761032424 0.9990950730371088 0.03211677871906796 -0.16563994945706936 -0.057997859186921685 -0.0336921845278828 0.9977480067790027 -0.544107237053761 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/34341942_1196841579.jpg notre_dame_front_facade/test/images/51049781_8641641044.jpg 0 0 2048.74 0.0 239.5 0.0 2048.74 319.5 0.0 0.0 1.0 815.628 0.0 239.5 0.0 815.628 319.5 0.0 0.0 1.0 0.9461305850703325 -0.024490907339185474 -0.3228577263318531 2.6874612831563973 0.07393129029627335 0.9871343835321804 0.14177402146962703 -1.553306284217567 0.3152317882282789 -0.15800602617066714 0.9357686762144564 -5.319326991605833 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/33645044_55429420.jpg notre_dame_front_facade/test/images/94836922_1185468195.jpg 0 0 526.679 0.0 187.0 0.0 526.679 249.5 0.0 0.0 1.0 658.457 0.0 239.5 0.0 658.457 319.5 0.0 0.0 1.0 0.9888482390214675 0.054328005706188946 0.13866372265351656 -0.36144974388994777 -0.05037292100194092 0.9982216240971283 -0.0318772334844792 0.08286659622235137 -0.14014895295318922 0.024536849448942806 0.9898263554812253 0.5692913951653286 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/49047422_9668436418.jpg notre_dame_front_facade/test/images/92263499_2724825410.jpg 0 0 589.962 0.0 319.5 0.0 589.962 239.5 0.0 0.0 1.0 1088.49 0.0 239.5 0.0 1088.49 319.5 0.0 0.0 1.0 0.9715257168942176 -0.11754139356775584 -0.20572263417360334 0.004386138037048126 0.022586429038922134 0.9102600716861273 -0.41342043384094684 0.2957545365888143 0.23585511365337414 0.39700204368758213 0.8869959090500007 2.0424776506190048 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/83755577_4922523649.jpg notre_dame_front_facade/test/images/88044894_523998738.jpg 0 0 667.625 0.0 239.5 0.0 667.625 319.5 0.0 0.0 1.0 510.324 0.0 249.5 0.0 510.324 187.0 0.0 0.0 1.0 0.9718616271101825 0.041944974468110095 0.23178782726368174 -0.8564707158685432 -0.020766265896132747 0.9954432232277328 -0.09306745688323832 0.08666164202963533 -0.23463533397909167 0.08563532242510628 0.96830411111472 0.6394277896102073 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/79443789_562514295.jpg notre_dame_front_facade/test/images/91463526_2206098945.jpg 0 0 646.586 0.0 239.5 0.0 646.586 319.5 0.0 0.0 1.0 513.111 0.0 249.5 0.0 513.111 167.5 0.0 0.0 1.0 0.9980723408696187 0.011565958110244657 -0.060974019090361486 -0.005853424513796168 -0.011882678498387304 0.9999177123882227 -0.00483429457185416 0.011764156033283096 0.060913088435439446 0.0055495103653891 0.9981276464420575 -0.01456587364637485 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/85133638_2665012325.jpg notre_dame_front_facade/test/images/28264157_4531674049.jpg 0 0 715.851 0.0 319.5 0.0 715.851 239.5 0.0 0.0 1.0 321.962 0.0 190.5 0.0 321.962 319.5 0.0 0.0 1.0 0.9942477089016543 0.026423189589193097 0.10379454896932176 -0.07047856713267733 0.016292570098983626 0.9205010332601345 -0.3904003072829146 0.6339809906330318 -0.10585861090804602 0.3898456910355147 0.9147755416918736 0.06606373031891577 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/73717439_5873359498.jpg notre_dame_front_facade/test/images/60057124_6803305881.jpg 0 0 529.064 0.0 319.5 0.0 529.064 239.5 0.0 0.0 1.0 1338.12 0.0 319.5 0.0 1338.12 239.5 0.0 0.0 1.0 0.9654497615038596 0.045938654612490845 0.25650808569036354 -1.4282405821270394 0.005026181740757014 0.9808728749602207 -0.1945845334665118 0.2699805581502439 -0.26054077513750035 0.18915084768423696 0.946752587168942 5.9025863198467965 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/70950675_2625630826.jpg notre_dame_front_facade/test/images/33645044_55429420.jpg 0 0 511.931 0.0 319.5 0.0 511.931 239.5 0.0 0.0 1.0 526.679 0.0 187.0 0.0 526.679 249.5 0.0 0.0 1.0 0.9999714842426644 0.006056970048629623 0.004510411882823109 0.0664943260157339 -0.0032921675407317354 0.8871533884361252 -0.4614629205246991 0.37618123941863324 -0.006796494273260296 0.46143491252844215 0.8871480311455707 1.38308398604613 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/86709056_2624498473.jpg notre_dame_front_facade/test/images/86698292_8276881929.jpg 0 0 528.258 0.0 239.5 0.0 528.258 319.5 0.0 0.0 1.0 693.817 0.0 319.5 0.0 693.817 213.0 0.0 0.0 1.0 0.9976850738683124 -0.004467425520072827 0.06785672766648232 -0.4704404533763563 0.0020865329120345745 0.9993810128021161 0.035117483267227675 0.14161396453734879 -0.06797160996171525 -0.03489460359195421 0.9970768410104475 0.4108651791836152 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/97773068_506947032.jpg notre_dame_front_facade/test/images/47626142_1393227120.jpg 0 0 919.356 0.0 213.0 0.0 919.356 319.5 0.0 0.0 1.0 253.177 0.0 166.0 0.0 253.177 249.5 0.0 0.0 1.0 0.9446876694042265 0.008301515848335514 -0.3278662716874524 1.027977458412216 0.08121967737998224 0.9626194973666108 0.2583932415833383 -0.6977557668771838 0.31775552124534695 -0.2707301019913997 0.9087005230513648 -1.2836412260134098 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/01927388_3809070796.jpg notre_dame_front_facade/test/images/92064571_307220044.jpg 0 0 688.527 0.0 319.5 0.0 688.527 239.5 0.0 0.0 1.0 674.607 0.0 213.0 0.0 674.607 319.5 0.0 0.0 1.0 0.9701559331230745 0.00603309452166973 0.2424068216791541 -0.5526384456450628 -0.06568088803438901 0.9688564084756708 0.23875359830301635 0.026974323443269 -0.23341697961611674 -0.24754971526163516 0.9403380520327637 0.09134960145748217 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/97773068_506947032.jpg notre_dame_front_facade/test/images/90826844_8304176149.jpg 0 0 919.356 0.0 213.0 0.0 919.356 319.5 0.0 0.0 1.0 966.226 0.0 212.0 0.0 966.226 319.5 0.0 0.0 1.0 0.9944468269388992 0.062032799458249174 -0.08501435280308553 -0.2880804413967702 -0.07114842659405754 0.9915179267767844 -0.10876627360288352 -0.07554124205849394 0.07754617839935674 0.11421091310220735 0.9904253922148882 -0.15618450095571235 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/92796397_10905257324.jpg notre_dame_front_facade/test/images/00428654_11477382116.jpg 0 0 747.301 0.0 239.5 0.0 747.301 319.5 0.0 0.0 1.0 565.607 0.0 319.5 0.0 565.607 239.5 0.0 0.0 1.0 0.9621653948880007 0.06109479527709202 0.26552811314448044 -1.0944037115705343 -0.14165312996120513 0.9446442655178686 0.2959418902359055 -0.9299614269604292 -0.23274910021783501 -0.3223579340023401 0.9175582917360242 -1.192109730334023 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/62554528_6086102803.jpg notre_dame_front_facade/test/images/59102103_1305207152.jpg 0 0 297.501 0.0 319.5 0.0 297.501 216.0 0.0 0.0 1.0 490.265 0.0 166.0 0.0 490.265 249.5 0.0 0.0 1.0 0.9956332288225065 -0.052974526871734706 -0.07686464185297336 0.20251101903472554 0.045492126386207234 0.9943385397655474 -0.09602778126032266 1.0935875760008043 0.08151650201849533 0.09211171391107044 0.9924064147611269 2.2693198463636537 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/53981929_372412956.jpg notre_dame_front_facade/test/images/53297154_7403336528.jpg 0 0 669.186 0.0 239.5 0.0 669.186 319.5 0.0 0.0 1.0 970.474 0.0 213.0 0.0 970.474 319.5 0.0 0.0 1.0 0.9997988339742571 0.0200570973791297 -6.65465281944803e-05 -0.0313499930651121 -0.020013910915803807 0.9974172233374287 -0.06898062017486008 0.1629300863375183 -0.0013171763627455016 0.06896807547393327 0.9976179978387776 1.146693782348558 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/90095935_9048675746.jpg notre_dame_front_facade/test/images/76309603_8305176254.jpg 0 0 459.15 0.0 319.5 0.0 459.15 319.5 0.0 0.0 1.0 484.145 0.0 319.5 0.0 484.145 212.0 0.0 0.0 1.0 0.9817555676075328 0.0145623434248922 0.1895888805431019 -0.23936876605372126 -0.07867930677885189 0.9388139184177325 0.335317749709052 -0.2939611731039329 -0.17310566760337567 -0.3441167893886007 0.9228315464397993 -0.2458088533604197 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/30419716_2588385795.jpg notre_dame_front_facade/test/images/98359518_9321667101.jpg 0 0 569.144 0.0 249.5 0.0 569.144 187.0 0.0 0.0 1.0 1039.51 0.0 203.0 0.0 1039.51 319.5 0.0 0.0 1.0 0.9645943639457125 -0.11733326281622437 -0.2362003778173636 0.2813551684154442 -0.018276355377087352 0.8636964872162302 -0.5036808044828339 0.35162097399024184 0.263103948807875 0.49016454727697645 0.830972339319703 2.692835303358584 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/91316375_2178414357.jpg notre_dame_front_facade/test/images/65265933_1398358926.jpg 0 0 665.749 0.0 319.5 0.0 665.749 239.5 0.0 0.0 1.0 902.934 0.0 319.5 0.0 902.934 239.5 0.0 0.0 1.0 0.9747217437963828 0.00671948446195777 0.2233212276052239 -0.5917320240885404 -0.03776654906091585 0.990119228946711 0.13504665949959627 -0.07342616997606405 -0.2202071977537704 -0.1400669875400195 0.9653445131448647 -0.09142932252739772 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/29443215_4125074438.jpg notre_dame_front_facade/test/images/42745507_7964372034.jpg 0 0 532.032 0.0 319.5 0.0 532.032 213.0 0.0 0.0 1.0 1044.95 0.0 279.5 0.0 1044.95 319.5 0.0 0.0 1.0 0.9918512266079017 0.05534255787591976 0.11475341199350707 -0.2814053149732433 -0.06617402423646143 0.9934801394651623 0.0928343201872767 0.12832394454271914 -0.10886754701357661 -0.09967152941553606 0.9890467347052992 0.2650217771179808 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/55165219_6771732707.jpg notre_dame_front_facade/test/images/81875745_5270921683.jpg 0 0 705.515 0.0 213.0 0.0 705.515 319.5 0.0 0.0 1.0 785.224 0.0 319.5 0.0 785.224 214.5 0.0 0.0 1.0 0.844444303884925 0.51707292350083 0.13981920261040348 -0.36858158248844836 -0.47972340848377715 0.8461870822296614 -0.23201912253165516 0.606474935373922 -0.23828400909211536 0.12885268196648808 0.962609846906332 1.8582466684600103 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/79392901_158654812.jpg notre_dame_front_facade/test/images/00504662_7553416128.jpg 0 0 506.813 0.0 249.5 0.0 506.813 187.0 0.0 0.0 1.0 647.636 0.0 239.5 0.0 647.636 319.5 0.0 0.0 1.0 0.9759418952233715 -0.012157542753117399 -0.21769155082827513 0.21805354029826152 0.03928490760831163 0.9919084566742742 0.12072410534879177 -0.24078435535642806 0.21446238174099386 -0.12637170463464467 0.9685226270385812 -0.7465336757829049 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/70470648_253650724.jpg notre_dame_front_facade/test/images/62265406_497236333.jpg 0 0 661.366 0.0 239.5 0.0 661.366 319.5 0.0 0.0 1.0 1321.94 0.0 220.0 0.0 1321.94 319.5 0.0 0.0 1.0 0.9997671298849938 -0.02060242043234558 0.006420768945453014 -0.030933382928746228 0.020072431709238434 0.9970666917201438 0.07385871477033507 -0.025803180725014585 -0.007923603145033436 -0.07371263483675389 0.9972480453621474 2.0479125887135394 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/89455443_12073338213.jpg notre_dame_front_facade/test/images/68740277_88652995.jpg 0 0 460.921 0.0 212.5 0.0 460.921 319.5 0.0 0.0 1.0 1818.38 0.0 319.5 0.0 1818.38 213.5 0.0 0.0 1.0 0.9782182370673833 0.06454473709121472 0.19728927386608505 -0.5970383886331982 -0.03362510539654997 0.9871481656715034 -0.15623012289074353 0.804027454097131 -0.20483757701128003 0.14619328276364785 0.9678166619349639 7.079065990476958 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/71402909_2179202106.jpg notre_dame_front_facade/test/images/71272180_3274206565.jpg 0 0 3743.04 0.0 319.5 0.0 3743.04 239.5 0.0 0.0 1.0 701.674 0.0 319.5 0.0 701.674 239.5 0.0 0.0 1.0 0.9772728610635376 0.107426518525045 -0.1827492767325664 0.5486861133997938 0.008163640063095872 0.8423731331849368 0.5388328678441144 -1.392448327794384 0.21182801988785194 -0.5280786377101244 0.8223514105202294 -1.2551833449320602 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/48194802_193393602.jpg notre_dame_front_facade/test/images/68517155_168393151.jpg 0 0 744.735 0.0 239.5 0.0 744.735 319.5 0.0 0.0 1.0 1535.18 0.0 319.5 0.0 1535.18 239.5 0.0 0.0 1.0 0.9972107028577019 0.06424576208463013 -0.03799073782139117 0.10774651632895149 -0.07129806742237227 0.9705131775869091 -0.23026236712062864 0.5484531562113284 0.022077130426833718 0.23232876314465548 0.9723867266308148 5.744288252386588 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/22891861_445889696.jpg notre_dame_front_facade/test/images/47637734_4638229298.jpg 0 0 1183.91 0.0 319.5 0.0 1183.91 239.5 0.0 0.0 1.0 675.352 0.0 319.5 0.0 675.352 319.5 0.0 0.0 1.0 0.9693963483966408 0.07032055636221356 0.23521424078521977 -0.9376599751453547 -0.14645149123991472 0.9345955907614354 0.3241651468663603 -0.21763227333686488 -0.19703471884128373 -0.3486919859735702 0.9162921032558033 -0.6339887461120889 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/85808395_9116833255.jpg notre_dame_front_facade/test/images/12108431_6988563786.jpg 0 0 533.422 0.0 319.5 0.0 533.422 213.0 0.0 0.0 1.0 611.0 0.0 239.5 0.0 611.0 319.5 0.0 0.0 1.0 0.9063092705827666 0.06068979313281373 0.41823468897884375 -0.5808455153459079 -0.09849368855897625 0.9927160287138762 0.06938212773184446 0.09901756688264893 -0.41097749253430077 -0.10407514277697086 0.9056853014630258 0.7880691706365741 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/75271422_4231357851.jpg notre_dame_front_facade/test/images/07705674_1304394874.jpg 0 0 733.721 0.0 319.5 0.0 733.721 239.5 0.0 0.0 1.0 825.019 0.0 239.5 0.0 825.019 319.5 0.0 0.0 1.0 0.9582914885657393 -0.0399949485807415 -0.28298025908264873 0.05608961805195373 0.04236765473480199 0.9990995149300246 0.002267399140359116 0.5098622849442482 0.2826347550722164 -0.014162039210965904 0.9591230535602068 1.7843098857285355 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/88264143_2551880831.jpg notre_dame_front_facade/test/images/30596090_277515099.jpg 0 0 688.704 0.0 239.5 0.0 688.704 319.5 0.0 0.0 1.0 721.475 0.0 319.5 0.0 721.475 239.5 0.0 0.0 1.0 0.9859913374640027 -0.06031580439707026 -0.1555091193013505 0.2844525152964211 0.05171690616420651 0.9969313842503889 -0.058763736380579405 0.2753712733518312 0.1585763035978262 0.049898084497683244 0.9860850557131022 1.0268393865509806 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/32485075_5873194828.jpg notre_dame_front_facade/test/images/51575595_2715884125.jpg 0 0 1688.87 0.0 239.5 0.0 1688.87 319.5 0.0 0.0 1.0 912.594 0.0 213.0 0.0 912.594 319.5 0.0 0.0 1.0 0.948293189419723 0.11719556051631444 0.2949664853766203 -0.43676453492112 -0.08716017013209845 0.98976044350756 -0.11303702583783054 0.23800971490062073 -0.3051935969883915 0.08148291270558262 0.948797872728592 0.9473570103066096 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/57817490_9610856334.jpg notre_dame_front_facade/test/images/87736245_2352767121.jpg 0 0 581.452 0.0 319.5 0.0 581.452 239.5 0.0 0.0 1.0 693.522 0.0 239.5 0.0 693.522 319.5 0.0 0.0 1.0 0.9992941567605653 0.02033983445155089 0.031582897249526516 -0.03959376578722759 -0.03077797532238319 0.9253361133002606 0.37789653829774883 0.12851684128560112 -0.021538442358847963 -0.37860186021314096 0.9253089899832941 0.7858343437502399 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/97480396_277512345.jpg notre_dame_front_facade/test/images/43674862_141833517.jpg 0 0 708.643 0.0 239.5 0.0 708.643 319.5 0.0 0.0 1.0 756.183 0.0 213.0 0.0 756.183 319.5 0.0 0.0 1.0 0.9990528002229965 0.016685872639742833 -0.040188107952975796 0.14327195005685683 -0.01950021073087914 0.9973079023787206 -0.07068726642336434 -0.1473637458671229 0.03890043891836002 0.0714039880343295 0.9966886305886872 -0.7509888408523868 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/67306591_4879787713.jpg notre_dame_front_facade/test/images/42027422_3584753134.jpg 0 0 701.749 0.0 239.5 0.0 701.749 319.5 0.0 0.0 1.0 1017.24 0.0 213.0 0.0 1017.24 319.5 0.0 0.0 1.0 0.9998899961143478 -0.014340998809531456 -0.003785686674139049 0.05288627193795055 0.01413078812582308 0.9986144773932211 -0.05068970672243898 0.08207671245368574 0.004507382543431851 0.05063063592143395 0.9987072755361294 0.45401098660059946 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/57296298_268265874.jpg notre_dame_front_facade/test/images/34341942_1196841579.jpg 0 0 871.099 0.0 249.5 0.0 871.099 187.0 0.0 0.0 1.0 2048.74 0.0 239.5 0.0 2048.74 319.5 0.0 0.0 1.0 0.9568903134152669 0.024664454658790073 0.2894004021566264 -0.8939536421479154 -0.02332192924788783 0.9996952967609896 -0.008087103938578434 0.7424047013595722 -0.28951168492513235 0.0009890957190011017 0.9571739685038814 5.7548076043216145 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/66536323_206198871.jpg notre_dame_front_facade/test/images/79846448_7965487020.jpg 0 0 647.198 0.0 239.5 0.0 647.198 319.5 0.0 0.0 1.0 727.071 0.0 239.5 0.0 727.071 319.5 0.0 0.0 1.0 0.8531364984724668 0.1756126985724517 0.4912415852452232 -1.0872624695860016 -0.17997394592166474 0.9829052119304436 -0.0388165319078837 0.01677340469278306 -0.4896605903720701 -0.05529488638266 0.8701580211527125 0.14817384416395796 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/98283507_7198318944.jpg notre_dame_front_facade/test/images/59085967_8112490960.jpg 0 0 733.699 0.0 239.5 0.0 733.699 319.5 0.0 0.0 1.0 944.748 0.0 319.5 0.0 944.748 319.5 0.0 0.0 1.0 0.9986733693834113 0.02074741945395876 -0.04712797333204618 0.05448194167608113 -0.015325815100145043 0.9935200715981415 0.11261876718886536 0.2377859022871834 0.04915913624038494 -0.11174708907897865 0.9925200085673206 0.7055347299503218 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/43666192_4761714801.jpg notre_dame_front_facade/test/images/15594978_7330790386.jpg 0 0 654.307 0.0 239.5 0.0 654.307 319.5 0.0 0.0 1.0 716.242 0.0 239.5 0.0 716.242 319.5 0.0 0.0 1.0 0.9378064337405785 0.14194184690309813 0.31681478016739556 -0.708567565131436 -0.10396644706064566 0.9855400796512512 -0.13379734409393776 -0.07374591643567341 -0.3312251058122915 0.09253790303839322 0.9390030169178868 -0.24538471479427904 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/43886992_2526982465.jpg notre_dame_front_facade/test/images/48230605_9403570019.jpg 0 0 822.701 0.0 319.5 0.0 822.701 212.5 0.0 0.0 1.0 450.656 0.0 179.5 0.0 450.656 319.5 0.0 0.0 1.0 0.9433665863536399 -0.19755059278337178 -0.2665206315511403 0.4135237409817319 0.1233773579138238 0.9546639521453939 -0.2709146840397201 0.1407953900253753 0.3079569958706645 0.22268924932532227 0.9249713438421969 -0.08657962827398036 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/53297154_7403336528.jpg notre_dame_front_facade/test/images/32850132_379216157.jpg 0 0 970.474 0.0 213.0 0.0 970.474 319.5 0.0 0.0 1.0 486.649 0.0 249.5 0.0 486.649 167.0 0.0 0.0 1.0 0.9975380050072775 -0.050838988800334925 0.04830451100943132 -0.19346251400031272 0.02413552621272815 0.895612233956861 0.44418037187750153 -1.657426660491812 -0.06584379196655954 -0.4419209472344124 0.8946342668682573 -2.3310266049837676 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/88697814_397500572.jpg notre_dame_front_facade/test/images/68740277_88652995.jpg 0 0 534.268 0.0 183.0 0.0 534.268 249.5 0.0 0.0 1.0 1818.38 0.0 319.5 0.0 1818.38 213.5 0.0 0.0 1.0 0.9650513859761343 0.06740285083655459 0.2532443052166173 -0.7951473278138201 -0.03108198813524814 0.9889759255505244 -0.14477751446631432 0.8580297904739055 -0.2602109383540637 0.1318464045038345 0.9565076022595475 6.914697845904558 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/70950675_2625630826.jpg notre_dame_front_facade/test/images/85616148_2552007129.jpg 0 0 511.931 0.0 319.5 0.0 511.931 239.5 0.0 0.0 1.0 770.576 0.0 239.5 0.0 770.576 319.5 0.0 0.0 1.0 0.9763936573885612 0.1468889898787044 0.15836366522596984 -0.1646889927490679 -0.05925437910895339 0.8871939331766084 -0.4575760521389114 0.18599063681217587 -0.20771216711546198 0.4373906144249477 0.8749543451204557 0.7079591926553093 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/77637139_3358936098.jpg notre_dame_front_facade/test/images/75827637_332080023.jpg 0 0 494.106 0.0 319.5 0.0 494.106 213.0 0.0 0.0 1.0 824.199 0.0 239.5 0.0 824.199 319.5 0.0 0.0 1.0 0.9964067726869065 -0.07426147277297869 -0.040728086196772394 0.07396145215573013 0.054480812439399444 0.9301485346313876 -0.36311918786952824 0.4506591081259709 0.06484893537758778 0.3595955188606651 0.9308521248811341 1.6521850978462862 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/20432678_1041916289.jpg notre_dame_front_facade/test/images/15793931_276435531.jpg 0 0 637.694 0.0 319.5 0.0 637.694 239.5 0.0 0.0 1.0 548.704 0.0 187.0 0.0 548.704 249.5 0.0 0.0 1.0 0.9939829604876541 -0.03395733366664758 -0.10413824345767761 0.23119149615377954 0.026938538185171595 0.997316102199619 -0.06808015462530413 0.02467198658015457 0.1061705675818144 0.06486518159699574 0.9922299727360306 0.05865289332561624 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/56095608_3447757339.jpg notre_dame_front_facade/test/images/94554102_147558957.jpg 0 0 544.208 0.0 213.0 0.0 544.208 319.5 0.0 0.0 1.0 547.53 0.0 319.5 0.0 547.53 232.5 0.0 0.0 1.0 0.9915515156461979 0.008141054358593363 0.12945777324540264 -0.13180886228166427 -0.022102890847263693 0.9940368469793185 0.10678112690737417 0.16737757939879574 -0.12781648577519883 -0.1087403792587888 0.9858186830663807 0.42952305521354417 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/79793488_5196381575.jpg notre_dame_front_facade/test/images/88494215_13093430663.jpg 0 0 761.869 0.0 239.5 0.0 761.869 319.5 0.0 0.0 1.0 527.97 0.0 239.5 0.0 527.97 319.5 0.0 0.0 1.0 0.8267220358693259 0.20470364134208321 0.5240487521494245 -1.1219746829178896 -0.3220814225415561 0.9359236166486984 0.14251505553038335 -0.6076732870437782 -0.461296252598788 -0.2866067044235226 0.8396799177768888 -0.870408880726889 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/89455443_12073338213.jpg notre_dame_front_facade/test/images/97480396_277512345.jpg 0 0 460.921 0.0 212.5 0.0 460.921 319.5 0.0 0.0 1.0 708.643 0.0 239.5 0.0 708.643 319.5 0.0 0.0 1.0 0.9913822808526072 0.005854872811166831 0.1308697584465097 -0.25911254800687217 0.0013095303089809469 0.9985079111505701 -0.05459154238611771 0.06221334077829795 -0.1309941156764402 0.05429246572122585 0.9898953832724229 0.843201703776729 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/61616050_10894465215.jpg notre_dame_front_facade/test/images/53305116_6893683400.jpg 0 0 951.587 0.0 213.0 0.0 951.587 319.5 0.0 0.0 1.0 539.892 0.0 213.0 0.0 539.892 319.5 0.0 0.0 1.0 0.6452827805672106 0.10396606799199204 0.7568363031790518 -0.9065567616915039 -0.4617742525170327 0.8423052307888742 0.2780043846741221 0.07749646420931372 -0.6085841542595278 -0.5288789605306549 0.591533914743888 0.331320332951764 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/39119309_3697303347.jpg notre_dame_front_facade/test/images/76540090_3388723256.jpg 0 0 643.065 0.0 239.5 0.0 643.065 319.5 0.0 0.0 1.0 676.182 0.0 239.5 0.0 676.182 319.5 0.0 0.0 1.0 0.9658064378190184 -0.2136787010048383 0.14683098243975345 -0.15158155042397303 0.23206389679787987 0.9650073755544946 -0.12209468837099052 0.3179563812075337 -0.11560394660357078 0.15199400600783974 0.9815974478712582 1.3215541285020809 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/71272180_3274206565.jpg notre_dame_front_facade/test/images/60057124_6803305881.jpg 0 0 701.674 0.0 319.5 0.0 701.674 239.5 0.0 0.0 1.0 1338.12 0.0 319.5 0.0 1338.12 239.5 0.0 0.0 1.0 0.9508850919708837 0.10809039736970298 0.29005862832190243 -1.254232311324114 0.11937234650589323 0.7365215603658345 -0.6657974421743849 0.36471143782300725 -0.28560074362158233 0.6677218411230353 0.6874443672982294 7.486528591215475 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/51049781_8641641044.jpg notre_dame_front_facade/test/images/90283193_9213444193.jpg 0 0 815.628 0.0 239.5 0.0 815.628 319.5 0.0 0.0 1.0 626.017 0.0 319.5 0.0 626.017 238.5 0.0 0.0 1.0 0.997066762001881 0.00921366753457627 0.07598013188752958 -0.13754170136203692 -0.004905165253788696 0.9983792977472669 -0.056698476024557576 -0.16198174568763152 -0.07637939162442392 0.05615947079733388 0.9954960082164298 -1.196472091535669 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/75437734_2225459366.jpg notre_dame_front_facade/test/images/48878579_6144672125.jpg 0 0 740.607 0.0 319.5 0.0 740.607 239.5 0.0 0.0 1.0 1152.32 0.0 239.5 0.0 1152.32 319.5 0.0 0.0 1.0 0.971946709124849 0.15272343774788422 0.1788718708568906 -0.2325724329832038 -0.031233575215379093 0.8375794649384782 -0.5454219501382737 0.606849418480962 -0.23311812113313124 0.5245342614890284 0.8188527035575557 2.4057269036528623 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/20281279_9286833193.jpg notre_dame_front_facade/test/images/35184160_219996854.jpg 0 0 729.434 0.0 239.5 0.0 729.434 319.5 0.0 0.0 1.0 541.484 0.0 187.0 0.0 541.484 249.5 0.0 0.0 1.0 0.901721346598858 0.03059206158264573 0.4312339722889022 -1.042726061552715 -0.2091157332513353 0.9038998122435262 0.37314305505110806 -0.8446284170625751 -0.3783770912657087 -0.4266488663927768 0.8214630372762125 -0.9154610290476405 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/69682451_4629605098.jpg notre_dame_front_facade/test/images/94887785_2665835098.jpg 0 0 714.494 0.0 319.5 0.0 714.494 239.5 0.0 0.0 1.0 719.064 0.0 319.5 0.0 719.064 239.5 0.0 0.0 1.0 0.995734916098246 0.08960596212736925 -0.021971536451674403 0.02298488666319498 -0.06365050196553913 0.8395894584865339 0.5394795221301949 -0.10958124873640251 0.06678765202006798 -0.5357800973809282 0.8417120034715729 -0.13469001683924742 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/32627688_2172828509.jpg notre_dame_front_facade/test/images/39119309_3697303347.jpg 0 0 724.585 0.0 240.0 0.0 724.585 319.5 0.0 0.0 1.0 643.065 0.0 239.5 0.0 643.065 319.5 0.0 0.0 1.0 0.9699081350267678 0.23784442039889367 -0.052040765693941726 -0.029156404256649338 -0.22861218032670877 0.9631957348959763 0.1413875782537792 -0.0622118466056365 0.08375369015849884 -0.12523580942891077 0.9885855104246266 -0.1363654738690453 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/66678449_3070814495.jpg notre_dame_front_facade/test/images/47992361_3352851129.jpg 0 0 542.068 0.0 213.0 0.0 542.068 319.5 0.0 0.0 1.0 431.773 0.0 319.5 0.0 431.773 212.0 0.0 0.0 1.0 0.8536443072237726 0.10234287006278489 0.5107027841041765 -1.1442497268239498 -0.1502661874321898 0.9872056603553306 0.05333907645422438 0.16444007393060708 -0.49870980505604573 -0.12227395924606156 0.8581011649166158 0.6038264043284431 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/29664667_2558113171.jpg notre_dame_front_facade/test/images/66790349_9649911334.jpg 0 0 843.474 0.0 213.0 0.0 843.474 319.5 0.0 0.0 1.0 596.021 0.0 239.5 0.0 596.021 319.5 0.0 0.0 1.0 0.98116612605417 -0.047351608109842666 -0.1872721503407923 0.6766401310948764 0.044345199251895326 0.9988117626003318 -0.020213020420715256 -0.1559306234578556 0.18800674558951908 0.01152771012085369 0.9821000842644335 -0.9693176560379881 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/62739329_10894953753.jpg notre_dame_front_facade/test/images/74454771_4611697867.jpg 0 0 675.789 0.0 319.5 0.0 675.789 213.5 0.0 0.0 1.0 515.145 0.0 319.5 0.0 515.145 239.5 0.0 0.0 1.0 0.9842954212632474 -0.027019008700915424 -0.17444912395603066 -0.19417705147853326 0.10208798037549822 0.8933306796388574 0.43765093519702314 -1.8131479050117467 0.14401586003999198 -0.4485869703689541 0.8820596136725366 -1.8758137033269455 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/72214550_1126054905.jpg notre_dame_front_facade/test/images/67975963_918373188.jpg 0 0 431.766 0.0 319.5 0.0 431.766 239.5 0.0 0.0 1.0 644.159 0.0 319.5 0.0 644.159 239.5 0.0 0.0 1.0 0.9390552489684559 0.26951990009349336 0.2133875882950658 -0.3202880314037201 -0.0263369856311555 0.6753156497348426 -0.7370584348686825 0.0048411687632966775 -0.3427558935637073 0.686518606213117 0.64125704733012 1.9212472131214993 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/32850132_379216157.jpg notre_dame_front_facade/test/images/25164626_8371782280.jpg 0 0 486.649 0.0 249.5 0.0 486.649 167.0 0.0 0.0 1.0 533.319 0.0 213.0 0.0 533.319 319.5 0.0 0.0 1.0 0.91384928966929 -0.1288080270033642 -0.38508176787590803 0.3676131784011678 0.04973839974076957 0.9767199624033015 -0.20867248652882067 0.3380411451253107 0.4029957411216173 0.17154185268439312 0.8989815489849858 0.5246069870064731 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/40855093_3275085444.jpg notre_dame_front_facade/test/images/87628400_7656196462.jpg 0 0 1947.13 0.0 239.5 0.0 1947.13 319.5 0.0 0.0 1.0 486.204 0.0 212.0 0.0 486.204 319.5 0.0 0.0 1.0 0.963356960754412 -0.044359022545576034 -0.26452909723662466 2.25577366116686 0.12986240189200438 0.9400681094963387 0.3152898762770842 -2.7487350352739757 0.23468941761583992 -0.33808908090439804 0.9113817260798884 -5.852836442950706 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/46229295_1990406788.jpg notre_dame_front_facade/test/images/08334105_1973261812.jpg 0 0 966.463 0.0 241.5 0.0 966.463 319.5 0.0 0.0 1.0 522.005 0.0 249.5 0.0 522.005 187.0 0.0 0.0 1.0 0.9797645463087564 -0.0012586523540532425 -0.2001495680501173 0.57347740593488 0.10471521440761457 0.8554321254243293 0.5072184959793773 -1.3961503459151847 0.1705759586458895 -0.5179134045246039 0.8382538683154224 -1.2713391365151618 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/76022149_7552328104.jpg notre_dame_front_facade/test/images/52399480_9642747961.jpg 0 0 963.011 0.0 305.5 0.0 963.011 305.5 0.0 0.0 1.0 4422.38 0.0 319.5 0.0 4422.38 239.5 0.0 0.0 1.0 0.9928198207053422 -0.05590000442812561 -0.10575440000088517 0.13305351841745883 0.0015960201789242375 0.8902023056226351 -0.45556262772941836 0.47775931148362766 0.11960876361788941 0.4521228202259645 0.8838997109948163 1.597961257706554 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/90826844_8304176149.jpg notre_dame_front_facade/test/images/56095608_3447757339.jpg 0 0 966.226 0.0 212.0 0.0 966.226 319.5 0.0 0.0 1.0 544.208 0.0 213.0 0.0 544.208 319.5 0.0 0.0 1.0 0.9967469949778331 -0.0024456526981973085 -0.08055710263868288 0.5492257440840047 0.005018426631719542 0.9994832331525674 0.03175030773130668 -0.125503076242565 0.08043782317294229 -0.032051293730057544 0.9962441825041831 -0.6507892655224845 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/90283193_9213444193.jpg notre_dame_front_facade/test/images/96025216_5374615142.jpg 0 0 626.017 0.0 319.5 0.0 626.017 238.5 0.0 0.0 1.0 1783.91 0.0 239.5 0.0 1783.91 319.5 0.0 0.0 1.0 0.9973844758819481 -0.014467972120517215 -0.07081585311504225 0.07305367929856765 0.006320869149755103 0.9934669466708818 -0.11394504151399991 -0.10682626235545822 0.07200176305399039 0.11319939776851926 0.9909599600700127 0.214326436145855 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/34341942_1196841579.jpg notre_dame_front_facade/test/images/45459434_6823683093.jpg 0 0 2048.74 0.0 239.5 0.0 2048.74 319.5 0.0 0.0 1.0 722.12 0.0 319.5 0.0 722.12 319.5 0.0 0.0 1.0 0.9666538197105553 -0.026061291529566294 -0.25475714302606745 2.2080033477728818 0.058715193416689564 0.9908623919461463 0.12142588805029055 -1.3990465527020468 0.24926475663646064 -0.13233491342261844 0.9593511097551272 -5.386887671477232 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/14248814_1334513582.jpg notre_dame_front_facade/test/images/32850132_379216157.jpg 0 0 696.736 0.0 319.5 0.0 696.736 239.5 0.0 0.0 1.0 486.649 0.0 249.5 0.0 486.649 167.0 0.0 0.0 1.0 0.9895225555130117 -0.03206172820443669 0.1407734268800163 -0.21584008325511567 -0.025897866713396448 0.919801080992081 0.3915294010741652 -0.2827584750756097 -0.1420366594604844 -0.39107290495551356 0.9093335858632752 -0.38220867160295857 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/98283507_7198318944.jpg notre_dame_front_facade/test/images/14588590_8291532597.jpg 0 0 733.699 0.0 239.5 0.0 733.699 319.5 0.0 0.0 1.0 539.759 0.0 213.0 0.0 539.759 319.5 0.0 0.0 1.0 0.9069705305832322 0.10356907356490266 0.4082620526750899 -1.3216117028059025 -0.15828875068201143 0.9820568111555075 0.10251385794420179 -0.11609861430787886 -0.39031926427105557 -0.15760033840060036 0.9070904063404694 -0.19859995932777152 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16936811_3689681321.jpg notre_dame_front_facade/test/images/89527506_47064183.jpg 0 0 503.368 0.0 212.5 0.0 503.368 319.5 0.0 0.0 1.0 486.165 0.0 249.5 0.0 486.165 187.0 0.0 0.0 1.0 0.9893715285525907 0.014534391007106063 0.14468147762434075 -0.4714470666238104 -0.03427994065814452 0.9902611443739627 0.13493610195808936 0.1952037999986301 -0.14131123153516195 -0.13846160991849824 0.980234420136731 0.03618762428176667 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/12108431_6988563786.jpg notre_dame_front_facade/test/images/66503262_8564870595.jpg 0 0 611.0 0.0 239.5 0.0 611.0 319.5 0.0 0.0 1.0 434.857 0.0 319.5 0.0 434.857 213.0 0.0 0.0 1.0 0.9951901472520098 0.0005068698967144338 -0.09796077733169956 0.14918246055558704 0.04639767951248907 0.8782738675225368 0.4759015328435723 -0.8881280269971914 0.08627761093342447 -0.47815766929948234 0.8740259819603233 -0.8769622210464423 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/01569849_8047248507.jpg notre_dame_front_facade/test/images/77284769_5343756940.jpg 0 0 528.055 0.0 319.5 0.0 528.055 213.0 0.0 0.0 1.0 926.103 0.0 319.5 0.0 926.103 224.0 0.0 0.0 1.0 0.8930881302033777 0.1955250847696772 0.4051709921942163 -0.2258847237511648 -0.05293989096831065 0.9400347623527784 -0.3369451194373038 0.7954184620759112 -0.4467560404002375 0.27947197854913125 0.8498849649050954 2.2962961131106283 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/66532758_5458132477.jpg notre_dame_front_facade/test/images/81875745_5270921683.jpg 0 0 748.109 0.0 228.0 0.0 748.109 319.5 0.0 0.0 1.0 785.224 0.0 319.5 0.0 785.224 214.5 0.0 0.0 1.0 0.876200197137289 0.48177881765926495 0.012743052672587527 -0.15094439160882583 -0.4789717209153313 0.8734196245552386 -0.0878877124812783 0.3319488258595292 -0.05347247048698673 0.07090366913373748 0.9960488766136891 1.0845484197624669 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/32993759_112702084.jpg notre_dame_front_facade/test/images/51049781_8641641044.jpg 0 0 557.015 0.0 187.0 0.0 557.015 249.5 0.0 0.0 1.0 815.628 0.0 239.5 0.0 815.628 319.5 0.0 0.0 1.0 0.964369446605005 -0.07937736363140764 -0.2523703718697658 0.5634550240256113 0.0768052217119254 0.9968446374359783 -0.020043121835555486 0.05424090474033151 0.2531650220163492 -5.4388052187110294e-05 0.9674231073679197 0.18176872129195257 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/69189455_2043939797.jpg notre_dame_front_facade/test/images/84092770_8200390352.jpg 0 0 572.409 0.0 187.0 0.0 572.409 249.5 0.0 0.0 1.0 499.749 0.0 319.5 0.0 499.749 212.5 0.0 0.0 1.0 0.9971439240223174 0.0025293616629336975 0.07548242918026177 -0.1984916241419435 -0.0018929941192536448 0.9999620738395202 -0.008501026751552924 -0.0993247773066388 -0.07550106859270021 0.008333859378716961 0.9971108942485867 -0.31903026762469033 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/57706804_4859293655.jpg notre_dame_front_facade/test/images/92263499_2724825410.jpg 0 0 639.797 0.0 239.5 0.0 639.797 319.5 0.0 0.0 1.0 1088.49 0.0 239.5 0.0 1088.49 319.5 0.0 0.0 1.0 0.973871030838659 0.11468424266054822 0.19601719255877598 -0.2822188127626284 0.010326487178560101 0.8398698185349043 -0.5426896457246059 0.547929531505515 -0.22686687496370825 0.5305338937330242 0.8167406005854475 2.474975682844293 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/67691681_4057682871.jpg notre_dame_front_facade/test/images/26229574_20742004.jpg 0 0 662.741 0.0 239.5 0.0 662.741 319.5 0.0 0.0 1.0 479.354 0.0 249.5 0.0 479.354 187.0 0.0 0.0 1.0 0.9594431112400074 -0.03165202800647538 -0.28011973407307844 0.6093106011734443 0.05098624139651732 0.996772751545471 0.06200391088251104 -0.35637836007836476 0.27725316857044385 -0.07377147754754275 0.9579605678826771 -0.8018727464615315 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/86469263_3003517714.jpg notre_dame_front_facade/test/images/35136042_91813767.jpg 0 0 2064.64 0.0 239.5 0.0 2064.64 319.5 0.0 0.0 1.0 763.496 0.0 319.5 0.0 763.496 239.5 0.0 0.0 1.0 0.9786740598835941 -0.013116499119758944 0.2050001023458389 -0.263862570300424 -0.08458534318963996 0.8836968290805733 0.4603533794710651 -0.3690246749637598 -0.18719616510082115 -0.4678759148789142 0.863741699843052 -0.20986955786458383 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/39119309_3697303347.jpg notre_dame_front_facade/test/images/81974946_5100244969.jpg 0 0 643.065 0.0 239.5 0.0 643.065 319.5 0.0 0.0 1.0 697.124 0.0 319.5 0.0 697.124 213.0 0.0 0.0 1.0 0.9419729597368395 -0.29619463729635725 -0.15797366857010617 0.3291219197155587 0.3129893268149619 0.9450575296602118 0.09436072770201842 0.3260280115202153 0.12134506345350594 -0.1383293261366397 0.9829243984692047 0.4540580223424501 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/75403109_71799518.jpg notre_dame_front_facade/test/images/69686908_4629008721.jpg 0 0 1539.83 0.0 319.5 0.0 1539.83 213.0 0.0 0.0 1.0 719.18 0.0 319.5 0.0 719.18 239.5 0.0 0.0 1.0 0.9824075422103107 0.009026411301787173 0.18653135100381216 -0.24045252863653419 -0.013868493143747615 0.9995994493567265 0.024669936028511415 -0.11970048699801061 -0.1862339547617948 -0.02682283998274578 0.9821392209605732 -0.579576212732742 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/83944433_8236093365.jpg notre_dame_front_facade/test/images/75403109_71799518.jpg 0 0 640.896 0.0 239.5 0.0 640.896 319.5 0.0 0.0 1.0 1539.83 0.0 319.5 0.0 1539.83 213.0 0.0 0.0 1.0 0.7620149329064098 -0.13324283261762515 -0.6337030768298914 0.4951985914582454 0.05873741678126489 0.988790169616385 -0.13727314500609428 0.0988738658925424 0.6448900355079955 0.06738210464234345 0.7612992145513251 0.5270477243287963 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/02611690_173893259.jpg notre_dame_front_facade/test/images/65117548_393332042.jpg 0 0 343.22 0.0 130.5 0.0 343.22 174.5 0.0 0.0 1.0 528.38 0.0 319.5 0.0 528.38 213.5 0.0 0.0 1.0 0.9329160779645106 0.025566831919103472 0.35918508958604545 -0.567189984463535 0.04110606502236171 0.9833946185911253 -0.17676344515875653 0.04784539049982686 -0.3577399654689039 0.17967014563258882 0.9163736988121559 0.5034625758966388 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/84046481_8129096.jpg notre_dame_front_facade/test/images/83755577_4922523649.jpg 0 0 528.081 0.0 249.5 0.0 528.081 187.0 0.0 0.0 1.0 667.625 0.0 239.5 0.0 667.625 319.5 0.0 0.0 1.0 0.8616204998651822 -0.12800110423534228 -0.4911474641353723 0.6823802443354825 0.12316389821131037 0.9914831334253735 -0.042330252897856885 0.3476138458394816 0.4923827458283523 -0.024019022618241223 0.8700473080028446 1.0358288058027423 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/73100287_2167356662.jpg notre_dame_front_facade/test/images/80810945_5469108219.jpg 0 0 410.944 0.0 166.0 0.0 410.944 249.5 0.0 0.0 1.0 470.538 0.0 239.5 0.0 470.538 319.5 0.0 0.0 1.0 0.9895143138106263 0.0405489303984263 0.1386261411402237 -0.24313902059708298 0.020089659313884484 0.9118143422226824 -0.4101109738908103 0.39199683650710304 -0.14303086503457113 0.4085956308632783 0.9014387289699183 1.8518361313125513 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/85791643_379742998.jpg notre_dame_front_facade/test/images/64518898_5543139365.jpg 0 0 792.408 0.0 249.5 0.0 792.408 238.5 0.0 0.0 1.0 551.721 0.0 228.0 0.0 551.721 319.5 0.0 0.0 1.0 0.9529042170620224 0.04469622957450613 0.2999596642337714 -1.020011997683076 -0.07778040061565288 0.9920156601337634 0.09927305439766743 -0.23819337862319817 -0.2931275530984462 -0.11792869502880435 0.9487723965753435 -0.5345009142583389 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/94022639_2742603296.jpg notre_dame_front_facade/test/images/40557752_4654011030.jpg 0 0 699.852 0.0 239.5 0.0 699.852 319.5 0.0 0.0 1.0 524.982 0.0 239.5 0.0 524.982 319.5 0.0 0.0 1.0 0.9899693838786853 0.021656820593619473 -0.13961232432930953 0.36257650553035053 0.03880385124316335 0.9084998668650349 0.41607962343151617 -1.0410083625997064 0.1358487398232129 -0.4173235843179602 0.8985466854095314 -1.1974542664008931 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/94098462_7321392130.jpg notre_dame_front_facade/test/images/20281279_9286833193.jpg 0 0 515.113 0.0 319.5 0.0 515.113 211.5 0.0 0.0 1.0 729.434 0.0 239.5 0.0 729.434 319.5 0.0 0.0 1.0 0.96924103914882 -0.061955058702430794 -0.2381876964305542 1.570730197478734 0.07901134560792597 0.9948979124795294 0.06273237608364111 -0.3479926008316857 0.23308585391426126 -0.0796223237858131 0.9691910390939482 -1.3000430723175112 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/76922738_2324942217.jpg notre_dame_front_facade/test/images/90283193_9213444193.jpg 0 0 401.674 0.0 249.5 0.0 401.674 165.5 0.0 0.0 1.0 626.017 0.0 319.5 0.0 626.017 238.5 0.0 0.0 1.0 0.9849249826732495 -0.030017361314103645 -0.17035767234215785 0.2797107298904424 0.039511639732449845 0.997832797431704 0.05261690503320152 0.03729569730032614 0.16840905210751755 -0.05855481525338814 0.9839764858871828 -0.42606598446876687 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/62627516_2936660127.jpg notre_dame_front_facade/test/images/67691681_4057682871.jpg 0 0 567.969 0.0 239.5 0.0 567.969 319.5 0.0 0.0 1.0 662.741 0.0 239.5 0.0 662.741 319.5 0.0 0.0 1.0 0.8803594813291975 -0.3184385986809898 -0.3515167741429619 0.7497926810888739 0.3579439409623027 0.9323003490769713 0.05188635889454151 0.04254521265023034 0.31119659182285747 -0.1715019474555466 0.9347426187228186 -0.08471018967721516 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/78529936_5637285314.jpg notre_dame_front_facade/test/images/43674862_141833517.jpg 0 0 580.444 0.0 319.5 0.0 580.444 213.5 0.0 0.0 1.0 756.183 0.0 213.0 0.0 756.183 319.5 0.0 0.0 1.0 0.9974344915217442 -0.016105423836345324 0.06974991358999304 -0.03510903915264951 0.02373897114681373 0.993644057672866 -0.11003612088897527 0.10833206422953975 -0.06753440879766816 0.11140961347412584 0.991477181610296 0.8132910116495111 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/84046481_8129096.jpg notre_dame_front_facade/test/images/94022639_2742603296.jpg 0 0 528.081 0.0 249.5 0.0 528.081 187.0 0.0 0.0 1.0 699.852 0.0 239.5 0.0 699.852 319.5 0.0 0.0 1.0 0.8904286377407408 -0.09434782870288412 -0.44523626122567783 0.6585935058051505 0.07400584311820324 0.9952722583561024 -0.06289886271711964 0.33936540461919296 0.449065670337349 0.023056863745843793 0.8932012117987037 1.2246947462018565 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/52678522_7965495246.jpg notre_dame_front_facade/test/images/55721528_5595678955.jpg 0 0 736.382 0.0 239.5 0.0 736.382 319.5 0.0 0.0 1.0 791.388 0.0 319.5 0.0 791.388 212.0 0.0 0.0 1.0 0.9901076424187354 -0.07050103965550578 -0.12131141674016711 0.21044062420024173 0.12475902159682777 0.837980650853549 0.5312472261812432 -0.9237203257406958 0.0642031381960101 -0.5411266323168317 0.8384866873381047 -0.7588346264116633 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/30853200_42283424.jpg notre_dame_front_facade/test/images/37809717_6059506804.jpg 0 0 648.551 0.0 239.5 0.0 648.551 319.5 0.0 0.0 1.0 498.988 0.0 211.5 0.0 498.988 319.5 0.0 0.0 1.0 0.9658816540613738 0.02470923540723357 0.25780241277624827 -1.1851170980895498 -0.08399795472912998 0.9715152018819206 0.2215909657762566 -0.23659903580314404 -0.24498361975648145 -0.23568552394646766 0.9404442353766069 -0.7594937433467025 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/37414234_5204240482.jpg notre_dame_front_facade/test/images/35960796_2756840211.jpg 0 0 981.426 0.0 213.5 0.0 981.426 319.5 0.0 0.0 1.0 544.223 0.0 187.0 0.0 544.223 249.5 0.0 0.0 1.0 0.9987443808344811 0.042981914208579074 0.025733573450168502 -0.19452205573128434 -0.036676005067043264 0.9772592095320705 -0.20885235942424696 -0.08741265253240076 -0.03412524584337942 0.20764631572873857 0.9776085490422072 -0.29640774030057004 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/41969558_542015413.jpg notre_dame_front_facade/test/images/97480396_277512345.jpg 0 0 663.804 0.0 319.5 0.0 663.804 239.5 0.0 0.0 1.0 708.643 0.0 239.5 0.0 708.643 319.5 0.0 0.0 1.0 0.8673310565756871 0.0665011460082709 0.49326913128523325 -1.023394537243059 -0.07232687945833628 0.9973543701406973 -0.007285799137538524 0.2972301202884625 -0.49244863773506503 -0.029357417135025755 0.8698462400056912 1.3497513221507709 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/90581608_3777244265.jpg notre_dame_front_facade/test/images/55422345_4940624653.jpg 0 0 508.089 0.0 239.5 0.0 508.089 319.5 0.0 0.0 1.0 668.447 0.0 319.5 0.0 668.447 239.5 0.0 0.0 1.0 0.9931368689539356 -0.0008563310144399001 -0.11695480418335688 0.32560746536650265 -0.0010091165125818845 0.9998732365620447 -0.01589001229721369 0.0532383908104344 0.1169535857006431 0.01589897808462155 0.9930101113722997 0.3012779055788406 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/46229295_1990406788.jpg notre_dame_front_facade/test/images/47626142_1393227120.jpg 0 0 966.463 0.0 241.5 0.0 966.463 319.5 0.0 0.0 1.0 253.177 0.0 166.0 0.0 253.177 249.5 0.0 0.0 1.0 0.9316575761041004 -0.10193710096998451 -0.3487448757095479 1.0244149577334478 0.16748227740523175 0.9722681544279701 0.16323088751944556 -0.47044084143936277 0.32243425320984404 -0.21048387902892723 0.9228936499001095 -0.9577528089918008 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/37513893_13969657371.jpg notre_dame_front_facade/test/images/47488321_414904806.jpg 0 0 889.692 0.0 213.0 0.0 889.692 319.5 0.0 0.0 1.0 559.625 0.0 249.5 0.0 559.625 187.0 0.0 0.0 1.0 0.8802646507316914 0.014248393569633418 -0.4742690459569317 1.8793033540485267 0.17111570405226909 0.922753014170346 0.34532056218278917 -1.1335598827273234 0.4425534549621205 -0.3851283657694226 0.8098287358329934 -1.7910852766370973 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/41995021_5921639869.jpg notre_dame_front_facade/test/images/79793488_5196381575.jpg 0 0 540.721 0.0 319.5 0.0 540.721 239.5 0.0 0.0 1.0 761.869 0.0 239.5 0.0 761.869 319.5 0.0 0.0 1.0 0.9550894003423559 -0.19965268161643318 -0.21895900090438447 0.28921857071223883 0.09912361324406113 0.9116312911696783 -0.39887704654159684 0.44840011080503134 0.27924674868495947 0.3592592318697915 0.8904796784122624 1.1930325732498852 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/45459434_6823683093.jpg notre_dame_front_facade/test/images/34722769_6860824250.jpg 0 0 722.12 0.0 319.5 0.0 722.12 319.5 0.0 0.0 1.0 575.935 0.0 239.5 0.0 575.935 319.5 0.0 0.0 1.0 0.9768848846909856 0.003537580285121102 0.21373677172635996 -0.5697224482493274 -0.026412314454175724 0.9941990339385545 0.10426250793463104 -0.38271897385152764 -0.21212805497494563 -0.10749775086657203 0.9713114443118513 -0.8020183460706698 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/96809970_2634698191.jpg notre_dame_front_facade/test/images/83944433_8236093365.jpg 0 0 1900.54 0.0 319.5 0.0 1900.54 239.5 0.0 0.0 1.0 640.896 0.0 239.5 0.0 640.896 319.5 0.0 0.0 1.0 0.8942849401739204 0.045392474123736905 0.4451898124070829 -1.2711028430810778 -0.11753367374997929 0.9837407107053083 0.13579414433564038 -0.798047201324838 -0.43178731027319606 -0.17376345241143534 0.88507964686411 -2.692094437976473 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/93967284_1001548090.jpg notre_dame_front_facade/test/images/89754598_4524545386.jpg 0 0 693.696 0.0 319.5 0.0 693.696 239.5 0.0 0.0 1.0 499.552 0.0 212.5 0.0 499.552 319.5 0.0 0.0 1.0 0.8723661542119717 0.058925378935505736 0.4852886694563573 -1.4034899968790289 -0.12321788132319926 0.9871614398786498 0.10163486281258245 -0.3276746989719252 -0.4730693888930424 -0.14845905608624058 0.86842688924189 -0.6361280509187501 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/65265933_1398358926.jpg notre_dame_front_facade/test/images/02670240_5196986488.jpg 0 0 902.934 0.0 319.5 0.0 902.934 239.5 0.0 0.0 1.0 705.055 0.0 237.5 0.0 705.055 319.5 0.0 0.0 1.0 0.9559391390639083 -0.042693865192704135 -0.29044379194718706 0.8997121754039711 -0.019457487021404693 0.9779780741629458 -0.2077986829971441 -0.11408345484017304 0.2929193892601948 0.20429420043516391 0.9340568029108248 -0.9798204941597648 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/79846448_7965487020.jpg notre_dame_front_facade/test/images/90793558_9763268725.jpg 0 0 727.071 0.0 239.5 0.0 727.071 319.5 0.0 0.0 1.0 1558.15 0.0 239.5 0.0 1558.15 319.5 0.0 0.0 1.0 0.9955894237376356 -0.035451892015036894 -0.086861169082143 0.18434763208300464 0.019741744984016 0.9842894436968982 -0.17545527786828313 0.5114841845355519 0.09171675335917946 0.17296662793557757 0.9806480422525948 2.6169954883222317 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/08166131_278426084.jpg notre_dame_front_facade/test/images/49984163_4144073459.jpg 0 0 496.946 0.0 212.5 0.0 496.946 319.5 0.0 0.0 1.0 699.426 0.0 239.5 0.0 699.426 319.5 0.0 0.0 1.0 0.9943908787825442 -0.0745346286956507 -0.07504245011512596 0.10416374596050254 0.05355352108526139 0.9666439753080116 -0.2504624630161071 0.44201417234276286 0.09120745897924219 0.24503880126609712 0.9652135438858203 1.1464258440956983 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/64105845_298847718.jpg notre_dame_front_facade/test/images/89455443_12073338213.jpg 0 0 680.938 0.0 165.0 0.0 680.938 249.5 0.0 0.0 1.0 460.921 0.0 212.5 0.0 460.921 319.5 0.0 0.0 1.0 0.9895970515905381 -0.027178610747726643 -0.1412763200297117 0.37715001906807544 0.032685895236234296 0.9987876390881056 0.03680875245663613 -0.27265425605792953 0.14010463138640308 -0.04104357589966494 0.9892856600302304 -1.380228832458135 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/86200490_476468804.jpg notre_dame_front_facade/test/images/51575595_2715884125.jpg 0 0 254.811 0.0 319.5 0.0 254.811 222.0 0.0 0.0 1.0 912.594 0.0 213.0 0.0 912.594 319.5 0.0 0.0 1.0 0.9918661325482463 -0.041685951091451574 -0.12026577478811547 0.21134967490243284 0.05732873119712551 0.9898954507355116 0.12969353566182873 0.2179576264696509 0.11364414495746074 -0.13553330990844803 0.9842335750329533 0.9658483765069409 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/14613723_93691617.jpg notre_dame_front_facade/test/images/67484798_514709769.jpg 0 0 1207.8 0.0 187.0 0.0 1207.8 249.5 0.0 0.0 1.0 753.349 0.0 319.5 0.0 753.349 239.5 0.0 0.0 1.0 0.9774858495321349 -0.06612610543706207 -0.20037153526428544 0.9610922224231545 0.11402605638644149 0.9645639277831448 0.2379379912592942 -0.8584176375814635 0.17753724237296323 -0.2554285955003442 0.9503876894043426 -2.4146812063716014 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/35152725_4701790456.jpg notre_dame_front_facade/test/images/40243914_9622635816.jpg 0 0 711.581 0.0 239.5 0.0 711.581 319.5 0.0 0.0 1.0 496.624 0.0 319.5 0.0 496.624 213.5 0.0 0.0 1.0 0.9024734735225978 0.023234588546625204 0.4301183366041555 -0.7825011221099798 -0.06677596345832428 0.9940189760647237 0.08641322773424723 0.020412803341992768 -0.4255380127465335 -0.10670721211945966 0.8986272701122658 -0.6050674433439256 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/92799893_8631875281.jpg notre_dame_front_facade/test/images/47488321_414904806.jpg 0 0 519.666 0.0 319.5 0.0 519.666 262.5 0.0 0.0 1.0 559.625 0.0 249.5 0.0 559.625 187.0 0.0 0.0 1.0 0.875030320174096 0.07485409579180466 -0.478245546889054 3.1124553974725027 0.1844684809692429 0.8618573129366217 0.4724122687511051 -0.7278046324014774 0.44754141518402424 -0.5015962883443791 0.7403430591382776 -0.9631558836686028 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/41995021_5921639869.jpg notre_dame_front_facade/test/images/59085967_8112490960.jpg 0 0 540.721 0.0 319.5 0.0 540.721 239.5 0.0 0.0 1.0 944.748 0.0 319.5 0.0 944.748 319.5 0.0 0.0 1.0 0.9996593978162549 -0.013613263913708913 -0.02226583488797584 0.14500458324697063 0.003174917130398767 0.9102733794257135 -0.4139955248672457 0.7430438929715346 0.025903827108324964 0.4137838249068067 0.910006559309676 2.1272436620137203 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/14726037_8034366725.jpg notre_dame_front_facade/test/images/75827637_332080023.jpg 0 0 626.047 0.0 319.5 0.0 626.047 239.5 0.0 0.0 1.0 824.199 0.0 239.5 0.0 824.199 319.5 0.0 0.0 1.0 0.9940927877518916 -0.10455326897939705 -0.029122899673531755 0.03920929325244499 0.0724018732685661 0.8387314672038211 -0.5397105656454467 0.5339757522449919 0.0808547963133619 0.5344138282902562 0.8413467549383413 1.9764880187079765 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/35152725_4701790456.jpg notre_dame_front_facade/test/images/60710605_5891944796.jpg 0 0 711.581 0.0 239.5 0.0 711.581 319.5 0.0 0.0 1.0 524.269 0.0 319.5 0.0 524.269 179.0 0.0 0.0 1.0 0.8509427624328393 0.12916189814498785 -0.50913025752822 0.7086110892230106 0.31910397672085455 0.642794481738185 0.6964107310257895 -0.7436686463820243 0.4172158519329104 -0.7550711610931264 0.5057652366279968 -0.6021864760930568 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/29443215_4125074438.jpg notre_dame_front_facade/test/images/18811361_141654097.jpg 0 0 532.032 0.0 319.5 0.0 532.032 213.0 0.0 0.0 1.0 487.423 0.0 319.5 0.0 487.423 179.5 0.0 0.0 1.0 0.979207454468689 -0.01627492419689097 0.20220753684107814 -0.5341685667097009 -0.10811903885724473 0.8015373841667381 0.5880885096817727 -1.4313263759480002 -0.17164799605453052 -0.597723137100722 0.7831117524497608 -0.9417045170493266 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/46129623_985747637.jpg notre_dame_front_facade/test/images/67691681_4057682871.jpg 0 0 663.962 0.0 319.5 0.0 663.962 239.5 0.0 0.0 1.0 662.741 0.0 239.5 0.0 662.741 319.5 0.0 0.0 1.0 0.9614204425669405 -0.03460736043533693 0.2728975324514443 -0.2682677386058284 0.19081942662515486 0.7984641369476687 -0.5710017236671551 0.5034488234792629 -0.198138030263843 0.6010468805443661 0.7742635005933387 1.421424468338481 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/72357333_2327691828.jpg notre_dame_front_facade/test/images/04354414_8981826522.jpg 0 0 1291.45 0.0 249.5 0.0 1291.45 249.5 0.0 0.0 1.0 351.504 0.0 213.0 0.0 351.504 319.5 0.0 0.0 1.0 0.9374401319375517 -0.09989000297767762 -0.33350860009604716 1.84289013751946 0.12602283674542558 0.9903533027183948 0.05760712120392101 -0.44124820320703173 0.3245369680815136 -0.09603292716504583 0.9409853523028782 -3.381488899203095 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/46008440_428692335.jpg notre_dame_front_facade/test/images/21382041_8924895915.jpg 0 0 662.084 0.0 249.5 0.0 662.084 187.0 0.0 0.0 1.0 838.043 0.0 239.5 0.0 838.043 319.5 0.0 0.0 1.0 0.9971941853011409 -0.02744387516143451 -0.0696461809270055 0.002495550786202144 -0.029804988968208893 0.7078926243470999 -0.7056909344944008 0.5878949849797296 0.06866891170099122 0.705786700151752 0.7050884444200614 2.3457323291111525 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/76309603_8305176254.jpg notre_dame_front_facade/test/images/88021890_8415895778.jpg 0 0 484.145 0.0 319.5 0.0 484.145 212.0 0.0 0.0 1.0 630.164 0.0 180.0 0.0 630.164 319.5 0.0 0.0 1.0 0.9935679517835453 0.09254360138318568 0.06525647118623785 -0.07935479413462232 -0.02755242364839882 0.7565321272122775 -0.6533758523597005 0.2784267925872852 -0.10983437139506654 0.647375333433933 0.7542158766040093 2.169184690547127 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16804042_6635582193.jpg notre_dame_front_facade/test/images/57296298_268265874.jpg 0 0 975.444 0.0 319.5 0.0 975.444 213.5 0.0 0.0 1.0 871.099 0.0 249.5 0.0 871.099 187.0 0.0 0.0 1.0 0.8824523948287163 -0.15530844641603367 -0.4440237125795215 1.1246929766294502 -0.03008111409638585 0.9233612760802977 -0.38275198289503937 0.1259522121673561 0.4694389176834231 0.35111713189077276 0.8101505182723849 0.954779373689177 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/20437892_10017965835.jpg notre_dame_front_facade/test/images/11229713_5151251181.jpg 0 0 512.02 0.0 179.5 0.0 512.02 319.5 0.0 0.0 1.0 510.333 0.0 230.0 0.0 510.333 319.5 0.0 0.0 1.0 0.9995934790916442 0.010055992219068248 0.02667871020031753 -0.14797282101137374 -0.008602201569673146 0.9985007168551414 -0.05405849209813045 0.16366695368097042 -0.02718232303570098 0.05380702054805634 0.9981813091087829 1.352061978035552 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/77664805_1165807524.jpg notre_dame_front_facade/test/images/64341618_7502873932.jpg 0 0 735.025 0.0 239.5 0.0 735.025 319.5 0.0 0.0 1.0 858.706 0.0 305.5 0.0 858.706 305.5 0.0 0.0 1.0 0.9461276810993202 -0.06373570625728792 -0.3174589277457924 0.9804901252094127 0.15453765932359692 0.9504486002561298 0.26975094091021773 -0.48104510299268666 0.2845356267823194 -0.3042781918229576 0.9090952970247641 -0.566750370173331 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/42766818_2665007597.jpg notre_dame_front_facade/test/images/25819788_12704796265.jpg 0 0 831.635 0.0 319.5 0.0 831.635 239.5 0.0 0.0 1.0 541.8 0.0 319.5 0.0 541.8 212.0 0.0 0.0 1.0 0.999241151787867 -0.020487757515394563 0.03312661114040311 -0.10401240631141412 0.020666812339940506 0.9997735542679501 -0.0050717900327266405 -0.1698454108139455 -0.0330152001563336 0.005752562769824897 0.9994382945335928 -0.6610077805624999 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/13729493_60409794.jpg notre_dame_front_facade/test/images/53981929_372412956.jpg 0 0 698.515 0.0 239.5 0.0 698.515 319.5 0.0 0.0 1.0 669.186 0.0 239.5 0.0 669.186 319.5 0.0 0.0 1.0 0.9969198747377157 0.017213533798206407 0.07651442744420857 -0.21716090442232883 -0.01186619435594844 0.9974904428971948 -0.06979978338264974 0.035589642732754986 -0.07752391104971361 0.06867685623946376 0.9946223065227423 0.02174969076260587 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/35184160_219996854.jpg notre_dame_front_facade/test/images/89810148_5254985106.jpg 0 0 541.484 0.0 187.0 0.0 541.484 249.5 0.0 0.0 1.0 782.364 0.0 211.5 0.0 782.364 319.5 0.0 0.0 1.0 0.7960108804800765 -0.32813109303792176 -0.5086223195447402 0.770027440472663 0.05373225428243084 0.8752960149076848 -0.480593103504882 0.5979207356646294 0.6028926297501581 0.35522791566607587 0.7143763748364541 2.5226482152538545 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/35565310_3122947188.jpg notre_dame_front_facade/test/images/29863293_231094349.jpg 0 0 659.902 0.0 239.5 0.0 659.902 319.5 0.0 0.0 1.0 501.443 0.0 187.0 0.0 501.443 249.5 0.0 0.0 1.0 0.9818699845639818 0.12780453945041115 0.13999047506239268 -0.13910117399653016 -0.026574232077274006 0.8240343340380342 -0.565916271648021 0.1351313836068479 -0.18768362635517585 0.5519360615346327 0.812490886334 2.044876424020931 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/12297295_3241434580.jpg notre_dame_front_facade/test/images/64518898_5543139365.jpg 0 0 709.584 0.0 239.5 0.0 709.584 319.5 0.0 0.0 1.0 551.721 0.0 228.0 0.0 551.721 319.5 0.0 0.0 1.0 0.9172694603175792 0.07033832660146448 0.39200670527377823 -1.1356923494223357 -0.0850129051740216 0.9961754872496068 0.020179310119054755 -0.1262333497979083 -0.38908809172547276 -0.05183549376550676 0.9197410170605181 -0.15981215585376127 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/99155510_288146072.jpg notre_dame_front_facade/test/images/64481818_6172668375.jpg 0 0 789.09 0.0 319.5 0.0 789.09 239.5 0.0 0.0 1.0 758.649 0.0 319.5 0.0 758.649 319.5 0.0 0.0 1.0 0.7992379499176974 0.14701950943045086 0.5827554918301376 -2.340793371547533 -0.1585295342385811 0.9868501699684938 -0.03154566225732368 -0.17412656606630147 -0.5797301839523749 -0.0671714662634675 0.8120350410755447 -0.6256291664731685 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/29443215_4125074438.jpg notre_dame_front_facade/test/images/04720612_2486654456.jpg 0 0 532.032 0.0 319.5 0.0 532.032 213.0 0.0 0.0 1.0 656.635 0.0 239.5 0.0 656.635 319.5 0.0 0.0 1.0 0.9963182456169936 -0.02385222421071344 -0.08234697839555509 0.16448059988378816 0.015432670652636484 0.9947253155304949 -0.10140699837429773 0.06881586208286616 0.08433140652926058 0.09976280891674728 0.9914310847607297 0.29209160736730294 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/43866772_7750717370.jpg notre_dame_front_facade/test/images/10570085_9512778760.jpg 0 0 440.442 0.0 319.5 0.0 440.442 212.5 0.0 0.0 1.0 532.423 0.0 319.5 0.0 532.423 239.5 0.0 0.0 1.0 0.9686044476713714 0.017284046220837377 -0.24800541465353843 0.6983283923149531 0.0549248468014175 0.9580520241972125 0.28128202952813147 -0.35593361628748466 0.2424637811201467 -0.28607268425674576 0.9270241281471922 -0.9981247374936706 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/32627688_2172828509.jpg notre_dame_front_facade/test/images/16926208_509236966.jpg 0 0 724.585 0.0 240.0 0.0 724.585 319.5 0.0 0.0 1.0 864.355 0.0 319.5 0.0 864.355 239.5 0.0 0.0 1.0 0.010857083814699103 -0.9994581006440082 0.031074568188662756 -0.3037318460280133 0.9976177175605635 0.012943829951048078 0.0677594781226221 -0.22031096834557962 -0.06812498323150148 0.030264869457336224 0.9972176414085532 1.552033880192954 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/19969696_3085995005.jpg notre_dame_front_facade/test/images/76922738_2324942217.jpg 0 0 1261.33 0.0 319.5 0.0 1261.33 239.5 0.0 0.0 1.0 401.674 0.0 249.5 0.0 401.674 165.5 0.0 0.0 1.0 0.9999496157091898 0.002302604227143771 -0.009770570956529683 0.1785212166595842 -0.0022291001987671992 0.9999691854459981 0.007527235267429619 -0.49963745732256126 0.009787602124488835 -0.007505076431357651 0.9999239354432978 -2.9299236747750523 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/91963349_6452367725.jpg notre_dame_front_facade/test/images/63136592_197609530.jpg 0 0 516.037 0.0 239.5 0.0 516.037 319.5 0.0 0.0 1.0 889.805 0.0 259.5 0.0 889.805 319.5 0.0 0.0 1.0 0.99848364766637 -0.01183760676801142 -0.0537612909895793 0.07304693820472852 0.0006363801948578519 0.9790227140111264 -0.20375014225893387 0.6160546511138634 0.05504543907634749 0.20340697263440635 0.9775457038525605 2.110989519461145 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16445294_19140011.jpg notre_dame_front_facade/test/images/59441370_9094154456.jpg 0 0 627.378 0.0 239.5 0.0 627.378 319.5 0.0 0.0 1.0 709.773 0.0 319.5 0.0 709.773 239.5 0.0 0.0 1.0 0.9691315191118071 -0.02285559299326559 -0.2454826277620631 0.7965289207432711 0.1196030035430335 0.914267291800254 0.38705353723705216 -1.0795452592141916 0.21559039915433742 -0.40446624211812193 0.8887788469463693 -1.2199988494485585 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/00172642_6310427717.jpg notre_dame_front_facade/test/images/87453268_2874605638.jpg 0 0 765.913 0.0 319.5 0.0 765.913 239.5 0.0 0.0 1.0 859.782 0.0 212.5 0.0 859.782 319.5 0.0 0.0 1.0 0.9954811632065683 -0.025601211524823034 0.09144305150944576 -0.13914075343838705 0.040534751080328925 0.9853939002348031 -0.1653958746006053 0.5434176375979376 -0.08587309040528154 0.16835509896793938 0.9819788047589123 1.5519941705474931 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/73348950_1065232460.jpg notre_dame_front_facade/test/images/51192770_8304131159.jpg 0 0 3530.37 0.0 319.5 0.0 3530.37 213.0 0.0 0.0 1.0 525.628 0.0 212.0 0.0 525.628 319.5 0.0 0.0 1.0 0.6968404985782631 -0.023621793789807322 -0.716837031967064 1.7948166673080408 0.09624652398997302 0.9934974340157771 0.0608231471062971 -0.3071915315132066 0.7107390000281718 -0.11137710474877022 0.6945827627984558 -1.5502469874899352 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/79793488_5196381575.jpg notre_dame_front_facade/test/images/51575595_2715884125.jpg 0 0 761.869 0.0 239.5 0.0 761.869 319.5 0.0 0.0 1.0 912.594 0.0 213.0 0.0 912.594 319.5 0.0 0.0 1.0 0.879556188852066 0.17802483137321948 0.44123471085870564 -1.0636884202047474 -0.1381691137192629 0.9829682891903574 -0.12117193759371692 0.3572027325152759 -0.4552913426214716 0.04561251868422745 0.8891733753735649 1.256829723393362 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/13729493_60409794.jpg notre_dame_front_facade/test/images/33645044_55429420.jpg 0 0 698.515 0.0 239.5 0.0 698.515 319.5 0.0 0.0 1.0 526.679 0.0 187.0 0.0 526.679 249.5 0.0 0.0 1.0 0.9949323218907432 -0.016231162400745732 0.09922814229952488 -0.2539315288197098 0.020789702668611246 0.9987670342092495 -0.04507992502001609 0.005082726104092321 -0.0983740978105765 0.04691439804559098 0.9940430454140177 -0.03931089494149492 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/01927388_3809070796.jpg notre_dame_front_facade/test/images/55945829_7504406658.jpg 0 0 688.527 0.0 319.5 0.0 688.527 239.5 0.0 0.0 1.0 534.047 0.0 319.5 0.0 534.047 239.5 0.0 0.0 1.0 0.8952352600422436 -0.021720296490791227 0.4450641053797175 -1.5387888605696096 -0.23141744833490197 0.8308849146844398 0.5060397446406696 -0.447016068259935 -0.3807883845172526 -0.5560202219975307 0.7388110170717255 -0.6196304632077713 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/88264143_2551880831.jpg notre_dame_front_facade/test/images/66842228_181918175.jpg 0 0 688.704 0.0 239.5 0.0 688.704 319.5 0.0 0.0 1.0 658.953 0.0 239.5 0.0 658.953 319.5 0.0 0.0 1.0 0.9364699693499061 -0.08130499929177971 -0.3411942168266485 0.6421138479583498 0.09724953126454633 0.9948119952910849 0.029860051804990226 -0.009948340218333268 0.33699632813224 -0.06114401945517135 0.9395184318097507 0.016665846603848844 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/70470648_253650724.jpg notre_dame_front_facade/test/images/85088510_2525102624.jpg 0 0 661.366 0.0 239.5 0.0 661.366 319.5 0.0 0.0 1.0 889.277 0.0 166.0 0.0 889.277 249.5 0.0 0.0 1.0 0.970959024157029 -0.0745629149520491 -0.22733003567915092 0.480934063714184 0.0820773171575672 0.9963424746034 0.023769461697518045 0.3547497712510792 0.22472624994923637 -0.041737812772438744 0.9735276408858283 0.976508815522985 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/26162967_291218280.jpg notre_dame_front_facade/test/images/85190592_5089023484.jpg 0 0 1095.75 0.0 165.0 0.0 1095.75 249.5 0.0 0.0 1.0 491.859 0.0 239.5 0.0 491.859 319.5 0.0 0.0 1.0 0.981969137010132 -0.017347628625092495 -0.1882436552467643 1.1308325687544323 -0.0003737607518741492 0.9956004579228762 -0.09369945830504882 -0.19375419303261732 0.18904093276980288 0.09208033430024622 0.9776424386107009 -1.6196849916516165 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/48541802_2699303896.jpg notre_dame_front_facade/test/images/75271422_4231357851.jpg 0 0 606.303 0.0 239.5 0.0 606.303 319.5 0.0 0.0 1.0 733.721 0.0 319.5 0.0 733.721 239.5 0.0 0.0 1.0 0.995184866042153 -0.07953961232349396 -0.0572759327474488 0.32373414046737425 0.08222241831041761 0.9955466600356407 0.046112055029751665 -0.07321933961122123 0.05335312856664257 -0.05059938500919191 0.9972929087829929 -0.29469960463287603 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/77664805_1165807524.jpg notre_dame_front_facade/test/images/90793558_9763268725.jpg 0 0 735.025 0.0 239.5 0.0 735.025 319.5 0.0 0.0 1.0 1558.15 0.0 239.5 0.0 1558.15 319.5 0.0 0.0 1.0 0.9874985633135221 0.06067267618180746 0.14548337987092316 -0.2657057371468272 -0.049565297742735236 0.9956577794969841 -0.07879636658380333 0.3718863323925376 -0.14963244539004178 0.07060037175590965 0.9862178860650033 1.9220682034243475 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/11689125_6228298812.jpg notre_dame_front_facade/test/images/54869923_2442824829.jpg 0 0 499.904 0.0 319.5 0.0 499.904 212.5 0.0 0.0 1.0 527.475 0.0 239.5 0.0 527.475 319.5 0.0 0.0 1.0 0.9654003078217082 0.04151261854510108 0.2574469812588221 -0.5487166259392712 -0.010482689121911784 0.9926276656762166 -0.12074945367561091 -0.019660189601191827 -0.26056162205229827 0.11387282307782694 0.958718217871008 -0.08547724808773316 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/57706804_4859293655.jpg notre_dame_front_facade/test/images/61928533_225869442.jpg 0 0 639.797 0.0 239.5 0.0 639.797 319.5 0.0 0.0 1.0 1184.17 0.0 249.5 0.0 1184.17 187.0 0.0 0.0 1.0 0.9079030350064479 0.23043829647577221 0.3501574939129889 -0.4104359101346735 -0.038710562336186013 0.8778607551192281 -0.47734891534925983 0.06532256265817549 -0.417388992894754 0.4198317355070275 0.8059328399261693 0.19916155976404126 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/60710605_5891944796.jpg notre_dame_front_facade/test/images/22891861_445889696.jpg 0 0 524.269 0.0 319.5 0.0 524.269 179.0 0.0 0.0 1.0 1183.91 0.0 319.5 0.0 1183.91 239.5 0.0 0.0 1.0 0.863248364217436 0.3127221643563583 0.39624122652267746 -0.5723487651163736 0.0218625551932419 0.7610795148879373 -0.6482900590772346 0.2794065979300521 -0.5043057508658249 0.5682981787215377 0.6501637406880206 2.1194807960701882 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/48323035_392280377.jpg notre_dame_front_facade/test/images/89455443_12073338213.jpg 0 0 523.158 0.0 319.5 0.0 523.158 239.5 0.0 0.0 1.0 460.921 0.0 212.5 0.0 460.921 319.5 0.0 0.0 1.0 0.9990955563775781 -0.005757581518895138 -0.042129793277808525 -0.024307204091800733 -0.022509696671617216 0.768961020595642 -0.6388992583813665 0.5973372493013549 0.03607468339887942 0.6392697388892751 0.7681359372911207 1.4763385654705063 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/04720612_2486654456.jpg notre_dame_front_facade/test/images/17355996_7160680080.jpg 0 0 656.635 0.0 239.5 0.0 656.635 319.5 0.0 0.0 1.0 592.885 0.0 207.5 0.0 592.885 319.5 0.0 0.0 1.0 0.9382393257508889 0.10642657722459775 0.329211711934393 -1.0027922785560524 -0.1195997747171684 0.9926214738709217 0.019962552389953522 0.19770021085257267 -0.324658068592357 -0.058103298276223535 0.9440450970304886 0.72822407708961 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/41995021_5921639869.jpg notre_dame_front_facade/test/images/75827637_332080023.jpg 0 0 540.721 0.0 319.5 0.0 540.721 239.5 0.0 0.0 1.0 824.199 0.0 239.5 0.0 824.199 319.5 0.0 0.0 1.0 0.9927326606184637 -0.08472681339957731 -0.08545894705962445 0.13298231013055148 0.032671492384687195 0.873226696499206 -0.4862177599660886 0.5023905815068014 0.11582071544738368 0.47989217915302274 0.8696488131774912 1.8869548039565687 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/66503262_8564870595.jpg notre_dame_front_facade/test/images/73563955_5923240867.jpg 0 0 434.857 0.0 319.5 0.0 434.857 213.0 0.0 0.0 1.0 1302.54 0.0 319.5 0.0 1302.54 179.0 0.0 0.0 1.0 0.9613655269445577 0.17023662068615314 0.21632340737879366 -0.38719361437388833 -0.026418766833595196 0.8392758105024396 -0.5430636819604725 0.8900697661804556 -0.27400432909281713 0.5163677051121922 0.8113482734039454 5.167374197386956 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/96890437_6186643187.jpg notre_dame_front_facade/test/images/83755577_4922523649.jpg 0 0 705.87 0.0 239.5 0.0 705.87 319.5 0.0 0.0 1.0 667.625 0.0 239.5 0.0 667.625 319.5 0.0 0.0 1.0 0.9940964915342972 -0.006775280830401615 -0.10828786214931868 0.24321778265365043 0.006814281268565003 0.9999767824670132 -9.884983098200652e-06 0.009306841938696783 0.10828541494584368 -0.0007280773236402632 0.9941195797354649 0.046887654418034996 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16248504_5575722639.jpg notre_dame_front_facade/test/images/92796397_10905257324.jpg 0 0 303.539 0.0 211.5 0.0 303.539 319.5 0.0 0.0 1.0 747.301 0.0 239.5 0.0 747.301 319.5 0.0 0.0 1.0 0.970970851385735 0.17324670138763848 0.1649278212357248 -0.02291222986715513 -0.06542503670233607 0.8555645263326586 -0.5135454272541734 0.82009651560165 -0.23007644453911122 0.48784723196865226 0.8420628883454996 2.464823097201726 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/81974946_5100244969.jpg notre_dame_front_facade/test/images/48323035_392280377.jpg 0 0 697.124 0.0 319.5 0.0 697.124 213.0 0.0 0.0 1.0 523.158 0.0 319.5 0.0 523.158 239.5 0.0 0.0 1.0 0.9746496894908339 0.041246373318759195 0.21990161314431186 -0.4585396679187661 -0.1470743161187612 0.8587775915255986 0.4907852828189644 -1.18313363720951 -0.16860346471416224 -0.5106856028727869 0.8430735950703464 -0.6268615099099595 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/32840366_393315242.jpg notre_dame_front_facade/test/images/50392091_3354172959.jpg 0 0 516.713 0.0 319.5 0.0 516.713 213.5 0.0 0.0 1.0 1006.14 0.0 239.5 0.0 1006.14 319.5 0.0 0.0 1.0 0.9979864589155246 0.033905285404469854 -0.05360465877975016 -0.19916045603931168 -0.04159490116855331 0.9878780692387837 -0.14955528915364727 0.26639145754816107 0.047884152055040936 0.15148383391865353 0.9872992231554097 1.3359336334880445 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/79392901_158654812.jpg notre_dame_front_facade/test/images/81875745_5270921683.jpg 0 0 506.813 0.0 249.5 0.0 506.813 187.0 0.0 0.0 1.0 785.224 0.0 319.5 0.0 785.224 214.5 0.0 0.0 1.0 0.8228867802509007 0.5477081120069878 0.15123878778291927 -0.5612728294372058 -0.518032425759955 0.8325196918339918 -0.19635011731570767 0.62690060555893 -0.2334518210457191 0.08322731973562858 0.9688000105801307 1.418947019436396 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/35960796_2756840211.jpg notre_dame_front_facade/test/images/94022639_2742603296.jpg 0 0 544.223 0.0 187.0 0.0 544.223 249.5 0.0 0.0 1.0 699.852 0.0 239.5 0.0 699.852 319.5 0.0 0.0 1.0 0.9867972054679531 -0.008314166468715928 -0.16174717900652402 0.660967445638186 0.03011296272215442 0.9906864381999784 0.13279153076433195 -0.21192726734600456 0.15913668576645731 -0.13590899823989167 0.9778569728956771 -0.6849298311392692 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/64518898_5543139365.jpg notre_dame_front_facade/test/images/33325174_3149906599.jpg 0 0 551.721 0.0 228.0 0.0 551.721 319.5 0.0 0.0 1.0 796.707 0.0 239.5 0.0 796.707 319.5 0.0 0.0 1.0 0.8983871238127997 -0.11829645647646791 -0.42297343196999565 1.0880311003138554 0.07542260144959438 0.990291341446134 -0.11676681997636411 0.24274032974287166 0.4326800283788715 0.07300005097209263 0.8985872164682351 0.8174734105483445 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/51600076_9763474571.jpg notre_dame_front_facade/test/images/51192770_8304131159.jpg 0 0 454.343 0.0 319.5 0.0 454.343 239.5 0.0 0.0 1.0 525.628 0.0 212.0 0.0 525.628 319.5 0.0 0.0 1.0 0.8708374868004723 -0.3205752090955964 -0.37265749274146076 0.04157501324264379 0.09306828966253801 0.8519056217555644 -0.5153592000542486 -0.050251190328901574 0.48268039637251386 0.41411151509536626 0.7717067370595472 -0.27934596175586 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/85618831_8338198385.jpg notre_dame_front_facade/test/images/63909552_10015127425.jpg 0 0 540.444 0.0 319.5 0.0 540.444 179.0 0.0 0.0 1.0 431.287 0.0 319.5 0.0 431.287 179.0 0.0 0.0 1.0 0.9997246606092371 -0.012595215412405561 -0.019798068553784087 0.1056807815269606 0.011347926039777297 0.9980180002440942 -0.061897461687659805 -0.0074684335074105546 0.02053844065018028 0.061655751860590115 0.9978861361488917 0.0005049301174457899 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/12535548_289900767.jpg notre_dame_front_facade/test/images/71272180_3274206565.jpg 0 0 520.377 0.0 213.0 0.0 520.377 319.5 0.0 0.0 1.0 701.674 0.0 319.5 0.0 701.674 239.5 0.0 0.0 1.0 0.6591725434567659 -0.14543310006255464 -0.7377945319388951 1.2601612168077865 0.402712532241544 0.8968437523712194 0.18301338805757877 -0.08881451847872923 0.6350702121248811 -0.4177565047236315 0.6497425093317755 0.13281886950024946 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/39119309_3697303347.jpg notre_dame_front_facade/test/images/92263499_2724825410.jpg 0 0 643.065 0.0 239.5 0.0 643.065 319.5 0.0 0.0 1.0 1088.49 0.0 239.5 0.0 1088.49 319.5 0.0 0.0 1.0 0.9438705175589953 -0.29869395277636146 -0.1410332182776341 0.22278861406173972 0.2762606789046199 0.947895941145907 -0.15866102876974367 0.425554235654686 0.18107590500691287 0.11079353471185797 0.9772084267401606 1.9966071662365972 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/67597816_6045622567.jpg notre_dame_front_facade/test/images/02611690_173893259.jpg 0 0 480.326 0.0 213.0 0.0 480.326 319.5 0.0 0.0 1.0 343.22 0.0 130.5 0.0 343.22 174.5 0.0 0.0 1.0 0.7313283528498532 -0.13973807755562337 -0.6675568215507794 1.6574322326703008 0.2263588267470259 0.9730360916392812 0.044299502492265025 0.0356437364034104 0.6433665532739717 -0.18350486110294437 0.7432398294493903 0.1268513741926962 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/69682451_4629605098.jpg notre_dame_front_facade/test/images/92796397_10905257324.jpg 0 0 714.494 0.0 319.5 0.0 714.494 239.5 0.0 0.0 1.0 747.301 0.0 239.5 0.0 747.301 319.5 0.0 0.0 1.0 0.8919413798556818 0.04136139501762967 0.4502552719328648 -0.5247358592974377 -0.11722388487475956 0.9829120091139371 0.14192442761720997 0.5671361791074103 -0.4366911216363479 -0.1793689419654338 0.8815484370936116 1.766879273617703 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/99239692_3743536843.jpg notre_dame_front_facade/test/images/83116416_6588657413.jpg 0 0 562.649 0.0 187.0 0.0 562.649 249.5 0.0 0.0 1.0 1955.44 0.0 239.5 0.0 1955.44 319.5 0.0 0.0 1.0 0.9284942327349714 0.05754306384978968 0.36686135743721454 -1.2863609645727476 -0.018441085332573794 0.9938471343719765 -0.1092144673217211 0.312110527377278 -0.3708886438672036 0.09463968144171657 0.9238424890353101 8.398683794152968 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/74816282_4206306388.jpg notre_dame_front_facade/test/images/70473816_1756100188.jpg 0 0 698.885 0.0 191.0 0.0 698.885 319.5 0.0 0.0 1.0 677.33 0.0 239.5 0.0 677.33 319.5 0.0 0.0 1.0 0.9822868942066173 0.07045923564998613 0.17363166065420638 -0.3066516677717732 -0.05613170335163604 0.9947044878672596 -0.0860942140656196 0.1752016279642941 -0.17877832460553397 0.07482297727538328 0.9810401789544024 0.6961051645908252 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/88021890_8415895778.jpg notre_dame_front_facade/test/images/94098462_7321392130.jpg 0 0 630.164 0.0 180.0 0.0 630.164 319.5 0.0 0.0 1.0 515.113 0.0 319.5 0.0 515.113 211.5 0.0 0.0 1.0 0.9743963863269769 0.043547587519982445 0.22057944132243648 -1.3312179626421896 -0.05692068920886394 0.9968826367062623 0.05463555411596444 0.23055412487971172 -0.21751256849413683 -0.065792220320947 0.9738375974937112 1.158489334154812 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/96809970_2634698191.jpg notre_dame_front_facade/test/images/78751376_5259305379.jpg 0 0 1900.54 0.0 319.5 0.0 1900.54 239.5 0.0 0.0 1.0 494.969 0.0 319.5 0.0 494.969 212.0 0.0 0.0 1.0 0.9945746574986828 0.00696987198908466 0.10379148108507485 0.09032568033399446 -0.06270483462145565 0.8362793116643624 0.5447063581392053 -1.7506566414175224 -0.08300213477058031 -0.5482593672402106 0.8321792546422256 -2.108385289562026 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16936811_3689681321.jpg notre_dame_front_facade/test/images/35249264_6310946396.jpg 0 0 503.368 0.0 212.5 0.0 503.368 319.5 0.0 0.0 1.0 1037.12 0.0 319.5 0.0 1037.12 239.5 0.0 0.0 1.0 0.961547082895721 0.016039788976428604 0.27417135617040883 -0.7553130080694401 -0.07805813827712049 0.9730836382686875 0.21682979496020433 -0.18911830129165694 -0.2633137566163976 -0.22989336246043726 0.9369177698566693 -0.5626364683636382 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/55165219_6771732707.jpg notre_dame_front_facade/test/images/79553233_156495686.jpg 0 0 705.515 0.0 213.0 0.0 705.515 319.5 0.0 0.0 1.0 1426.95 0.0 239.5 0.0 1426.95 319.5 0.0 0.0 1.0 0.9420367267968128 0.07411159884634445 0.3272220595900977 -0.5727406423300794 0.011568757011131883 0.9675430544704129 -0.25244128348445904 0.36944746661702677 -0.33531025815975907 0.2415945128981661 0.9106037129895383 5.3894196692792695 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/04720612_2486654456.jpg notre_dame_front_facade/test/images/66842228_181918175.jpg 0 0 656.635 0.0 239.5 0.0 656.635 319.5 0.0 0.0 1.0 658.953 0.0 239.5 0.0 658.953 319.5 0.0 0.0 1.0 0.989550536239401 0.04946874122714464 0.13543478087151684 -0.39973110160101866 -0.06709782828306397 0.989389522513399 0.12886525590866274 -0.331191832182191 -0.1276229511804614 -0.1366060627575163 0.9823701776570171 -0.8605619725994732 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/79846448_7965487020.jpg notre_dame_front_facade/test/images/88668272_2557713073.jpg 0 0 727.071 0.0 239.5 0.0 727.071 319.5 0.0 0.0 1.0 552.97 0.0 168.5 0.0 552.97 224.5 0.0 0.0 1.0 0.9206294267965904 -0.16453709498541083 -0.3540748549246939 0.7429053595187882 0.08233863335915022 0.9682896956868949 -0.23587160635211626 -0.025500980338262036 0.38165666242413304 0.18799630209220114 0.9049837470512547 -0.3933165118393347 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16445294_19140011.jpg notre_dame_front_facade/test/images/89527506_47064183.jpg 0 0 627.378 0.0 239.5 0.0 627.378 319.5 0.0 0.0 1.0 486.165 0.0 249.5 0.0 486.165 187.0 0.0 0.0 1.0 0.995436104492599 -0.02443687442172206 -0.09224858286768715 0.3271727497327195 0.018197618835676263 0.9975274803407442 -0.067880576262709 0.11687551386735369 0.09367928555081421 0.06589207185650636 0.9934195620809697 -0.276228011769337 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/76022149_7552328104.jpg notre_dame_front_facade/test/images/59085967_8112490960.jpg 0 0 963.011 0.0 305.5 0.0 963.011 305.5 0.0 0.0 1.0 944.748 0.0 319.5 0.0 944.748 319.5 0.0 0.0 1.0 0.9999068092584389 -0.006962580004419544 0.011742882026566896 0.07375806497486409 0.010722330329868685 0.9329517058665115 -0.3598418349123169 0.7558485369226006 -0.00845011425396066 0.3599342120449903 0.9329394184879567 1.869034423535037 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/92245898_537005790.jpg notre_dame_front_facade/test/images/73100287_2167356662.jpg 0 0 674.772 0.0 239.5 0.0 674.772 319.5 0.0 0.0 1.0 410.944 0.0 166.0 0.0 410.944 249.5 0.0 0.0 1.0 0.9524850054001398 0.004117893513611976 -0.30455764223034426 1.2098609540668699 0.15063961335521978 0.8626881738826033 0.48278030358672386 -1.2322809216899742 0.26472631409832625 -0.5057194455388381 0.8210772320724796 -1.6455063592453323 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16936811_3689681321.jpg notre_dame_front_facade/test/images/54976152_2650219365.jpg 0 0 503.368 0.0 212.5 0.0 503.368 319.5 0.0 0.0 1.0 2084.91 0.0 213.0 0.0 2084.91 319.5 0.0 0.0 1.0 0.9508698932451215 0.033131147236718235 0.30781288667433987 -0.8474013091599591 -0.05235780672934542 0.9971448871728015 0.054412627758949283 0.7820293197308533 -0.30513129337140044 -0.06785573717763566 0.9498897266196619 5.922477161192802 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/43886992_2526982465.jpg notre_dame_front_facade/test/images/06756861_3618322110.jpg 0 0 822.701 0.0 319.5 0.0 822.701 212.5 0.0 0.0 1.0 619.283 0.0 239.5 0.0 619.283 319.5 0.0 0.0 1.0 0.9494844720978062 -0.1676899508614369 -0.26525330841525613 0.45980229991244814 0.09067110276667764 0.9558007356349757 -0.27968501011443936 0.34090584179142813 0.30042967291568373 0.2415057641956571 0.9227225896725662 1.1839795319709814 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/40243914_9622635816.jpg notre_dame_front_facade/test/images/41995021_5921639869.jpg 0 0 496.624 0.0 319.5 0.0 496.624 213.5 0.0 0.0 1.0 540.721 0.0 319.5 0.0 540.721 239.5 0.0 0.0 1.0 0.8098179770594002 -0.039370617178980556 -0.5853586922002325 0.16644873720155423 0.41625290011009797 0.7416702691613707 0.5259835881394334 -0.05279567399884222 0.4134348403090301 -0.6696082185465217 0.6170060505972371 0.004998288948118601 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/79255400_2324943723.jpg notre_dame_front_facade/test/images/22891861_445889696.jpg 0 0 1184.71 0.0 249.5 0.0 1184.71 165.5 0.0 0.0 1.0 1183.91 0.0 319.5 0.0 1183.91 239.5 0.0 0.0 1.0 0.9835906687623948 0.01327145712077511 0.17992572008869745 -0.16780479454652375 0.02827940782778111 0.9736217915275573 -0.22640866183867472 0.17958973361341776 -0.1781843747820075 0.2277816399285964 0.9572700001018438 1.2345233345325375 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/12023672_2650236061.jpg notre_dame_front_facade/test/images/80611845_3920219739.jpg 0 0 848.099 0.0 213.0 0.0 848.099 319.5 0.0 0.0 1.0 692.473 0.0 213.0 0.0 692.473 319.5 0.0 0.0 1.0 0.9635511273489922 -0.10242674878739401 -0.24713960855623748 0.45399134965409266 0.06435574778583197 0.9854204800621282 -0.15749544501683493 -0.11698479841730997 0.25966817808775217 0.13585005928216803 0.9560947644881332 -1.1536537851478368 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/85808395_9116833255.jpg notre_dame_front_facade/test/images/92064571_307220044.jpg 0 0 533.422 0.0 319.5 0.0 533.422 213.0 0.0 0.0 1.0 674.607 0.0 213.0 0.0 674.607 319.5 0.0 0.0 1.0 0.8785298247223761 0.079144160474612 0.4710855006642001 -0.6273166931193556 -0.09573850600768453 0.9953421278472111 0.011321969793406403 0.26184596632298784 -0.46799517683485564 -0.055047710173586 0.8820148887994789 1.6965300533236594 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/14248814_1334513582.jpg notre_dame_front_facade/test/images/43666192_4761714801.jpg 0 0 696.736 0.0 319.5 0.0 696.736 239.5 0.0 0.0 1.0 654.307 0.0 239.5 0.0 654.307 319.5 0.0 0.0 1.0 0.9532237240172503 -0.057167484501126166 -0.29681039517931124 -0.19485936587239167 0.10726571268876328 0.9820189976575806 0.15534720828187523 0.8008882488945082 0.2825926376465903 -0.17991822296647478 0.9422159169704835 1.9656717908890058 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/10271797_13991878773.jpg notre_dame_front_facade/test/images/08994755_224674449.jpg 0 0 483.005 0.0 319.5 0.0 483.005 239.5 0.0 0.0 1.0 665.565 0.0 319.5 0.0 665.565 239.5 0.0 0.0 1.0 0.9936308753724937 -0.039705415581808935 0.10545692713125841 -0.26195742929750376 0.01663056070229247 0.9772880814688915 0.21126152103395696 0.4416839534030075 -0.11145002448281054 -0.20816216224936152 0.9717239352050825 1.745017902388542 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/89527506_47064183.jpg notre_dame_front_facade/test/images/94184442_3251933434.jpg 0 0 486.165 0.0 249.5 0.0 486.165 187.0 0.0 0.0 1.0 562.693 0.0 166.0 0.0 562.693 249.5 0.0 0.0 1.0 0.9840819158981258 0.05412878632262701 0.16927154897830157 -0.4262862801928782 -0.06748780455883281 0.994958175984466 0.0741864157207558 -0.25281156366751406 -0.16440249097292578 -0.08442927533091467 0.9827733810136465 -0.23632122329291144 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/83116416_6588657413.jpg notre_dame_front_facade/test/images/48230605_9403570019.jpg 0 0 1955.44 0.0 239.5 0.0 1955.44 319.5 0.0 0.0 1.0 450.656 0.0 179.5 0.0 450.656 319.5 0.0 0.0 1.0 0.9511775432658081 -0.030224377688603483 -0.3071608181069952 3.5433332897166365 0.08796157419832043 0.9804682594521243 0.17591120962427287 -1.9596471951437697 0.295844625861913 -0.1943411412960677 0.9352579741164285 -8.888927158031997 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/66503262_8564870595.jpg notre_dame_front_facade/test/images/69189455_2043939797.jpg 0 0 434.857 0.0 319.5 0.0 434.857 213.0 0.0 0.0 1.0 572.409 0.0 187.0 0.0 572.409 249.5 0.0 0.0 1.0 0.9958754870196846 -0.06630283610946458 -0.06193503271289376 0.06949403603419499 0.030884032222002887 0.8895847122457669 -0.45572493490298116 0.5720804190229728 0.08531231392370053 0.4519324879475447 0.8879633074798342 1.756882313244369 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/35565310_3122947188.jpg notre_dame_front_facade/test/images/16804042_6635582193.jpg 0 0 659.902 0.0 239.5 0.0 659.902 319.5 0.0 0.0 1.0 975.444 0.0 319.5 0.0 975.444 213.5 0.0 0.0 1.0 0.9110720304000453 0.187905552637086 0.36693222631828126 -0.4076102795672869 -0.14162622730960345 0.9785700546589233 -0.1494746127704648 0.6042001075279978 -0.3871559984822496 0.08421491205827616 0.9181601610973051 1.1375343491857788 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/64518898_5543139365.jpg notre_dame_front_facade/test/images/62265406_497236333.jpg 0 0 551.721 0.0 228.0 0.0 551.721 319.5 0.0 0.0 1.0 1321.94 0.0 220.0 0.0 1321.94 319.5 0.0 0.0 1.0 0.9223309878337591 -0.11469899885912313 -0.3689846725032315 0.9912538775590145 0.11981143910551453 0.992754849251783 -0.009111989164580368 0.03537713713143509 0.3673564589619567 -0.035804314653191234 0.9293908129044248 2.1426973004269123 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/28242249_5165846684.jpg notre_dame_front_facade/test/images/92799893_8631875281.jpg 0 0 739.638 0.0 319.5 0.0 739.638 239.5 0.0 0.0 1.0 519.666 0.0 319.5 0.0 519.666 262.5 0.0 0.0 1.0 0.9985368102856985 0.04981830744897845 0.02103270661093991 -1.6670408923531699 -0.040849596241237886 0.9497676895294218 -0.3102783370022335 0.044220291816670115 -0.035433726749957595 0.3089651633580439 0.9504130569598394 0.7697215397733878 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/60069127_407121609.jpg notre_dame_front_facade/test/images/27108396_3799319410.jpg 0 0 558.134 0.0 249.5 0.0 558.134 188.5 0.0 0.0 1.0 586.555 0.0 211.5 0.0 586.555 319.5 0.0 0.0 1.0 0.9996727137317836 -0.011247594652816556 -0.022977315653859187 -0.02008347566191504 0.0037596064178322913 0.9530039070059523 -0.3029346771021321 -0.14060639425947158 0.025304758044963484 0.3027491450787533 0.9527342884426747 0.7190238652272418 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/54976152_2650219365.jpg notre_dame_front_facade/test/images/42766818_2665007597.jpg 0 0 2084.91 0.0 213.0 0.0 2084.91 319.5 0.0 0.0 1.0 831.635 0.0 319.5 0.0 831.635 239.5 0.0 0.0 1.0 0.9963250747326092 -0.015614850931322864 -0.08421711161903607 0.6533270750507771 0.02587049493582316 0.9921809386117535 0.12209710294382507 -1.2736442720365484 0.0816520847917318 -0.12382714357479153 0.9889387117325683 -4.895290245215022 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/50944188_2452211231.jpg notre_dame_front_facade/test/images/65117548_393332042.jpg 0 0 802.246 0.0 239.5 0.0 802.246 319.5 0.0 0.0 1.0 528.38 0.0 319.5 0.0 528.38 213.5 0.0 0.0 1.0 0.9966612743350927 -0.061356193695107225 0.053867631616745904 -0.13805119396830004 0.06428062473088708 0.9964508714862554 -0.05434760342911757 -0.20693439815520365 -0.05034188638654528 0.05762879670382029 0.997068009849636 -0.6955383316176378 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/14248814_1334513582.jpg notre_dame_front_facade/test/images/77637139_3358936098.jpg 0 0 696.736 0.0 319.5 0.0 696.736 239.5 0.0 0.0 1.0 494.106 0.0 319.5 0.0 494.106 213.0 0.0 0.0 1.0 0.998353003098924 0.014345974087356625 -0.05554704520354625 0.06905464866323373 0.009263806562038845 0.9152110778899499 0.4028682970841675 -0.04017549586998681 0.056616809264926314 -0.40271935132918657 0.9135708297519456 -0.04272787070690298 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/37313008_126874366.jpg notre_dame_front_facade/test/images/05852089_7355180390.jpg 0 0 400.148 0.0 166.0 0.0 400.148 249.5 0.0 0.0 1.0 678.861 0.0 319.5 0.0 678.861 239.5 0.0 0.0 1.0 0.9911290649153643 0.10225379059095999 -0.08489604813992013 0.30654444630448 -0.06266632466689309 0.9228770003587499 0.3799618059247262 -0.2248500639703528 0.11720114518527149 -0.3712710660940546 0.9210980876370577 -0.5863304650667225 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/65299042_229585472.jpg notre_dame_front_facade/test/images/20449428_10758420474.jpg 0 0 397.031 0.0 166.0 0.0 397.031 249.5 0.0 0.0 1.0 916.516 0.0 239.5 0.0 916.516 319.5 0.0 0.0 1.0 0.9989465226952824 -0.04015181576815035 -0.02221883177677098 -0.00950767316195247 0.03929450185700393 0.9985138634537295 -0.037762502757591764 0.3896984890896257 0.02370204461251917 0.03684964289145457 0.9990396973593986 1.4903809636109053 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/14588590_8291532597.jpg notre_dame_front_facade/test/images/08994755_224674449.jpg 0 0 539.759 0.0 213.0 0.0 539.759 319.5 0.0 0.0 1.0 665.565 0.0 319.5 0.0 665.565 239.5 0.0 0.0 1.0 0.9424636555509296 -0.12000895543492067 -0.31202581396576473 0.732623231865991 0.08844886991886619 0.9895983097180658 -0.1134547610866228 0.4266378401486491 0.3223958054560485 0.07932865824256961 0.9432750969922717 1.5375600735858197 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/76922738_2324942217.jpg notre_dame_front_facade/test/images/70473816_1756100188.jpg 0 0 401.674 0.0 249.5 0.0 401.674 165.5 0.0 0.0 1.0 677.33 0.0 239.5 0.0 677.33 319.5 0.0 0.0 1.0 0.9996447957537961 0.025126339138743823 0.008885347704859815 0.0780539989399262 -0.025641748738895333 0.9976430151332019 0.06364679942891954 0.28912663498599794 -0.007265194007236535 -0.06385202766881085 0.9979329313729549 1.2135913544041415 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16588250_2425068783.jpg notre_dame_front_facade/test/images/49984163_4144073459.jpg 0 0 727.948 0.0 239.5 0.0 727.948 319.5 0.0 0.0 1.0 699.426 0.0 239.5 0.0 699.426 319.5 0.0 0.0 1.0 0.9893410142447054 -0.03647275844023762 -0.14097551356536184 0.44336433024232436 0.04774393614712849 0.9958552220973327 0.07741377902318804 -0.13483563869354487 0.13756770730966025 -0.08331935257328962 0.986981768520742 -0.39692915829587005 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/12108431_6988563786.jpg notre_dame_front_facade/test/images/58743588_542015945.jpg 0 0 611.0 0.0 239.5 0.0 611.0 319.5 0.0 0.0 1.0 669.222 0.0 239.5 0.0 669.222 319.5 0.0 0.0 1.0 0.8758820259912607 -0.11730316807871057 -0.4680498299370935 0.9417617494729507 0.146862257995601 0.988787879813842 0.027018621535537937 -0.012254967642196024 0.45963262908748975 -0.09240397984905668 0.8832889395810282 0.022660213226138648 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/31731830_3056005968.jpg notre_dame_front_facade/test/images/03524051_5922206652.jpg 0 0 692.226 0.0 319.5 0.0 692.226 239.5 0.0 0.0 1.0 541.245 0.0 319.5 0.0 541.245 239.5 0.0 0.0 1.0 0.9963990482128722 -0.035222706693263654 -0.07712520764110292 0.14148707344210493 0.058545517029948216 0.9437819610821692 0.32534294578427725 -0.5126543285709411 0.061329920562307634 -0.3286867366796164 0.9424455793173023 -0.6049039116778978 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/61900107_5317613163.jpg notre_dame_front_facade/test/images/86620018_1656400518.jpg 0 0 537.046 0.0 319.5 0.0 537.046 239.5 0.0 0.0 1.0 622.811 0.0 165.5 0.0 622.811 249.5 0.0 0.0 1.0 0.9902850911523483 -0.01228099951213115 0.13850853869840873 -0.28889732456438827 0.11690244483486996 0.6128983325540146 -0.7814662195796683 0.4952216676184257 -0.075294466151343 0.7900663332932819 0.6083797599883586 2.5495747904152277 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/14588590_8291532597.jpg notre_dame_front_facade/test/images/11689125_6228298812.jpg 0 0 539.759 0.0 213.0 0.0 539.759 319.5 0.0 0.0 1.0 499.904 0.0 319.5 0.0 499.904 212.5 0.0 0.0 1.0 0.7817540630605111 -0.1612012323262579 -0.6023908594798547 1.3278684323394492 0.18001413023861781 0.9832216121397659 -0.02949871752659113 0.27110613530232025 0.5970389416133726 -0.08537812435147257 0.7976559898097729 0.8182569769066347 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/61128028_158284839.jpg notre_dame_front_facade/test/images/79553233_156495686.jpg 0 0 908.622 0.0 319.5 0.0 908.622 239.5 0.0 0.0 1.0 1426.95 0.0 239.5 0.0 1426.95 319.5 0.0 0.0 1.0 0.9190402106572875 0.1202276336944154 0.3753803501666675 -1.1372176607264546 -0.011806318794227876 0.9603153374017659 -0.27866658139694717 0.28362074095356 -0.39398693129536344 0.25167393358703993 0.8839878557544151 4.558631958606153 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/53981929_372412956.jpg notre_dame_front_facade/test/images/64341618_7502873932.jpg 0 0 669.186 0.0 239.5 0.0 669.186 319.5 0.0 0.0 1.0 858.706 0.0 305.5 0.0 858.706 305.5 0.0 0.0 1.0 0.9948497667232804 -0.010725911431198665 -0.10079135118949877 0.2245101250122366 0.04466744750632666 0.9390168585150643 0.3409577078726469 -0.5918986105867607 0.09098769578302514 -0.3437037885279558 0.9346598017287497 -0.6543094979874083 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/91316375_2178414357.jpg notre_dame_front_facade/test/images/06756861_3618322110.jpg 0 0 665.749 0.0 319.5 0.0 665.749 239.5 0.0 0.0 1.0 619.283 0.0 239.5 0.0 619.283 319.5 0.0 0.0 1.0 0.9960173935095292 0.011635557042601498 0.08839663816453618 -0.18830998168462007 -0.017762653664162197 0.9974691179619487 0.06884654564332995 -0.09872618504721985 -0.08737184879176241 -0.07014251581259727 0.9937032693486465 -0.3723339137355274 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/59102103_1305207152.jpg notre_dame_front_facade/test/images/66615705_4179549738.jpg 0 0 490.265 0.0 166.0 0.0 490.265 249.5 0.0 0.0 1.0 738.007 0.0 239.5 0.0 738.007 319.5 0.0 0.0 1.0 0.9931852496015534 0.09479216650445622 0.06780490500909085 -0.012024867207004353 -0.0787776830391448 0.974772911446568 -0.20883449850291896 -0.17020140555900257 -0.08589025922003278 0.2020698302057313 0.9755975846073741 -0.5618748561299862 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/91316375_2178414357.jpg notre_dame_front_facade/test/images/92967069_3531809918.jpg 0 0 665.749 0.0 319.5 0.0 665.749 239.5 0.0 0.0 1.0 547.756 0.0 249.5 0.0 547.756 187.0 0.0 0.0 1.0 0.9899203079174874 -0.0004065280503240226 0.14162492262130702 -0.385727956717777 -0.07420438545893782 0.8502580064537885 0.5211094238640198 -1.4272898193587586 -0.12062956997025351 -0.5263659916789587 0.8416575013938972 -1.4884190545210179 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/36982333_6368134453.jpg notre_dame_front_facade/test/images/86200490_476468804.jpg 0 0 761.713 0.0 239.5 0.0 761.713 319.5 0.0 0.0 1.0 254.811 0.0 319.5 0.0 254.811 222.0 0.0 0.0 1.0 0.9560762586598478 0.11052460832005956 0.2714820409947684 -0.7829962387593931 -0.0662992311048075 0.983724553887863 -0.16700423357818375 0.005971563554981338 -0.28552162717016555 0.14166973224306828 0.9478433875827158 -0.3146571815717657 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/48070518_9871726453.jpg notre_dame_front_facade/test/images/12535548_289900767.jpg 0 0 962.531 0.0 319.5 0.0 962.531 212.5 0.0 0.0 1.0 520.377 0.0 213.0 0.0 520.377 319.5 0.0 0.0 1.0 0.8651243431719684 0.0780699000638733 0.4954442062990414 -1.4799078863127022 -0.1491200661785014 0.9831789748527554 0.10546235949571868 -0.5525001576625712 -0.4788768909794974 -0.16511872731916777 0.8622138535040532 -0.8251414467150416 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/55422345_4940624653.jpg notre_dame_front_facade/test/images/43866772_7750717370.jpg 0 0 668.447 0.0 319.5 0.0 668.447 239.5 0.0 0.0 1.0 440.442 0.0 319.5 0.0 440.442 212.5 0.0 0.0 1.0 0.9580894768131004 0.03089991380847729 0.28479773479897613 -0.7874791986274804 0.017975825585257035 0.9857215792916555 -0.16742113908731185 -0.001459821189215163 -0.28590457169224787 0.16552390596343858 0.9438540207257049 0.19702540128176577 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/60062345_10045738.jpg notre_dame_front_facade/test/images/30853200_42283424.jpg 0 0 678.814 0.0 239.5 0.0 678.814 319.5 0.0 0.0 1.0 648.551 0.0 239.5 0.0 648.551 319.5 0.0 0.0 1.0 0.9939716243898836 -0.02859957720191483 0.1058417407812597 -0.08511125212890908 0.04977850953358037 0.9778613398396334 -0.2032468942829187 -0.04624309982262504 -0.09768577120722796 0.20729028976512232 0.9733900687148708 -1.1731879626170671 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/28423302_8234914327.jpg notre_dame_front_facade/test/images/62554528_6086102803.jpg 0 0 656.289 0.0 239.5 0.0 656.289 319.5 0.0 0.0 1.0 297.501 0.0 319.5 0.0 297.501 216.0 0.0 0.0 1.0 0.9253976608854887 -0.07074244781563228 -0.37233677672870163 0.30353260002126253 0.198228718785662 0.9276770463774017 0.3164185087397626 0.039631586588582235 0.323024061450941 -0.3666207900563645 0.8724933535690605 0.003542906024796233 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/75770066_13501461803.jpg notre_dame_front_facade/test/images/08166131_278426084.jpg 0 0 561.631 0.0 239.5 0.0 561.631 319.5 0.0 0.0 1.0 496.946 0.0 212.5 0.0 496.946 319.5 0.0 0.0 1.0 0.7745318278233152 0.5603235258131094 -0.2934927496703109 0.5638103580482698 -0.511734325652568 0.8278038202760651 0.22993219671299442 -0.2018186511250013 0.3717908385605888 -0.027899490259091057 0.927897187626785 -0.2355900009070313 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/20084313_4238584258.jpg notre_dame_front_facade/test/images/84557583_2821153446.jpg 0 0 634.619 0.0 213.0 0.0 634.619 319.5 0.0 0.0 1.0 1702.85 0.0 319.5 0.0 1702.85 239.5 0.0 0.0 1.0 0.981940218405108 0.10376418110107588 0.15819735206049323 -0.18904951941393078 -0.07939381826338339 0.9849900169520696 -0.15326867953473994 0.6543513019045808 -0.17172661150820323 0.13794078883776575 0.975439546909354 1.4465949776850038 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/35960796_2756840211.jpg notre_dame_front_facade/test/images/66536323_206198871.jpg 0 0 544.223 0.0 187.0 0.0 544.223 249.5 0.0 0.0 1.0 647.198 0.0 239.5 0.0 647.198 319.5 0.0 0.0 1.0 0.9877549161937746 -0.03070750223197587 -0.15296167768987884 0.5968243938015162 0.0643235517085663 0.9733855673388989 0.21996140114103072 -0.410953028519768 0.14213622420278577 -0.22710699373423804 0.9634415950987233 -1.0448453993943974 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/66790349_9649911334.jpg notre_dame_front_facade/test/images/28264157_4531674049.jpg 0 0 596.021 0.0 239.5 0.0 596.021 319.5 0.0 0.0 1.0 321.962 0.0 190.5 0.0 321.962 319.5 0.0 0.0 1.0 0.9998396019318349 0.0040221159154230236 0.017452592711480103 -0.022344068037295745 0.0015101499875450372 0.9520544764039144 -0.30592481659107623 0.5690082296682281 -0.017846284089552824 0.30590210287415726 0.9518956947068115 -0.7772526521196469 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/33779601_2412524560.jpg notre_dame_front_facade/test/images/54610599_2978121532.jpg 0 0 1178.29 0.0 202.5 0.0 1178.29 319.5 0.0 0.0 1.0 649.211 0.0 239.5 0.0 649.211 319.5 0.0 0.0 1.0 0.9695233264511423 0.09822228477082448 0.22444799451434405 -0.6887721120510621 -0.08675092577110977 0.9943951813613651 -0.06043591782337049 0.5565867815457226 -0.229126158142119 0.03912296077365373 0.9726101981756802 -1.3324077044401808 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/56007984_3321151457.jpg notre_dame_front_facade/test/images/29443215_4125074438.jpg 0 0 703.863 0.0 319.5 0.0 703.863 213.0 0.0 0.0 1.0 532.032 0.0 319.5 0.0 532.032 213.0 0.0 0.0 1.0 0.9844624409964838 -0.0342314394353139 -0.17222633602742288 0.7510152253242784 0.040882595405169926 0.9985430204506734 0.035220018486410584 -0.1053978459124633 0.17076977384824726 -0.041713844984997014 0.9844275694414424 -0.3884220040336199 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/78771774_3535210759.jpg notre_dame_front_facade/test/images/74454771_4611697867.jpg 0 0 498.975 0.0 212.5 0.0 498.975 319.5 0.0 0.0 1.0 515.145 0.0 319.5 0.0 515.145 239.5 0.0 0.0 1.0 0.9693431721124631 -0.05569107846408156 -0.23931635643736252 0.6299667884845686 0.152184797300548 0.9007483479091201 0.40680732688778076 -0.48384489251225904 0.19290827392711385 -0.43075621587911883 0.8816095963247925 -0.5271312576755224 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/84092770_8200390352.jpg notre_dame_front_facade/test/images/20449428_10758420474.jpg 0 0 499.749 0.0 319.5 0.0 499.749 212.5 0.0 0.0 1.0 916.516 0.0 239.5 0.0 916.516 319.5 0.0 0.0 1.0 0.9985693046424967 -0.01515223967827316 -0.05128112185329811 0.09317960543704837 0.011721947682238472 0.9977146560413884 -0.0665436778570965 0.26104836227883377 0.05217221260724437 0.0658473594986643 0.9964648440756544 0.9655809869800196 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/86620018_1656400518.jpg notre_dame_front_facade/test/images/52678522_7965495246.jpg 0 0 622.811 0.0 165.5 0.0 622.811 249.5 0.0 0.0 1.0 736.382 0.0 239.5 0.0 736.382 319.5 0.0 0.0 1.0 0.9457461412801841 0.04786868723817457 0.3213608953120092 -0.9256703991843374 -0.08754976468074724 0.9900481831926582 0.11018000572364385 -0.2733570597911907 -0.3128885983189354 -0.1323373860215254 0.9405251412391917 -0.7832485789011765 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/55422345_4940624653.jpg notre_dame_front_facade/test/images/60713194_2656171721.jpg 0 0 668.447 0.0 319.5 0.0 668.447 239.5 0.0 0.0 1.0 525.662 0.0 319.5 0.0 525.662 212.5 0.0 0.0 1.0 0.9457564979977274 0.08006028560408904 0.3148571059450083 -0.9137572597277505 -0.09880588924141571 0.9941332075038777 0.04400638577826192 -0.01587877551760132 -0.3094867408246879 -0.07272906164006117 0.9481183685841493 -0.18021817853447653 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/61128028_158284839.jpg notre_dame_front_facade/test/images/12023672_2650236061.jpg 0 0 908.622 0.0 319.5 0.0 908.622 239.5 0.0 0.0 1.0 848.099 0.0 213.0 0.0 848.099 319.5 0.0 0.0 1.0 0.9620515139648593 0.06638631453415846 0.26466911742871235 -0.8586905806921131 -0.04562623402273983 0.9954345767562807 -0.08383465969959222 0.005488615684534265 -0.26902626497578985 0.06857740619632705 0.9606882991441916 0.22030584313813734 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16588250_2425068783.jpg notre_dame_front_facade/test/images/98282583_3572009571.jpg 0 0 727.948 0.0 239.5 0.0 727.948 319.5 0.0 0.0 1.0 660.309 0.0 239.5 0.0 660.309 319.5 0.0 0.0 1.0 0.9194677501114524 0.012115898213912285 0.3929787036411178 -1.0121977994365268 -0.13881797384245456 0.9451539408888516 0.2956579073195049 -0.6359428766378725 -0.36784320932057313 -0.32640041824842 0.8707204719793818 -0.7411629730278557 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/63253229_143438035.jpg notre_dame_front_facade/test/images/94100874_2339251144.jpg 0 0 520.078 0.0 187.0 0.0 520.078 249.5 0.0 0.0 1.0 481.564 0.0 187.0 0.0 481.564 249.5 0.0 0.0 1.0 0.9980154437058547 0.012040854534127047 0.061807701354230186 -0.0972739564153417 0.002439193161011743 0.9734188607079497 -0.22901915193878555 0.1856548159115326 -0.062922368529236 0.22871541146176672 0.9714576862110598 0.9934042324599381 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/21370056_8707038673.jpg notre_dame_front_facade/test/images/92967069_3531809918.jpg 0 0 1809.08 0.0 239.5 0.0 1809.08 319.5 0.0 0.0 1.0 547.756 0.0 249.5 0.0 547.756 187.0 0.0 0.0 1.0 0.959147417875506 -0.07238460557384936 -0.27348985293547573 1.240016864150701 0.19776803452044955 0.8628178783539525 0.4652237239379588 -2.1395965504768704 0.20229689890027516 -0.5003056842258562 0.8418849012938942 -2.3512067000845307 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/85190592_5089023484.jpg notre_dame_front_facade/test/images/87453268_2874605638.jpg 0 0 491.859 0.0 239.5 0.0 491.859 319.5 0.0 0.0 1.0 859.782 0.0 212.5 0.0 859.782 319.5 0.0 0.0 1.0 0.9997738887633804 -0.02068449649106514 0.004931830477560229 -0.3084051861718209 0.019338431321562658 0.9808821979348878 0.19363919760328674 0.061306601701866296 -0.008842874022029401 -0.19350003973987873 0.9810604151629482 0.1751007952643015 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/33410339_34199684.jpg notre_dame_front_facade/test/images/71030258_6660702975.jpg 0 0 1083.7 0.0 212.5 0.0 1083.7 319.5 0.0 0.0 1.0 381.329 0.0 319.5 0.0 381.329 237.5 0.0 0.0 1.0 0.6512499106694422 -0.12400618992738041 -0.7486628204423793 0.6308177445049667 0.3201604753979215 0.9393563177171262 0.12291044853021392 -0.11792393382385791 0.6880194937979739 -0.31973766313122376 0.6514575987194896 -0.23877204473923985 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/86877326_2716699476.jpg notre_dame_front_facade/test/images/46229295_1990406788.jpg 0 0 570.15 0.0 213.0 0.0 570.15 319.5 0.0 0.0 1.0 966.463 0.0 241.5 0.0 966.463 319.5 0.0 0.0 1.0 0.999950310165257 -0.0025758424984279353 -0.009630277038035246 0.16224537692622043 0.0034661744828033336 0.9956029523336237 0.09360954512776389 -0.08131955059496772 0.009346808806260005 -0.09363827390546768 0.9955624093069926 -0.38530238789486415 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/68199511_6932972308.jpg notre_dame_front_facade/test/images/64123516_6358230237.jpg 0 0 688.798 0.0 213.0 0.0 688.798 319.5 0.0 0.0 1.0 528.109 0.0 319.5 0.0 528.109 211.5 0.0 0.0 1.0 0.951214580195778 0.08913868440255655 0.2953728446657738 -1.3051315922080051 -0.0378888166281522 0.9838577106351318 -0.17489551966335612 0.17750690439311487 -0.30619480726734755 0.15517184076622448 0.9392371584619794 1.9616546405828983 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/47637734_4638229298.jpg notre_dame_front_facade/test/images/94100874_2339251144.jpg 0 0 675.352 0.0 319.5 0.0 675.352 319.5 0.0 0.0 1.0 481.564 0.0 187.0 0.0 481.564 249.5 0.0 0.0 1.0 0.89407031005156 -0.2212728145791399 -0.38945682971612244 1.2545410235117356 0.09999647237323124 0.9461213622603118 -0.3079855084051866 0.13090641800934555 0.4366222465670031 0.23641638987793806 0.8680255205924915 1.0416119895247118 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/19454938_7173253342.jpg notre_dame_front_facade/test/images/89918126_5084271.jpg 0 0 353.538 0.0 319.5 0.0 353.538 211.5 0.0 0.0 1.0 647.856 0.0 319.5 0.0 647.856 239.5 0.0 0.0 1.0 0.96165587332275 0.13316259259317648 0.2397617676730855 -0.043876566804989414 -0.08295006608389076 0.9744927836067752 -0.20852602052261254 -0.1389408930412097 -0.261413977898155 0.18064201790331783 0.9481725547215973 -0.2896821645280041 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/35152725_4701790456.jpg notre_dame_front_facade/test/images/76022149_7552328104.jpg 0 0 711.581 0.0 239.5 0.0 711.581 319.5 0.0 0.0 1.0 963.011 0.0 305.5 0.0 963.011 305.5 0.0 0.0 1.0 0.9758609920573553 0.06186623456035571 -0.20944663569070945 -0.015592676240880267 0.09827172902589926 0.7320660266281894 0.6741082998532768 -0.5592605494815741 0.1950333085785451 -0.6784186772768998 0.7083149771583033 -0.5012592332247365 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/54869923_2442824829.jpg notre_dame_front_facade/test/images/42724754_4633133394.jpg 0 0 527.475 0.0 239.5 0.0 527.475 319.5 0.0 0.0 1.0 653.704 0.0 319.5 0.0 653.704 239.5 0.0 0.0 1.0 0.9710570119553203 0.006100100958131007 -0.23876990660614172 0.6605827401509226 0.057856973813068556 0.9638939564750707 0.2599250108243307 -0.25368878997995115 0.2317344387733488 -0.2662165085773892 0.9356430518350821 -0.3782211497728862 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/92064571_307220044.jpg notre_dame_front_facade/test/images/92967069_3531809918.jpg 0 0 674.607 0.0 213.0 0.0 674.607 319.5 0.0 0.0 1.0 547.756 0.0 249.5 0.0 547.756 187.0 0.0 0.0 1.0 0.9937095642234858 -0.04719537708712411 -0.101557364835711 0.2303245891006026 0.09157009954863632 0.864485663813334 0.4942463494350484 -1.2938668938238613 0.064468743119611 -0.500436942524054 0.8633693576435025 -1.364942844365925 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/85088510_2525102624.jpg notre_dame_front_facade/test/images/76309603_8305176254.jpg 0 0 889.277 0.0 166.0 0.0 889.277 249.5 0.0 0.0 1.0 484.145 0.0 319.5 0.0 484.145 212.0 0.0 0.0 1.0 0.9711220242622076 0.05497171562850664 0.23216400339788065 -0.7357851150161728 -0.15577769653227386 0.8831368825649738 0.4424958258746835 -1.6337699054486021 -0.18070783949782404 -0.4658834158180327 0.8661970443321488 -1.450174139930645 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16990573_5919017332.jpg notre_dame_front_facade/test/images/87628400_7656196462.jpg 0 0 524.456 0.0 213.0 0.0 524.456 319.5 0.0 0.0 1.0 486.204 0.0 212.0 0.0 486.204 319.5 0.0 0.0 1.0 0.9968496584521581 0.044824711193201465 0.06543320036695081 -0.01821841550655723 -0.0607209302860587 0.9620566111697944 0.26600760427041736 -0.27013373980037503 -0.051026728966405956 -0.2691427542605178 0.9617476024197051 -0.5406821971544215 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/63136592_197609530.jpg notre_dame_front_facade/test/images/07705674_1304394874.jpg 0 0 889.805 0.0 259.5 0.0 889.805 319.5 0.0 0.0 1.0 825.019 0.0 239.5 0.0 825.019 319.5 0.0 0.0 1.0 0.9985698109792055 0.0006772526135538678 -0.05345908650408453 0.16654322474339 0.0005796426186248126 0.9997238487819796 0.023492343241582465 -0.2112111301716828 0.05346023396309106 -0.02348973191509611 0.9982936621451466 -0.6698363876460958 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/51797576_5255048101.jpg notre_dame_front_facade/test/images/00428654_11477382116.jpg 0 0 603.995 0.0 238.5 0.0 603.995 319.5 0.0 0.0 1.0 565.607 0.0 319.5 0.0 565.607 239.5 0.0 0.0 1.0 0.8889613270999035 0.17575860575992072 0.4229144965854294 -0.882289210225559 -0.26626937532589007 0.9496671691335097 0.16502390018874905 -0.10959183490146229 -0.3726236421435693 -0.25930904413705796 0.8910165211399765 -0.02755032828513493 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/09939185_8343101195.jpg notre_dame_front_facade/test/images/92263499_2724825410.jpg 0 0 612.367 0.0 319.5 0.0 612.367 239.5 0.0 0.0 1.0 1088.49 0.0 239.5 0.0 1088.49 319.5 0.0 0.0 1.0 0.9838617790776688 -0.07943910878543403 -0.1603291229487029 0.19358166833422763 0.02105528001945163 0.9412176121481631 -0.3371440074588491 0.29402491916059253 0.1776870137444681 0.32832732840488005 0.9277006470673002 2.031646460725076 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/77284769_5343756940.jpg notre_dame_front_facade/test/images/88042390_4857002374.jpg 0 0 926.103 0.0 319.5 0.0 926.103 224.0 0.0 0.0 1.0 528.338 0.0 239.5 0.0 528.338 319.5 0.0 0.0 1.0 0.8950156511512793 -0.12009316438175155 -0.42956328528288934 1.4991902517342162 0.1692323832860103 0.9824904796472678 0.07792854322915657 -0.886545053006202 0.41268315284439255 -0.1424432844021059 0.8996680088161148 -1.6994963398518061 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/73553965_4768986609.jpg notre_dame_front_facade/test/images/15793931_276435531.jpg 0 0 567.368 0.0 319.5 0.0 567.368 239.5 0.0 0.0 1.0 548.704 0.0 187.0 0.0 548.704 249.5 0.0 0.0 1.0 0.9958385716564758 0.044482643624778176 0.07954139562103088 -0.35241665531484095 -0.0441354273699186 0.9990068185451495 -0.0061188684553429755 0.06388613997290193 -0.07973458002689304 0.0025828117333886146 0.996812783742005 0.2530318576292011 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/72214550_1126054905.jpg notre_dame_front_facade/test/images/48878579_6144672125.jpg 0 0 431.766 0.0 319.5 0.0 431.766 239.5 0.0 0.0 1.0 1152.32 0.0 239.5 0.0 1152.32 319.5 0.0 0.0 1.0 0.8919895128027538 0.32741938891230027 0.3116909572223775 -0.44655374354454996 -0.11157160765633506 0.8276191889492698 -0.5500893149734265 0.6659233249981481 -0.4380713245749907 0.45589803887190467 0.7747583447358696 2.665250429620635 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/58525912_2163151497.jpg notre_dame_front_facade/test/images/06852016_2679741155.jpg 0 0 672.919 0.0 239.5 0.0 672.919 319.5 0.0 0.0 1.0 882.112 0.0 213.0 0.0 882.112 319.5 0.0 0.0 1.0 0.969617866802022 0.06175836290248821 0.2367004372406204 -0.6870093663151431 -0.04473196969450625 0.996054554123886 -0.07664447857684752 0.11486321170555934 -0.24049998599905587 0.06372777903451236 0.9685548652057777 0.4729887272287282 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/51600076_9763474571.jpg notre_dame_front_facade/test/images/03640003_2550682198.jpg 0 0 454.343 0.0 319.5 0.0 454.343 239.5 0.0 0.0 1.0 679.184 0.0 319.5 0.0 679.184 239.5 0.0 0.0 1.0 0.8929021325486283 0.29370942552973156 0.341263175635911 -0.947070009241278 -0.04637223446924972 0.8138984866605677 -0.5791535800476127 0.3965205631513199 -0.4478564474923193 0.501302330701377 0.7403516567638156 3.35585010082562 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/97684963_8291074855.jpg notre_dame_front_facade/test/images/51575595_2715884125.jpg 0 0 599.175 0.0 319.5 0.0 599.175 239.5 0.0 0.0 1.0 912.594 0.0 213.0 0.0 912.594 319.5 0.0 0.0 1.0 0.9875498800442657 -0.050077601469665514 -0.14912232648266324 0.33931858413052596 0.020806618928648775 0.9812287294985472 -0.19172184282294213 0.45385927560705275 0.1559240809923683 0.18623215146078373 0.9700542596829175 1.6796475858367366 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/75827637_332080023.jpg notre_dame_front_facade/test/images/94022639_2742603296.jpg 0 0 824.199 0.0 239.5 0.0 824.199 319.5 0.0 0.0 1.0 699.852 0.0 239.5 0.0 699.852 319.5 0.0 0.0 1.0 0.9898878921368696 0.06275916356904837 0.12721339704975487 -0.349230495148555 -0.06406255372684398 0.9979267726812505 0.00617621048692001 -0.1245106466881124 -0.12656204095549495 -0.014263371063565152 0.9918561418043861 -0.4916039890720103 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/87120893_9723511941.jpg notre_dame_front_facade/test/images/89205044_8290554496.jpg 0 0 2066.21 0.0 261.5 0.0 2066.21 319.5 0.0 0.0 1.0 503.867 0.0 319.5 0.0 503.867 213.0 0.0 0.0 1.0 0.9790358752800966 -0.01575897423724717 -0.20307734892283047 0.2585625769931177 0.1158184096488072 0.8632133232782282 0.4913744544656123 -0.5948115237325466 0.16755551587744383 -0.5045933147059589 0.8469419908429956 -0.2645981641852956 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/92263499_2724825410.jpg notre_dame_front_facade/test/images/83586356_85985164.jpg 0 0 1088.49 0.0 239.5 0.0 1088.49 319.5 0.0 0.0 1.0 761.7 0.0 187.0 0.0 761.7 249.5 0.0 0.0 1.0 0.9908643422625447 -0.0018767796318563885 0.1348492971091358 -0.42014771394750067 -0.01601124689714159 0.9911941930273109 0.13144470959965085 -0.5588570072235024 -0.13390853298208186 -0.13240298111126966 0.9821089325464031 -1.1930044738631849 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/91316375_2178414357.jpg notre_dame_front_facade/test/images/76037076_5253334624.jpg 0 0 665.749 0.0 319.5 0.0 665.749 239.5 0.0 0.0 1.0 672.424 0.0 239.5 0.0 672.424 319.5 0.0 0.0 1.0 0.9972913190550536 -0.0045305880025692195 -0.0734132052820343 0.14967084993611576 0.00011179442106376111 0.9981933573510796 -0.06008334912592161 0.013285527907587566 0.07355278675508191 0.059912395316252684 0.9954900765191135 0.2272341523811574 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/79255400_2324943723.jpg notre_dame_front_facade/test/images/07705674_1304394874.jpg 0 0 1184.71 0.0 249.5 0.0 1184.71 165.5 0.0 0.0 1.0 825.019 0.0 239.5 0.0 825.019 319.5 0.0 0.0 1.0 0.9962593289172231 0.009365367639258864 0.08590482777111813 -0.021094663063398744 -0.0006936828257133221 0.9949444596013836 -0.10042430538792818 0.3152384625231779 -0.0864110429837602 0.09998906038908492 0.9912291962270716 1.0992187782695866 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/82177628_9120294308.jpg notre_dame_front_facade/test/images/79553233_156495686.jpg 0 0 595.0 0.0 239.5 0.0 595.0 319.5 0.0 0.0 1.0 1426.95 0.0 239.5 0.0 1426.95 319.5 0.0 0.0 1.0 0.7661228585589261 0.27539910219826774 0.5806988032550849 -0.8122718660945549 -0.06648258652652637 0.9326505619147198 -0.35460258748195916 0.31510871483718284 -0.6392462993887745 0.23306278954081375 0.7328341591719177 6.167173035011308 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/01927388_3809070796.jpg notre_dame_front_facade/test/images/08994755_224674449.jpg 0 0 688.527 0.0 319.5 0.0 688.527 239.5 0.0 0.0 1.0 665.565 0.0 319.5 0.0 665.565 239.5 0.0 0.0 1.0 0.9765620859407664 -0.014557585738005899 0.21474303015581045 -0.5908008410838237 -0.04546385846642915 0.9612469066742648 0.27191436516392775 0.14521320458976297 -0.2103794901514005 -0.2753043063714005 0.9380554402683237 0.6122618498668494 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/02864341_2175867632.jpg notre_dame_front_facade/test/images/13729493_60409794.jpg 0 0 725.615 0.0 240.0 0.0 725.615 319.5 0.0 0.0 1.0 698.515 0.0 239.5 0.0 698.515 319.5 0.0 0.0 1.0 0.9771929073419601 -0.04508027600563233 -0.20751335030745263 0.22188299875411535 0.05953066991622037 0.9961776356616844 0.06392352889838401 0.17782001140209686 0.20383846835151984 -0.07481902781213169 0.9761413790519046 0.7054680702542881 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/08166131_278426084.jpg notre_dame_front_facade/test/images/78529936_5637285314.jpg 0 0 496.946 0.0 212.5 0.0 496.946 319.5 0.0 0.0 1.0 580.444 0.0 319.5 0.0 580.444 213.5 0.0 0.0 1.0 0.9992952372100903 0.021621449416199055 0.03068455335135632 -0.08224512223341235 -0.010561166456173877 0.9463722294023412 -0.32290565987471886 0.19617732556234746 -0.036020697554523785 0.3223540233054109 0.9459336091959627 0.6278043189877098 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/97684963_8291074855.jpg notre_dame_front_facade/test/images/66678449_3070814495.jpg 0 0 599.175 0.0 319.5 0.0 599.175 239.5 0.0 0.0 1.0 542.068 0.0 213.0 0.0 542.068 319.5 0.0 0.0 1.0 0.9306722692703833 -0.1614795820675177 -0.32828870188664 0.7210473148689818 0.10850857650862973 0.9787790870726735 -0.17383149177653356 0.09571154486842026 0.34939235257112616 0.12615800919673725 0.9284444736656737 0.29408709257179055 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/90054575_2232251410.jpg notre_dame_front_facade/test/images/91963349_6452367725.jpg 0 0 712.891 0.0 319.5 0.0 712.891 239.5 0.0 0.0 1.0 516.037 0.0 239.5 0.0 516.037 319.5 0.0 0.0 1.0 0.9999071063831297 -0.013044163678052969 0.003953276926377411 -0.17053624531553807 0.011396354620162419 0.9592048941830174 0.2824820243426431 -0.7028876214636559 -0.007476744337475168 -0.2824107306199364 0.9592644460860759 -1.3979080568662436 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/35889908_11468630525.jpg notre_dame_front_facade/test/images/45910471_10449001815.jpg 0 0 1542.55 0.0 319.5 0.0 1542.55 213.0 0.0 0.0 1.0 2267.99 0.0 319.5 0.0 2267.99 213.0 0.0 0.0 1.0 0.9495442891608037 0.0973923127122604 0.29812812739938055 -0.44545115160752 -0.16371006101738664 0.9647025874603166 0.20627150474327263 -0.31445321551209615 -0.26751571700329596 -0.244670503273132 0.931971934118343 -0.4072423706102156 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/61128028_158284839.jpg notre_dame_front_facade/test/images/23048535_5627293787.jpg 0 0 908.622 0.0 319.5 0.0 908.622 239.5 0.0 0.0 1.0 619.129 0.0 319.5 0.0 619.129 213.5 0.0 0.0 1.0 0.9679840214603528 -0.05749207494756259 -0.2443390994410576 0.287553532715936 0.034211075067868545 0.9945506008447104 -0.09848200191977395 -0.011025156593189256 0.24866953279431686 0.08696990098677554 0.9646759558433115 0.20351443488036042 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/77664805_1165807524.jpg notre_dame_front_facade/test/images/79846448_7965487020.jpg 0 0 735.025 0.0 239.5 0.0 735.025 319.5 0.0 0.0 1.0 727.071 0.0 239.5 0.0 727.071 319.5 0.0 0.0 1.0 0.9684408180345895 0.08653633357405009 0.23373883916896665 -0.5145607541115766 -0.10967671128233303 0.9900759889629327 0.08786668925914205 -0.24164867790940348 -0.22381555121748606 -0.11072939560311702 0.9683210211405004 -0.6178937397047928 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/96809970_2634698191.jpg notre_dame_front_facade/test/images/12742093_2172973211.jpg 0 0 1900.54 0.0 319.5 0.0 1900.54 239.5 0.0 0.0 1.0 721.14 0.0 240.0 0.0 721.14 319.5 0.0 0.0 1.0 0.9996421081462186 0.026751475209782515 0.00011914312635265786 0.43292802662810415 -0.0262563703584133 0.9802685968644835 0.19591855710202263 -0.4948022034597727 0.005124318158155352 -0.19585156771248233 0.9806201633598898 -1.5967334154540138 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/77664805_1165807524.jpg notre_dame_front_facade/test/images/24710907_307223581.jpg 0 0 735.025 0.0 239.5 0.0 735.025 319.5 0.0 0.0 1.0 667.982 0.0 319.5 0.0 667.982 213.0 0.0 0.0 1.0 0.9832231573015479 -0.015945031408141058 -0.18170849985449042 0.7384227410803128 -0.006405506629861453 0.9925393832031375 -0.12175607695532151 0.08822474228290178 0.18229424683952786 0.12087732940518152 0.9757855700947216 0.2898445810266655 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/65117548_393332042.jpg notre_dame_front_facade/test/images/36982333_6368134453.jpg 0 0 528.38 0.0 319.5 0.0 528.38 213.5 0.0 0.0 1.0 761.713 0.0 239.5 0.0 761.713 319.5 0.0 0.0 1.0 0.992965309699619 0.06322961296285501 -0.10010948894938589 0.15835535368555945 -0.057528599241508056 0.9966079407215254 0.05884787812750917 0.21886401661245586 0.1034908401862195 -0.05267474286000621 0.993234623571985 0.6219635586398923 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/69686908_4629008721.jpg notre_dame_front_facade/test/images/48323035_392280377.jpg 0 0 719.18 0.0 319.5 0.0 719.18 239.5 0.0 0.0 1.0 523.158 0.0 319.5 0.0 523.158 239.5 0.0 0.0 1.0 0.9992660120943575 -0.036956066963354996 0.010083956943560943 -0.007305961886285822 0.018232410467438332 0.6903411244255824 0.7232542506860014 -0.20696027105357495 -0.03369000269496002 -0.7225395359711623 0.6905082205716245 -0.1318051101467802 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/88042390_4857002374.jpg notre_dame_front_facade/test/images/47488321_414904806.jpg 0 0 528.338 0.0 239.5 0.0 528.338 319.5 0.0 0.0 1.0 559.625 0.0 249.5 0.0 559.625 187.0 0.0 0.0 1.0 0.9971084539108211 0.024244165207763534 -0.07202049425649791 0.05615216124043787 -0.02081138603505674 0.9986286852221301 0.048037852395996505 0.0800690587759092 0.07308636911812921 -0.046400102423360776 0.9962456590340708 0.019125664478379822 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/08090503_170650847.jpg notre_dame_front_facade/test/images/74816282_4206306388.jpg 0 0 3257.44 0.0 239.5 0.0 3257.44 319.5 0.0 0.0 1.0 698.885 0.0 191.0 0.0 698.885 319.5 0.0 0.0 1.0 0.9489633726826817 -0.003859972067047758 -0.31536267680616736 2.9120313657471555 0.07690798546091071 0.9725716674385751 0.21952110027989108 -2.087528813177722 0.30586545911405866 -0.23257139185934128 0.9232317523837418 -6.144655448939955 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/35249264_6310946396.jpg notre_dame_front_facade/test/images/17355996_7160680080.jpg 0 0 1037.12 0.0 319.5 0.0 1037.12 239.5 0.0 0.0 1.0 592.885 0.0 207.5 0.0 592.885 319.5 0.0 0.0 1.0 0.9978780886697599 0.059187319576444644 0.02713266212781122 -0.17429421594525374 -0.05811999936280133 0.9975642793524815 -0.038569083914862926 0.3708809461113236 -0.029349375237884032 0.03691029343312751 0.99888750338155 1.4338157082039522 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/95306290_4701287373.jpg notre_dame_front_facade/test/images/67975963_918373188.jpg 0 0 1861.15 0.0 239.5 0.0 1861.15 319.5 0.0 0.0 1.0 644.159 0.0 319.5 0.0 644.159 239.5 0.0 0.0 1.0 0.9846435259203545 0.030332678170594415 0.17192165511689073 -0.5122881417039056 -0.0053195114585245585 0.9895455845831044 -0.14412230510897595 -0.03656683989236527 -0.17449593021321327 0.14099455545190845 0.9745110084919225 -0.5456971232722296 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/55165219_6771732707.jpg notre_dame_front_facade/test/images/08166131_278426084.jpg 0 0 705.515 0.0 213.0 0.0 705.515 319.5 0.0 0.0 1.0 496.946 0.0 212.5 0.0 496.946 319.5 0.0 0.0 1.0 0.9997343800939102 0.007856977062740137 0.02166649878684453 -0.05423895296086327 -0.013341293884357503 0.9638626842711056 0.2660652847464139 -0.7394289521570936 -0.018793060840000618 -0.2662836716382262 0.9637114853954628 -1.0539611095456536 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/35960796_2756840211.jpg notre_dame_front_facade/test/images/58668083_4179544564.jpg 0 0 544.223 0.0 187.0 0.0 544.223 249.5 0.0 0.0 1.0 681.176 0.0 239.5 0.0 681.176 319.5 0.0 0.0 1.0 0.9940996413852676 -0.049792194785462124 -0.0963672160858089 0.2659329658211699 0.055265176888052665 0.9969567592023425 0.05498163788297575 0.03692901965363515 0.09333629101916699 -0.05998297774543228 0.9938261312521303 0.25732280135143726 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/75827637_332080023.jpg notre_dame_front_facade/test/images/49984163_4144073459.jpg 0 0 824.199 0.0 239.5 0.0 824.199 319.5 0.0 0.0 1.0 699.426 0.0 239.5 0.0 699.426 319.5 0.0 0.0 1.0 0.9998388076870515 0.017260467203450317 0.004943168503484404 0.021443380532198908 -0.01763783416213434 0.9957215778155607 0.09070527150369526 -0.3634491424319378 -0.0033564041777280782 -0.0907778372974849 0.9958655124094753 -1.0376335428090502 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/12108431_6988563786.jpg notre_dame_front_facade/test/images/88494215_13093430663.jpg 0 0 611.0 0.0 239.5 0.0 611.0 319.5 0.0 0.0 1.0 527.97 0.0 239.5 0.0 527.97 319.5 0.0 0.0 1.0 0.9755347680477306 0.07430864344601372 0.2069061184191366 -0.3604190765510124 -0.1362418021560648 0.9429765181260853 0.3036996173986266 -0.6686741839715408 -0.1725401045418957 -0.32445879826569307 0.9300303223834446 -0.9176422564442779 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/20437892_10017965835.jpg notre_dame_front_facade/test/images/64105845_298847718.jpg 0 0 512.02 0.0 179.5 0.0 512.02 319.5 0.0 0.0 1.0 680.938 0.0 165.0 0.0 680.938 249.5 0.0 0.0 1.0 0.9905938290574986 0.01158847357180103 0.13634358479033243 -0.10045593575960737 -0.011689423580774308 0.9999316745406298 -6.022226626364364e-05 0.4235587839579048 -0.13633496693641048 -0.0015341221098028063 0.9906616088553144 2.2033058577119946 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/33988966_5921987459.jpg notre_dame_front_facade/test/images/63909552_10015127425.jpg 0 0 710.599 0.0 231.0 0.0 710.599 319.5 0.0 0.0 1.0 431.287 0.0 319.5 0.0 431.287 179.0 0.0 0.0 1.0 0.9995599541595511 0.014214431564062878 -0.0260355137430866 0.18843839740302387 -0.0054284040548878455 0.9505408678176138 0.3105520745993406 -0.7106147248470887 0.029162141038901027 -0.31027408616229635 0.9501997479404943 -1.2539893123642403 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/56381788_7846730740.jpg notre_dame_front_facade/test/images/66842228_181918175.jpg 0 0 665.593 0.0 213.5 0.0 665.593 319.5 0.0 0.0 1.0 658.953 0.0 239.5 0.0 658.953 319.5 0.0 0.0 1.0 0.9767463513582364 -0.14668508843769612 0.15636511739642675 -0.3533829962565307 0.16731276410607113 0.9775460534233327 -0.1281021170927834 0.016932949974604317 -0.13406343302914203 0.15128515547300822 0.979356828565538 0.045678380693683684 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/42027422_3584753134.jpg notre_dame_front_facade/test/images/92064571_307220044.jpg 0 0 1017.24 0.0 213.0 0.0 1017.24 319.5 0.0 0.0 1.0 674.607 0.0 213.0 0.0 674.607 319.5 0.0 0.0 1.0 0.983233508868664 0.045477990643807725 0.17658884280955212 -0.5184793445287543 -0.04259327322347674 0.9988904043828198 -0.02009410630102677 0.009283746532144685 -0.1773067401818815 0.012235701815933663 0.984079573757705 -0.092045472272204 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/78165838_2796390716.jpg notre_dame_front_facade/test/images/92245898_537005790.jpg 0 0 697.682 0.0 239.5 0.0 697.682 319.5 0.0 0.0 1.0 674.772 0.0 239.5 0.0 674.772 319.5 0.0 0.0 1.0 0.9581004450652887 0.06918986370742818 -0.27795017525780286 0.05663133444364987 -0.018854425553835336 0.9835162452829699 0.17983410661363475 -0.01463324488744605 0.2858112100718421 -0.16705854669736825 0.9436118874689066 -0.17832953190080036 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/06756861_3618322110.jpg notre_dame_front_facade/test/images/47992361_3352851129.jpg 0 0 619.283 0.0 239.5 0.0 619.283 319.5 0.0 0.0 1.0 431.773 0.0 319.5 0.0 431.773 212.0 0.0 0.0 1.0 0.8536818323906448 0.07189340111196597 0.5158087513048853 -1.6215680423210013 -0.14487911994120728 0.9841139869255459 0.10261433302695928 -0.1841722179679694 -0.5002373133335941 -0.16232990979502326 0.8505360843225448 -0.1280761877641983 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/43674862_141833517.jpg notre_dame_front_facade/test/images/37414234_5204240482.jpg 0 0 756.183 0.0 213.0 0.0 756.183 319.5 0.0 0.0 1.0 981.426 0.0 213.5 0.0 981.426 319.5 0.0 0.0 1.0 0.9986461168134991 -0.009306376422276014 0.051179338909426164 -0.12890248100503043 -0.0001689186458646669 0.9832810301957385 0.18209444561462648 0.5448457114611441 -0.05201831254289276 -0.18185655615097845 0.9819482105208481 1.2857796787447042 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/57166610_6309910907.jpg notre_dame_front_facade/test/images/89527506_47064183.jpg 0 0 718.825 0.0 213.0 0.0 718.825 319.5 0.0 0.0 1.0 486.165 0.0 249.5 0.0 486.165 187.0 0.0 0.0 1.0 0.9999433637695 0.009189213732959323 0.005369134409517599 -0.04738717526142916 -0.009223593114565224 0.9999368918377884 0.006413865592568561 0.15008532403645594 -0.005309857191527768 -0.006463025046569317 0.9999650167500127 -0.22310252134860925 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/28352136_8060371551.jpg notre_dame_front_facade/test/images/48230605_9403570019.jpg 0 0 873.568 0.0 239.5 0.0 873.568 319.5 0.0 0.0 1.0 450.656 0.0 179.5 0.0 450.656 319.5 0.0 0.0 1.0 0.9698811640724296 -0.058908751191909144 -0.2363478085587405 0.6084085703833095 0.06280207520995858 0.997985674522828 0.008971777780274935 -0.16179149772448018 0.23534321092147942 -0.023544691126147124 0.9716270995566881 -1.165912468891497 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/94554102_147558957.jpg notre_dame_front_facade/test/images/25819788_12704796265.jpg 0 0 547.53 0.0 319.5 0.0 547.53 232.5 0.0 0.0 1.0 541.8 0.0 319.5 0.0 541.8 212.0 0.0 0.0 1.0 0.998427177919594 -0.009735732291307682 0.05521218985212629 -0.1659623387836639 0.007261374292628084 0.9989677786414484 0.04484026850446625 -0.03208443279915291 -0.05559175150053834 -0.04436882636403919 0.997467274857767 -0.11620398797251968 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/32485075_5873194828.jpg notre_dame_front_facade/test/images/87628400_7656196462.jpg 0 0 1688.87 0.0 239.5 0.0 1688.87 319.5 0.0 0.0 1.0 486.204 0.0 212.0 0.0 486.204 319.5 0.0 0.0 1.0 0.9933846273686782 0.02544583008366837 0.11197987247244579 0.05581742646539892 -0.03324267887400032 0.9971094590552501 0.0683202090440814 -0.30787455740795333 -0.10991772563545989 -0.07159075634395806 0.9913590959875375 -0.6032849867537294 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/42766818_2665007597.jpg notre_dame_front_facade/test/images/13729493_60409794.jpg 0 0 831.635 0.0 319.5 0.0 831.635 239.5 0.0 0.0 1.0 698.515 0.0 239.5 0.0 698.515 319.5 0.0 0.0 1.0 0.9957736445127986 -0.03911979275369621 -0.08309326512182956 0.4014406743675679 0.041858121737190425 0.9986277669818145 0.03147190266808353 -0.25419475647406087 0.08174806748990057 -0.03481701922655979 0.9960446920865771 -0.7828991032252008 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/85190592_5089023484.jpg notre_dame_front_facade/test/images/67691681_4057682871.jpg 0 0 491.859 0.0 239.5 0.0 491.859 319.5 0.0 0.0 1.0 662.741 0.0 239.5 0.0 662.741 319.5 0.0 0.0 1.0 0.9899587771574662 -0.03817119978039455 0.1361050294302882 -0.6733972321696156 0.00991629879913426 0.9792313842192178 0.20250324238945133 -0.20633480800990117 -0.14100810808964392 -0.1991202040663875 0.9697772206984137 -0.561895900953629 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/06285764_3594606656.jpg notre_dame_front_facade/test/images/86200490_476468804.jpg 0 0 624.925 0.0 239.5 0.0 624.925 319.5 0.0 0.0 1.0 254.811 0.0 319.5 0.0 254.811 222.0 0.0 0.0 1.0 0.8902960395111897 0.11136626296212214 0.4415546597019912 -1.2270415033994944 -0.0707212086122145 0.9916840668090038 -0.10752312444113207 0.028590086569364685 -0.4498571692027564 0.06450013264332884 0.8907683538417132 -0.1658808575518339 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/98282583_3572009571.jpg notre_dame_front_facade/test/images/22891861_445889696.jpg 0 0 660.309 0.0 239.5 0.0 660.309 319.5 0.0 0.0 1.0 1183.91 0.0 319.5 0.0 1183.91 239.5 0.0 0.0 1.0 0.9630547125713826 -0.09630262155514241 -0.25149836117887253 0.4835422965110291 -0.024577511979976874 0.8985499250413304 -0.4381825853603649 0.2972176922385666 0.26818196527530647 0.42817500778282974 0.8629858609567415 1.7867652981857174 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/48230605_9403570019.jpg notre_dame_front_facade/test/images/58525912_2163151497.jpg 0 0 450.656 0.0 179.5 0.0 450.656 319.5 0.0 0.0 1.0 672.919 0.0 239.5 0.0 672.919 319.5 0.0 0.0 1.0 0.9991905088768768 0.04019255537200592 0.001698665074771657 -0.002375120752101667 -0.040220040507527595 0.9972284567345469 0.06259195971055086 0.3975066224398637 0.000821773655485288 -0.06260961245290234 0.9980377553562575 1.4948298391196848 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/43674862_141833517.jpg notre_dame_front_facade/test/images/73783180_6254295715.jpg 0 0 756.183 0.0 213.0 0.0 756.183 319.5 0.0 0.0 1.0 510.796 0.0 319.5 0.0 510.796 239.5 0.0 0.0 1.0 0.991148825461513 0.013440507852025376 0.13207330742789242 -0.28661473780372976 -0.005193062926821315 0.9980256211359139 -0.06259306394251173 0.12789514164873408 -0.13265382724859848 0.0613531768122315 0.989261719572402 1.2665101446554068 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/17253180_3321954648.jpg notre_dame_front_facade/test/images/95306290_4701287373.jpg 0 0 2056.32 0.0 319.5 0.0 2056.32 213.0 0.0 0.0 1.0 1861.15 0.0 239.5 0.0 1861.15 319.5 0.0 0.0 1.0 0.9613625626865452 -0.0011221693468408491 -0.2752830612310091 1.2638353162689278 -0.02954179773627934 0.9937964374479261 -0.10721904262918742 -0.1256843308474398 0.27369564346417224 0.11120873010590382 0.9553655389938267 -0.9215819139477486 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/89267134_4172331604.jpg notre_dame_front_facade/test/images/20432678_1041916289.jpg 0 0 278.458 0.0 319.5 0.0 278.458 221.0 0.0 0.0 1.0 637.694 0.0 319.5 0.0 637.694 239.5 0.0 0.0 1.0 0.9987800358457096 0.03519754210377759 -0.03463485276272729 -0.0956735128617281 -0.027280928604707006 0.9779366368579858 0.20711273554602214 0.12439737240277973 0.04116055065846268 -0.20591519448730441 0.9777038108490463 0.3401017418469189 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/64123516_6358230237.jpg notre_dame_front_facade/test/images/36126459_6228310178.jpg 0 0 528.109 0.0 319.5 0.0 528.109 211.5 0.0 0.0 1.0 672.751 0.0 319.5 0.0 672.751 212.5 0.0 0.0 1.0 0.9762863927090779 -0.008213034189221043 -0.21632712608571056 1.690882017832614 0.08740581371997709 0.9291636278361163 0.3591868266437066 -0.9231339754359351 0.19805328358561716 -0.3695774597778308 0.9078476733930209 -1.7993287731260632 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/66615582_2839963127.jpg notre_dame_front_facade/test/images/03640003_2550682198.jpg 0 0 537.15 0.0 187.0 0.0 537.15 249.5 0.0 0.0 1.0 679.184 0.0 319.5 0.0 679.184 239.5 0.0 0.0 1.0 0.8708925488089253 0.19831314600627886 0.4496866292766395 -1.7173815198947606 -0.092430441071699 0.9647388483514558 -0.24644587244423005 0.231285211138857 -0.4827036171320706 0.17306314050830943 0.8585140461314634 1.8864144962148026 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/08334105_1973261812.jpg notre_dame_front_facade/test/images/30853200_42283424.jpg 0 0 522.005 0.0 249.5 0.0 522.005 187.0 0.0 0.0 1.0 648.551 0.0 239.5 0.0 648.551 319.5 0.0 0.0 1.0 0.9638599960362613 0.1526298079322428 0.21835303929999467 -0.12532184080888498 0.040218754579209585 0.7268564249806612 -0.6856108147078994 0.13077805019896482 -0.26335595649439114 0.6696147244460048 0.6944492501140926 2.228787916127687 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/17253180_3321954648.jpg notre_dame_front_facade/test/images/12742093_2172973211.jpg 0 0 2056.32 0.0 319.5 0.0 2056.32 213.0 0.0 0.0 1.0 721.14 0.0 240.0 0.0 721.14 319.5 0.0 0.0 1.0 0.9926672650652095 0.03827833474867674 -0.11465805665902869 0.5624844017819823 -0.030481455814400163 0.9971509253650117 0.06899936880244577 -0.6353953035317627 0.11697256823457185 -0.06499847023253241 0.9910058613086196 -1.9229030008876824 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/42430740_6049202742.jpg notre_dame_front_facade/test/images/10570085_9512778760.jpg 0 0 459.25 0.0 319.5 0.0 459.25 239.5 0.0 0.0 1.0 532.423 0.0 319.5 0.0 532.423 239.5 0.0 0.0 1.0 0.9610481111618498 0.11273676146143825 0.25234292272110076 -0.007697191046144913 -0.18389692151959933 0.94241876520079 0.2793363443109989 0.1664217271576085 -0.20632123082187886 -0.3148607527346101 0.9264417175945499 0.46876866132751294 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/36077348_6211893193.jpg notre_dame_front_facade/test/images/11229713_5151251181.jpg 0 0 634.572 0.0 319.5 0.0 634.572 179.0 0.0 0.0 1.0 510.333 0.0 230.0 0.0 510.333 319.5 0.0 0.0 1.0 0.9783965122250305 -0.017872274777843523 -0.20596321676493792 0.4992092425308821 0.009637760512478452 0.9991161590594158 -0.04091471958433208 -0.14174561695557575 0.20651241715257626 0.038045794782415536 0.9777040140355232 -0.9060110256120024 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/87736245_2352767121.jpg notre_dame_front_facade/test/images/22891861_445889696.jpg 0 0 693.522 0.0 239.5 0.0 693.522 319.5 0.0 0.0 1.0 1183.91 0.0 319.5 0.0 1183.91 239.5 0.0 0.0 1.0 0.989391566251414 -2.8080058645955156e-05 0.14527328674633966 -0.26392684000018596 0.028128034672744773 0.9811133108969892 -0.19137785881913508 0.12207782635893148 -0.14252418144308984 0.19343389152953067 0.9707060251753458 0.9835385065114879 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/99737831_307230759.jpg notre_dame_front_facade/test/images/88021890_8415895778.jpg 0 0 677.829 0.0 213.0 0.0 677.829 319.5 0.0 0.0 1.0 630.164 0.0 180.0 0.0 630.164 319.5 0.0 0.0 1.0 0.9958388425305246 0.019768905158598832 0.08896173388764084 -0.29212693226721115 -0.009137772445453855 0.9929288949565317 -0.11835839925892826 0.009542397994661035 -0.09067249209214565 0.1170529792411585 0.9889778052254604 0.1557867090850461 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/56007984_3321151457.jpg notre_dame_front_facade/test/images/84092770_8200390352.jpg 0 0 703.863 0.0 319.5 0.0 703.863 213.0 0.0 0.0 1.0 499.749 0.0 319.5 0.0 499.749 212.5 0.0 0.0 1.0 0.9893786571474724 -0.034604537034680964 -0.14118214758842437 0.6275156013477365 0.03679893042997521 0.9992386335326919 0.012961171819262938 -0.16430197184102047 0.1406261408852354 -0.018018858796660913 0.9898987873653506 -0.6468474097641712 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/40855093_3275085444.jpg notre_dame_front_facade/test/images/78751376_5259305379.jpg 0 0 1947.13 0.0 239.5 0.0 1947.13 319.5 0.0 0.0 1.0 494.969 0.0 319.5 0.0 494.969 212.0 0.0 0.0 1.0 0.9967832070421178 -0.036585988922428016 -0.07130710745359774 0.7264113698761608 0.0696592339892896 0.8354847452766625 0.545080573429301 -4.51498226963534 0.03963368868596957 -0.5482943605624249 0.8353457157947152 -5.574139848885798 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/91197547_4558095525.jpg notre_dame_front_facade/test/images/85808395_9116833255.jpg 0 0 730.902 0.0 239.5 0.0 730.902 319.5 0.0 0.0 1.0 533.422 0.0 319.5 0.0 533.422 213.0 0.0 0.0 1.0 0.9366807377191666 -0.09794028330706482 -0.33620960202172995 1.0020599862706603 0.06614900400032228 0.9922939699787914 -0.10477111440418715 -0.011742689338893386 0.3438800733622749 0.07589715442269107 0.9359413000262862 -1.1679721379290509 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/23453150_2698843947.jpg notre_dame_front_facade/test/images/28264157_4531674049.jpg 0 0 819.299 0.0 239.5 0.0 819.299 319.5 0.0 0.0 1.0 321.962 0.0 190.5 0.0 321.962 319.5 0.0 0.0 1.0 0.8496039184230844 0.27920347102411747 0.4474579349706806 -0.2679512878094567 0.09214985416582556 0.7567578530182535 -0.6471676415523417 0.6365484245809325 -0.5193087580402993 0.5910693475923853 0.6172158780842842 0.16992108535198103 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/84092770_8200390352.jpg notre_dame_front_facade/test/images/18811361_141654097.jpg 0 0 499.749 0.0 319.5 0.0 499.749 212.5 0.0 0.0 1.0 487.423 0.0 319.5 0.0 487.423 179.5 0.0 0.0 1.0 0.9850612226519875 -0.021054540344468266 0.17091253306371224 -0.38664163307356336 -0.08885145377067952 0.7880411952264941 0.6091768986007556 -1.246155356807176 -0.14751205642322313 -0.6152623675773463 0.7743980967518646 -0.8193991810388658 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/28242249_5165846684.jpg notre_dame_front_facade/test/images/83755577_4922523649.jpg 0 0 739.638 0.0 319.5 0.0 739.638 239.5 0.0 0.0 1.0 667.625 0.0 239.5 0.0 667.625 319.5 0.0 0.0 1.0 0.990069924775931 -0.01014728595379188 -0.14020904622011404 0.3112920037542065 0.011483457725308097 0.9998960048745095 0.008724083600336004 -0.20488271542075168 0.14010593939178012 -0.010247537448898072 0.990083488259137 -0.8813102609731457 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/26162967_291218280.jpg notre_dame_front_facade/test/images/85088510_2525102624.jpg 0 0 1095.75 0.0 165.0 0.0 1095.75 249.5 0.0 0.0 1.0 889.277 0.0 166.0 0.0 889.277 249.5 0.0 0.0 1.0 0.922509934197224 -0.06080139638450207 -0.3811543145566221 1.7252665812731158 0.11119140948944223 0.9875141430545075 0.11158981908343198 -0.3579622190972608 0.36961045948834415 -0.14532380212826995 0.9177522000909607 -0.9979047014412251 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/30414576_8192509615.jpg notre_dame_front_facade/test/images/35889908_11468630525.jpg 0 0 1313.95 0.0 319.5 0.0 1313.95 211.5 0.0 0.0 1.0 1542.55 0.0 319.5 0.0 1542.55 213.0 0.0 0.0 1.0 0.7851180198883626 -0.2148497351202199 -0.5808866379641969 0.7076337964453093 0.17666949155959105 0.9766254974810532 -0.12243581347775977 0.17372579378171993 0.5936140038768055 -0.006498383541815237 0.8047236702202138 0.5356468768986746 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/68906626_8236091211.jpg notre_dame_front_facade/test/images/52366157_4087324332.jpg 0 0 595.075 0.0 319.5 0.0 595.075 239.5 0.0 0.0 1.0 691.211 0.0 319.5 0.0 691.211 239.5 0.0 0.0 1.0 0.9964836029975996 0.03949862049880416 0.07389376114134276 -0.023226130817294965 -0.0039063511287203995 0.9028552166158057 -0.4299269685080076 0.19633451583360328 -0.08369688989312277 0.4281265196274551 0.8998347147192648 0.497226189590635 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/68906626_8236091211.jpg notre_dame_front_facade/test/images/90095935_9048675746.jpg 0 0 595.075 0.0 319.5 0.0 595.075 239.5 0.0 0.0 1.0 459.15 0.0 319.5 0.0 459.15 319.5 0.0 0.0 1.0 0.9922508871879253 -0.049159355187513104 -0.11411193921901046 0.10959801137759362 0.011365399711548126 0.9504623875865873 -0.31063173931940785 0.12496227615832534 0.12372956220795399 0.3069276911273268 0.9436558630428129 0.2462058794475246 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/14613723_93691617.jpg notre_dame_front_facade/test/images/40345702_2326943941.jpg 0 0 1207.8 0.0 187.0 0.0 1207.8 249.5 0.0 0.0 1.0 647.589 0.0 213.0 0.0 647.589 319.5 0.0 0.0 1.0 0.9916476462292706 -0.008930728818540496 -0.12866696472178366 0.6014670435029653 0.00648513583717748 0.9997905057497656 -0.019413593840421028 0.02259527984094887 0.12881338727446145 0.01841702189272647 0.9914978187386406 -1.7104333740020072 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/81974946_5100244969.jpg notre_dame_front_facade/test/images/55422345_4940624653.jpg 0 0 697.124 0.0 319.5 0.0 697.124 213.0 0.0 0.0 1.0 668.447 0.0 319.5 0.0 668.447 239.5 0.0 0.0 1.0 0.9863253650720792 0.06787312209655369 0.1501849310426835 -0.28804763484673834 -0.03163796647575156 0.9722898531017072 -0.23162789260522984 0.1567832971032631 -0.16174459277734293 0.22370891992123823 0.9611415118779151 1.1472721832474562 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/86200490_476468804.jpg notre_dame_front_facade/test/images/74816282_4206306388.jpg 0 0 254.811 0.0 319.5 0.0 254.811 222.0 0.0 0.0 1.0 698.885 0.0 191.0 0.0 698.885 319.5 0.0 0.0 1.0 0.9415881921817251 -0.0657619833915225 -0.3302832691559836 0.7329026147873603 0.12329921201505975 0.9799694329750408 0.1563880262393583 -0.0012057808085120247 0.31338312121174644 -0.18797678573427617 0.9308360475210411 0.12600283767044204 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16936811_3689681321.jpg notre_dame_front_facade/test/images/26162967_291218280.jpg 0 0 503.368 0.0 212.5 0.0 503.368 319.5 0.0 0.0 1.0 1095.75 0.0 165.0 0.0 1095.75 249.5 0.0 0.0 1.0 0.9593992435007509 0.02072130526782817 0.28128938671443793 -0.7907489612994493 -0.06324813341569836 0.9877052006965908 0.14296191848299114 0.3860349244411545 -0.2748686326040445 -0.15494858510133247 0.9489142062301934 1.943753354509896 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/42745507_7964372034.jpg notre_dame_front_facade/test/images/83755577_4922523649.jpg 0 0 1044.95 0.0 279.5 0.0 1044.95 319.5 0.0 0.0 1.0 667.625 0.0 239.5 0.0 667.625 319.5 0.0 0.0 1.0 0.9945941187259723 -0.056847372401148046 -0.08689600247877849 0.233783470761755 0.04713154257225773 0.9928092972173398 -0.11003779829481838 -0.17402333569326556 0.09252651884982026 0.10534740438139362 0.9901215923812776 -0.5197902369658932 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/02989085_1413183882.jpg notre_dame_front_facade/test/images/79303999_2708557564.jpg 0 0 648.829 0.0 249.5 0.0 648.829 165.5 0.0 0.0 1.0 514.539 0.0 319.5 0.0 514.539 212.5 0.0 0.0 1.0 0.9836863772357076 0.031584044646532895 0.17709759841582964 -0.441301338050745 0.009482057098550295 0.9739946079137456 -0.22637268905088498 0.12097690541353333 -0.17964187104923088 0.22435897993776546 0.9578057455910445 0.43522803426654 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/61128028_158284839.jpg notre_dame_front_facade/test/images/86698292_8276881929.jpg 0 0 908.622 0.0 319.5 0.0 908.622 239.5 0.0 0.0 1.0 693.817 0.0 319.5 0.0 693.817 213.0 0.0 0.0 1.0 0.9862078681955875 0.03059892186895191 0.16265837417597698 -0.8066560700482178 -0.008074112764949447 0.9904863173449522 -0.13737417463079915 0.10220984568761693 -0.1653143956592203 0.1341661698525086 0.9770724586513195 0.3686762256757108 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/83755577_4922523649.jpg notre_dame_front_facade/test/images/76022149_7552328104.jpg 0 0 667.625 0.0 239.5 0.0 667.625 319.5 0.0 0.0 1.0 963.011 0.0 305.5 0.0 963.011 305.5 0.0 0.0 1.0 0.9998762793726762 0.012732479358883107 0.009236336786298536 -0.016760642898761023 -0.015305874261755897 0.9229392738985881 0.38464116642479984 -0.6977994140212769 -0.0036271422549487026 -0.38473494858788554 0.9230199690007468 -0.6558201227403451 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/07174573_8039801985.jpg notre_dame_front_facade/test/images/48194802_193393602.jpg 0 0 746.806 0.0 319.5 0.0 746.806 239.5 0.0 0.0 1.0 744.735 0.0 239.5 0.0 744.735 319.5 0.0 0.0 1.0 0.8951565527315547 0.008272088479350601 0.44567512680645394 -1.732950137948613 -0.05939466328306836 0.9931257994374668 0.10086337524187686 -0.39972131617856266 -0.4417771158347271 -0.11675923536869591 0.8894943849630911 -0.7767397303809802 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/35565310_3122947188.jpg notre_dame_front_facade/test/images/98282583_3572009571.jpg 0 0 659.902 0.0 239.5 0.0 659.902 319.5 0.0 0.0 1.0 660.309 0.0 239.5 0.0 660.309 319.5 0.0 0.0 1.0 0.9066028819664116 0.18881601786668267 0.3773853810194103 -0.5671329020996583 -0.16526881355593062 0.9817431408212293 -0.09416275652445164 0.10953647923905785 -0.3882749459803091 0.02299819226453857 0.921256560072465 0.31368761872480744 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/83886867_8305111396.jpg notre_dame_front_facade/test/images/43666192_4761714801.jpg 0 0 821.266 0.0 212.0 0.0 821.266 319.5 0.0 0.0 1.0 654.307 0.0 239.5 0.0 654.307 319.5 0.0 0.0 1.0 0.8896647672161283 -0.04404936973512547 -0.454484603699851 -0.10176735063607488 0.1696100980163766 0.9560020024378906 0.23935869732603893 0.1935017774313098 0.42394459145641605 -0.29003417791819197 0.8579925168753929 0.5057179700978351 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/04747376_6924913614.jpg notre_dame_front_facade/test/images/76922738_2324942217.jpg 0 0 1060.77 0.0 213.0 0.0 1060.77 319.5 0.0 0.0 1.0 401.674 0.0 249.5 0.0 401.674 165.5 0.0 0.0 1.0 0.9434357822340715 0.016127510411610334 0.3311628424330074 -0.8591558745685621 -0.06331566807736358 0.989198312649701 0.13220372319606355 -0.1408130427638689 -0.3254536080247116 -0.14569351961877944 0.93426620797543 -0.9304138316541661 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/70470648_253650724.jpg notre_dame_front_facade/test/images/78165838_2796390716.jpg 0 0 661.366 0.0 239.5 0.0 661.366 319.5 0.0 0.0 1.0 697.682 0.0 239.5 0.0 697.682 319.5 0.0 0.0 1.0 0.8990541500145544 0.09364804035450014 0.4277051319301294 -0.14144145165391786 0.08771987495440983 0.9185260025139385 -0.3855064282781121 -0.1407190862979151 -0.42896020663878626 0.3841093948909951 0.8175898200668129 1.3322826747395191 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/27925422_3744130638.jpg notre_dame_front_facade/test/images/54439631_9271690013.jpg 0 0 876.403 0.0 239.5 0.0 876.403 319.5 0.0 0.0 1.0 449.574 0.0 319.5 0.0 449.574 239.5 0.0 0.0 1.0 0.9676343568191998 0.041033962585100024 0.24899792251675162 -0.7723233947710642 -0.11179220231230243 0.954294313761105 0.2771729897110953 -0.779399273490569 -0.22624379550665893 -0.2960381337560861 0.9279952415594352 -1.856966535888135 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/75437734_2225459366.jpg notre_dame_front_facade/test/images/52452287_5741047302.jpg 0 0 740.607 0.0 319.5 0.0 740.607 239.5 0.0 0.0 1.0 1362.04 0.0 319.5 0.0 1362.04 213.0 0.0 0.0 1.0 0.9954729726577386 0.049357054209751366 0.08122463855075387 -0.09235960029423568 -0.035122994863999495 0.9851326985022965 -0.16816641035999608 0.03541901074052678 -0.08831724599277546 0.16455226385959815 0.9824065434019323 0.04064034851893239 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/09667369_4323694899.jpg notre_dame_front_facade/test/images/66503262_8564870595.jpg 0 0 406.498 0.0 165.5 0.0 406.498 249.5 0.0 0.0 1.0 434.857 0.0 319.5 0.0 434.857 213.0 0.0 0.0 1.0 0.984556123018013 0.0853174160429326 0.15287308182769302 -0.21804852865731708 -0.13244705433534407 0.9340307902635444 0.3317291977465188 -0.2789937810144535 -0.11448588745181562 -0.34685360220043215 0.9309057740797156 -0.3053569247350133 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/10271797_13991878773.jpg notre_dame_front_facade/test/images/64518898_5543139365.jpg 0 0 483.005 0.0 319.5 0.0 483.005 239.5 0.0 0.0 1.0 551.721 0.0 228.0 0.0 551.721 319.5 0.0 0.0 1.0 0.919904175073394 -0.03940189693631659 0.3901586846404402 -0.8331869522700519 -0.09332250892458714 0.9443578749955841 0.3154030964683844 0.21475170525327766 -0.3808769066385608 -0.32655121260170594 0.865041668093391 0.6648618117396515 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/74055833_422957728.jpg notre_dame_front_facade/test/images/91963349_6452367725.jpg 0 0 662.31 0.0 239.5 0.0 662.31 319.5 0.0 0.0 1.0 516.037 0.0 239.5 0.0 516.037 319.5 0.0 0.0 1.0 0.9943610508354803 0.001823485899881234 0.10603195499721717 -0.24371909661706564 -0.014639380813987 0.9926397828607747 0.12021626350663474 -0.3772856746511718 -0.10503232412330032 -0.12109061227562813 0.9870690322910406 -0.6057027970385205 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16199404_86872664.jpg notre_dame_front_facade/test/images/75437734_2225459366.jpg 0 0 719.163 0.0 239.5 0.0 719.163 319.5 0.0 0.0 1.0 740.607 0.0 319.5 0.0 740.607 239.5 0.0 0.0 1.0 0.9998574131081374 -9.509935762463029e-05 -0.016886219494478626 0.015616444460536213 0.004957993091749214 0.9575642827879104 0.28817713759661245 -0.26173352655407345 0.016142235198562126 -0.28821976907385605 0.9574282181750272 -0.241811765143485 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/92263499_2724825410.jpg notre_dame_front_facade/test/images/68740277_88652995.jpg 0 0 1088.49 0.0 239.5 0.0 1088.49 319.5 0.0 0.0 1.0 1818.38 0.0 319.5 0.0 1818.38 213.5 0.0 0.0 1.0 0.9274116206743914 0.05983643143494391 0.3692252528081335 -1.4404935341954737 -0.03623905159237782 0.9968515385028061 -0.07052475681825283 0.7587178646611881 -0.37228271109169686 0.052025106032760476 0.9266601164205224 5.974469700097948 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/47104342_7985973355.jpg notre_dame_front_facade/test/images/14588590_8291532597.jpg 0 0 459.867 0.0 319.5 0.0 459.867 239.5 0.0 0.0 1.0 539.759 0.0 213.0 0.0 539.759 319.5 0.0 0.0 1.0 0.30429562609380745 -0.9083901867141019 0.2867602493751477 -0.34850911901207704 0.879397432047648 0.15217653171548495 -0.4511124690174818 0.4916183500894109 0.3661479597760723 0.38944777811224596 0.8451426504888122 1.390185601583667 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/56381788_7846730740.jpg notre_dame_front_facade/test/images/63253229_143438035.jpg 0 0 665.593 0.0 213.5 0.0 665.593 319.5 0.0 0.0 1.0 520.078 0.0 187.0 0.0 520.078 249.5 0.0 0.0 1.0 0.97515798152848 -0.21115182384953965 0.06694638411679837 -0.08460755188270278 0.21470318903014013 0.9753384580078855 -0.05116085369780344 0.043676083793855236 -0.05449267548569106 0.0642635169891372 0.996444051968096 0.03958278783709834 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/97258672_6764851771.jpg notre_dame_front_facade/test/images/85133638_2665012325.jpg 0 0 523.368 0.0 319.5 0.0 523.368 239.5 0.0 0.0 1.0 715.851 0.0 319.5 0.0 715.851 239.5 0.0 0.0 1.0 0.9994211689965767 -0.029861838950676546 -0.016297163434157737 -0.08178996626515832 0.03164667189806777 0.9918646146085921 0.1233007479503896 -0.5532173990878442 0.012482592651041605 -0.12374512863880063 0.992235520438003 -1.3509762055988002 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/88697814_397500572.jpg notre_dame_front_facade/test/images/82874025_5193294425.jpg 0 0 534.268 0.0 183.0 0.0 534.268 249.5 0.0 0.0 1.0 281.221 0.0 319.5 0.0 281.221 212.0 0.0 0.0 1.0 0.9804815471316072 0.032146686520560165 0.19396527080938622 -0.4278602884555146 -0.0852476152465964 0.958495271006528 0.27206554275190875 -0.8588476415361648 -0.1771687890944056 -0.28329032105575236 0.9425273545987674 -1.2422626288869612 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16804042_6635582193.jpg notre_dame_front_facade/test/images/76423402_3823704092.jpg 0 0 975.444 0.0 319.5 0.0 975.444 213.5 0.0 0.0 1.0 502.678 0.0 319.5 0.0 502.678 213.5 0.0 0.0 1.0 0.8952899932302372 -0.12748164622093833 -0.4268539069735704 1.0108096232143347 0.23986495968520247 0.9453735884100266 0.2207568333075246 -0.6613458513403457 0.37539396523787927 -0.30002867898510904 0.876961893499046 -0.5823557706718944 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/43886992_2526982465.jpg notre_dame_front_facade/test/images/88727883_287637082.jpg 0 0 822.701 0.0 319.5 0.0 822.701 212.5 0.0 0.0 1.0 559.362 0.0 186.5 0.0 559.362 249.5 0.0 0.0 1.0 0.9500270354899499 -0.15946412084038777 -0.268365098332066 0.48611749072210936 0.11165011042323557 0.9763890806434601 -0.18492867825920964 0.2525840704577771 0.29151824073401755 0.14572425112115403 0.9454002104688375 0.6553531514516229 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/30414106_3122950556.jpg notre_dame_front_facade/test/images/66556628_3153467175.jpg 0 0 650.273 0.0 319.5 0.0 650.273 239.5 0.0 0.0 1.0 659.486 0.0 319.5 0.0 659.486 239.5 0.0 0.0 1.0 0.829316903691926 0.15693504402163494 0.5362880431342509 -1.3836821523344152 -0.17277617264592016 0.9847375554787534 -0.020984303551854513 0.0384787480756307 -0.5313961492301802 -0.07525515788075053 0.843774136718873 0.08321589631175941 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/81875745_5270921683.jpg notre_dame_front_facade/test/images/37315332_3020520637.jpg 0 0 785.224 0.0 319.5 0.0 785.224 214.5 0.0 0.0 1.0 799.466 0.0 213.0 0.0 799.466 319.5 0.0 0.0 1.0 0.8641970872743 -0.4855706515407431 -0.13185043310097164 0.6284279731981393 0.4986606855541737 0.8614912603452193 0.09576183494194038 -0.33416971282952757 0.06708885920372397 -0.14850572618961239 0.9866332318848978 -1.1488741339922492 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16248504_5575722639.jpg notre_dame_front_facade/test/images/00504662_7553416128.jpg 0 0 303.539 0.0 211.5 0.0 303.539 319.5 0.0 0.0 1.0 647.636 0.0 239.5 0.0 647.636 319.5 0.0 0.0 1.0 0.9664166721216125 -0.16828911288739962 -0.19421017050854872 -0.10917187885988516 0.07056879894800973 0.9004800538476376 -0.4291336822455109 0.5409270451143073 0.2471009114924971 0.40101676661472374 0.8821148975238142 0.9844233334351256 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/20047373_84605639.jpg notre_dame_front_facade/test/images/20449428_10758420474.jpg 0 0 716.541 0.0 319.5 0.0 716.541 213.0 0.0 0.0 1.0 916.516 0.0 239.5 0.0 916.516 319.5 0.0 0.0 1.0 0.9945108326973784 0.07345859244800168 -0.07451200469136156 0.2730777120325654 -0.08008176769696523 0.9927001910276682 -0.09018448434270974 0.05659242667205516 0.0673432560105048 0.09565649967038077 0.9931337875335398 0.07892202322524966 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/81357869_4069966605.jpg notre_dame_front_facade/test/images/71272180_3274206565.jpg 0 0 820.937 0.0 319.5 0.0 820.937 213.0 0.0 0.0 1.0 701.674 0.0 319.5 0.0 701.674 239.5 0.0 0.0 1.0 0.9488152853354893 0.07993935785990987 -0.3055474650175965 0.9258253538322895 0.05292253996071607 0.9135181335946063 0.4033408290242057 -1.1156875590765853 0.31136595683831664 -0.39886629170534377 0.862529374724935 -0.9290077541680981 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/56381788_7846730740.jpg notre_dame_front_facade/test/images/22891861_445889696.jpg 0 0 665.593 0.0 213.5 0.0 665.593 319.5 0.0 0.0 1.0 1183.91 0.0 319.5 0.0 1183.91 239.5 0.0 0.0 1.0 0.9390368202070712 -0.10748430257018929 0.3265837947547195 -0.6436091368782517 0.21897690621531826 0.9192748919317191 -0.3270822337093439 0.14750958917731466 -0.26506407685644706 0.37865656968409545 0.8867695514592916 1.1945283604857329 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/47283337_2586573512.jpg notre_dame_front_facade/test/images/14613723_93691617.jpg 0 0 1507.44 0.0 213.0 0.0 1507.44 319.5 0.0 0.0 1.0 1207.8 0.0 187.0 0.0 1207.8 249.5 0.0 0.0 1.0 0.9518649049096153 0.06234123730056344 0.30011126758794604 -0.4402089527906586 -0.055850657364563544 0.9979833169501722 -0.030166258652322312 0.11161873997986668 -0.30138664017065364 0.01195279134627242 0.9534270941743147 2.1554036526412244 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/11689125_6228298812.jpg notre_dame_front_facade/test/images/87628400_7656196462.jpg 0 0 499.904 0.0 319.5 0.0 499.904 212.5 0.0 0.0 1.0 486.204 0.0 212.0 0.0 486.204 319.5 0.0 0.0 1.0 0.9776485700310914 0.02981520690112143 0.20812094309224588 -0.49257303297069044 -0.04445873415764452 0.996825988813042 0.06604066159572325 -0.2748472742956864 -0.20549134890126747 -0.07381735205454246 0.9758710488903712 -0.5633783179601077 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/34722769_6860824250.jpg notre_dame_front_facade/test/images/33645044_55429420.jpg 0 0 575.935 0.0 239.5 0.0 575.935 319.5 0.0 0.0 1.0 526.679 0.0 187.0 0.0 526.679 249.5 0.0 0.0 1.0 0.9970482258206332 -0.04004992338882239 -0.06550449621573323 0.12627098701457845 0.031584122788507696 0.991588182550995 -0.12552019523923194 0.20786736566783798 0.06998055855455872 0.12308078591625865 0.9899261798551587 0.7133427917535138 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/02864341_2175867632.jpg notre_dame_front_facade/test/images/69189455_2043939797.jpg 0 0 725.615 0.0 240.0 0.0 725.615 319.5 0.0 0.0 1.0 572.409 0.0 187.0 0.0 572.409 249.5 0.0 0.0 1.0 0.9424462428806438 -0.04314559905363842 -0.33156226649373244 0.3880055165772056 0.07030873264408362 0.9950403812424161 0.07036562947156856 0.24769203752179975 0.32688187682118597 -0.08962754587318558 0.9408055812050699 0.8043678224757541 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/88044894_523998738.jpg notre_dame_front_facade/test/images/59441370_9094154456.jpg 0 0 510.324 0.0 249.5 0.0 510.324 187.0 0.0 0.0 1.0 709.773 0.0 319.5 0.0 709.773 239.5 0.0 0.0 1.0 0.9471584297000324 0.00027579001834199534 -0.32076600971429925 1.2088240111161646 0.14693942439863747 0.8885329748432247 0.4346469350790895 -0.8911234619621133 0.2851310481262348 -0.45881268133750935 0.8415409727626573 -1.0255820004956586 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/27553172_6999659277.jpg notre_dame_front_facade/test/images/05852089_7355180390.jpg 0 0 500.952 0.0 319.5 0.0 500.952 213.5 0.0 0.0 1.0 678.861 0.0 319.5 0.0 678.861 239.5 0.0 0.0 1.0 0.9873141012190998 0.05843751421448027 -0.14763442168530222 0.5758770073950946 -0.03468164526673145 0.9867277137525654 0.1586366993927554 -0.11416101154020816 0.15494530975642284 -0.1515040456392741 0.9762368949898477 -0.3140347037417859 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/51797576_5255048101.jpg notre_dame_front_facade/test/images/99155510_288146072.jpg 0 0 603.995 0.0 238.5 0.0 603.995 319.5 0.0 0.0 1.0 789.09 0.0 319.5 0.0 789.09 239.5 0.0 0.0 1.0 0.976211011186411 -0.052484731712129064 -0.2103744627456262 0.3838113085924694 0.015315333646445339 0.9845284771273414 -0.17455405546883232 0.4284227027622127 0.21628107220397974 0.1671796359082767 0.9619113613758145 1.8427414691305657 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/89455443_12073338213.jpg notre_dame_front_facade/test/images/98359518_9321667101.jpg 0 0 460.921 0.0 212.5 0.0 460.921 319.5 0.0 0.0 1.0 1039.51 0.0 203.0 0.0 1039.51 319.5 0.0 0.0 1.0 0.99884631764899 -0.0023099788081471545 -0.04796558888369285 0.1305457402761513 -0.000948261935556442 0.9976988160576094 -0.06779508268706735 -0.014579601096529697 0.048011816445070105 0.06776235263884095 0.996545598076924 1.7169348903450175 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/01434393_2942710887.jpg notre_dame_front_facade/test/images/81974946_5100244969.jpg 0 0 715.702 0.0 239.5 0.0 715.702 319.5 0.0 0.0 1.0 697.124 0.0 319.5 0.0 697.124 213.0 0.0 0.0 1.0 0.9866556822452159 -0.05028737107147386 -0.15486040489404462 0.41931704464115377 0.0758722673880049 0.9835346217491634 0.16402148292870927 -0.23666863552739278 0.14406236057565708 -0.17358233818983335 0.974225440097886 -0.6503749393376664 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16445294_19140011.jpg notre_dame_front_facade/test/images/85791643_379742998.jpg 0 0 627.378 0.0 239.5 0.0 627.378 319.5 0.0 0.0 1.0 792.408 0.0 249.5 0.0 792.408 238.5 0.0 0.0 1.0 0.9997788622067261 1.4899279932652905e-05 -0.021029181216485757 0.11790875159593489 -0.00011294296031223998 0.9999891306917246 -0.004661088102213084 -0.04765870545124183 0.021028883196975823 0.0046624324574554375 0.9997679969848341 0.014313914607367917 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/15594978_7330790386.jpg notre_dame_front_facade/test/images/49047422_9668436418.jpg 0 0 716.242 0.0 239.5 0.0 716.242 319.5 0.0 0.0 1.0 589.962 0.0 319.5 0.0 589.962 239.5 0.0 0.0 1.0 0.9995885083989924 -0.023103717522115513 0.0170009444836533 0.3133449082195645 0.015924364162708243 0.9399183043589281 0.34102785187877327 -0.9398187114161592 -0.02385851006855675 -0.3406167925509477 0.9398994478823856 -1.5953161864839447 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/58743588_542015945.jpg notre_dame_front_facade/test/images/73100287_2167356662.jpg 0 0 669.222 0.0 239.5 0.0 669.222 319.5 0.0 0.0 1.0 410.944 0.0 166.0 0.0 410.944 249.5 0.0 0.0 1.0 0.9569148455234885 0.13020892996435776 0.25953730555412524 -0.34420443410949453 -0.19266490844613957 0.9534398333909347 0.23201878621548475 -0.4764664396468443 -0.2172422874815099 -0.2720259521828811 0.9374474224556796 -0.6690144383107742 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/68906626_8236091211.jpg notre_dame_front_facade/test/images/16990573_5919017332.jpg 0 0 595.075 0.0 319.5 0.0 595.075 239.5 0.0 0.0 1.0 524.456 0.0 213.0 0.0 524.456 319.5 0.0 0.0 1.0 0.9976242895007778 -0.06583116432281652 0.02029864039710074 -0.16719489420805272 0.0652031782210189 0.8072221987838374 -0.5866352080641466 0.23272637545076127 0.022233365645950406 0.5865650685085917 0.8095968736708192 1.323819029808714 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/87453268_2874605638.jpg notre_dame_front_facade/test/images/80810945_5469108219.jpg 0 0 859.782 0.0 212.5 0.0 859.782 319.5 0.0 0.0 1.0 470.538 0.0 239.5 0.0 470.538 319.5 0.0 0.0 1.0 0.9996865015221553 0.005570390382988663 0.02441043681246077 -0.016302810001689455 -0.002220676932742984 0.9908214812967815 -0.13515865046237976 -0.02127961182528465 -0.024939271608337223 0.1350620707372446 0.990523230308009 -0.198219362902713 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/88494215_13093430663.jpg notre_dame_front_facade/test/images/89632394_1391563454.jpg 0 0 527.97 0.0 239.5 0.0 527.97 319.5 0.0 0.0 1.0 525.849 0.0 166.0 0.0 525.849 249.5 0.0 0.0 1.0 0.9004481871211899 -0.22175982959994323 -0.37418663830495974 0.2653672743602104 0.08974006203789718 0.9364791801641092 -0.33904788214143483 0.4382944536878333 0.42560519683809905 0.27171551868629445 0.8631517209213228 1.4299816184190062 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/89205044_8290554496.jpg notre_dame_front_facade/test/images/35565310_3122947188.jpg 0 0 503.867 0.0 319.5 0.0 503.867 213.0 0.0 0.0 1.0 659.902 0.0 239.5 0.0 659.902 319.5 0.0 0.0 1.0 0.9999258590338751 -0.012161727218135325 -0.0006073108251301209 -0.019473020731412993 0.011479965319422216 0.9581548052122181 -0.2860202434181915 0.2443575874492243 0.004060397964672534 0.28599206569380253 0.9582233828959509 0.3087794390077423 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/68199511_6932972308.jpg notre_dame_front_facade/test/images/86821962_2883156666.jpg 0 0 688.798 0.0 213.0 0.0 688.798 319.5 0.0 0.0 1.0 732.355 0.0 319.5 0.0 732.355 239.5 0.0 0.0 1.0 0.9921776123547174 0.04223372673804328 -0.11747296654085417 0.2534191009246658 0.013204538656637522 0.9002461725714682 0.4351809611291461 -0.71759092552642 0.12413390230294752 -0.43332798328314576 0.892646421156106 -0.755571265382642 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/12108431_6988563786.jpg notre_dame_front_facade/test/images/51575595_2715884125.jpg 0 0 611.0 0.0 239.5 0.0 611.0 319.5 0.0 0.0 1.0 912.594 0.0 213.0 0.0 912.594 319.5 0.0 0.0 1.0 0.9926929218564522 0.05119124537038652 0.10927131047776542 -0.29872254892956773 -0.05096843153955863 0.9986885705281389 -0.004833020055790156 0.33241255735735986 -0.10937541717633197 -0.0007716825067507093 0.9940002125873072 1.268306037972455 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/91922425_3564470202.jpg notre_dame_front_facade/test/images/14248814_1334513582.jpg 0 0 519.608 0.0 187.0 0.0 519.608 249.5 0.0 0.0 1.0 696.736 0.0 319.5 0.0 696.736 239.5 0.0 0.0 1.0 0.9971205398673451 -0.026700440101950548 -0.07097686575931916 0.21132756884012477 0.02050871709329922 0.9960341380846752 -0.08657591058201711 -0.3043416417766993 0.07300699622530213 0.08487097423902094 0.9937136892656144 -1.3512200555030909 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/16990573_5919017332.jpg notre_dame_front_facade/test/images/32850132_379216157.jpg 0 0 524.456 0.0 213.0 0.0 524.456 319.5 0.0 0.0 1.0 486.649 0.0 249.5 0.0 486.649 167.0 0.0 0.0 1.0 0.974638954280246 0.020039990359697796 0.22288406759095936 -0.37490114881788317 -0.11489212630879725 0.8995068599921949 0.421529605293893 -0.8523294103507173 -0.19203829855461518 -0.43644679814768395 0.8789968624943341 -1.1488754749247365 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/57166166_2293019823.jpg notre_dame_front_facade/test/images/82313031_470548832.jpg 0 0 712.526 0.0 239.5 0.0 712.526 319.5 0.0 0.0 1.0 592.996 0.0 249.5 0.0 592.996 187.0 0.0 0.0 1.0 0.9959875580183424 0.0011155782435355174 -0.08948485770140895 0.08370060987701755 0.0008801503760916145 0.9997518312371749 0.02225985788882824 -0.24441402759271158 0.08948748296814656 -0.02224930163168982 0.9957394031416692 -0.2007178381077992 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/91197547_4558095525.jpg notre_dame_front_facade/test/images/94185952_3045662541.jpg 0 0 730.902 0.0 239.5 0.0 730.902 319.5 0.0 0.0 1.0 640.582 0.0 239.5 0.0 640.582 319.5 0.0 0.0 1.0 0.9967241236753085 -0.02269562445520805 -0.07762686335461899 0.24874386674546453 0.03942847689349935 0.9743905763872787 0.22137840874287168 -0.6060751558707581 0.07061456289992397 -0.22371390944296551 0.9720934472715044 -1.251475828778672 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/81357869_4069966605.jpg notre_dame_front_facade/test/images/14613723_93691617.jpg 0 0 820.937 0.0 319.5 0.0 820.937 213.0 0.0 0.0 1.0 1207.8 0.0 187.0 0.0 1207.8 249.5 0.0 0.0 1.0 0.9899994556915073 0.09410922615648198 0.10509296495364165 -0.1983114332705036 -0.08414527561581364 0.991863513131052 -0.09553189996470499 0.05516604044630162 -0.11322831060321438 0.08573345246492624 0.9898631848929359 1.9258402365877063 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/90095935_9048675746.jpg notre_dame_front_facade/test/images/89632394_1391563454.jpg 0 0 459.15 0.0 319.5 0.0 459.15 319.5 0.0 0.0 1.0 525.849 0.0 166.0 0.0 525.849 249.5 0.0 0.0 1.0 0.9993299950697409 -0.021766664441692694 0.0294240254383129 -0.03548855701663764 0.027585055617966314 0.9763024690703543 -0.21464518069056093 0.31022908842229135 -0.02405463906329589 0.21531303073946217 0.9762487762518948 1.0268529697675652 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/98359518_9321667101.jpg notre_dame_front_facade/test/images/92064571_307220044.jpg 0 0 1039.51 0.0 203.0 0.0 1039.51 319.5 0.0 0.0 1.0 674.607 0.0 213.0 0.0 674.607 319.5 0.0 0.0 1.0 0.9831871659809125 0.028994456999993565 0.18028399294917277 -0.6028487061745325 -0.029779295194809985 0.9995551403045629 0.00164774646906569 0.07772031588903106 -0.180156016352833 -0.006988773426108179 0.9836132201317124 -0.8168767251330832 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/12297295_3241434580.jpg notre_dame_front_facade/test/images/99155510_288146072.jpg 0 0 709.584 0.0 239.5 0.0 709.584 319.5 0.0 0.0 1.0 789.09 0.0 319.5 0.0 789.09 239.5 0.0 0.0 1.0 0.986020830599185 -0.07589122355806244 -0.1483355783733411 0.4531148482854109 0.06256209488573558 0.9937405268878005 -0.09255133442725116 0.21474964632305152 0.15443090982054614 0.08197735911589768 0.9845967736512148 0.9234704987887264 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/97258672_6764851771.jpg notre_dame_front_facade/test/images/48315441_8654343906.jpg 0 0 523.368 0.0 319.5 0.0 523.368 239.5 0.0 0.0 1.0 311.727 0.0 213.0 0.0 311.727 319.5 0.0 0.0 1.0 0.9693859138909567 -0.007281798749721135 0.24543415686648615 -0.7251649770800134 0.016420717317713864 0.9992450266782006 -0.03520989493955296 -0.186819850965661 -0.2449924692568449 0.038162181093999215 0.9687736257462743 -1.2557647737771487 0.0 0.0 0.0 1.0 +notre_dame_front_facade/test/images/95306290_4701287373.jpg notre_dame_front_facade/test/images/93967284_1001548090.jpg 0 0 1861.15 0.0 239.5 0.0 1861.15 319.5 0.0 0.0 1.0 693.696 0.0 319.5 0.0 693.696 239.5 0.0 0.0 1.0 0.9964475130919174 -0.004292063951853899 -0.08410666941430073 0.24517475943347955 0.013298047315737473 0.9941902050793293 0.10681291149439483 -0.11440396099147954 0.08315957906652535 -0.10755191449413719 0.9907154334611549 -0.26662936125009695 0.0 0.0 0.0 1.0 +reichstag/test/images/48983853_5719892543.jpg reichstag/test/images/05866831_3427466899.jpg 0 0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 961.582 0.0 249.5 0.0 961.582 176.5 0.0 0.0 1.0 0.9466546354445191 -0.05000442487440239 -0.31834660149652144 3.873437884993777 0.011847840219521667 0.992620175913472 -0.12068477555864503 0.36623695806652384 0.32203203237183947 0.1104750825412142 0.9402609352004232 6.4178310093317075 0.0 0.0 0.0 1.0 +reichstag/test/images/92414106_7915968882.jpg reichstag/test/images/49051226_8836027266.jpg 0 0 1871.37 0.0 319.5 0.0 1871.37 212.5 0.0 0.0 1.0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 0.999664477467968 0.013230186488673142 0.022268692242004378 -0.5435804095414432 -0.014401276322326212 0.9984758896282875 0.053277585073725424 -0.9102060191912753 -0.02152987991100232 -0.053580406833794884 0.9983314100410459 -11.357116569064933 0.0 0.0 0.0 1.0 +reichstag/test/images/92753909_16247242.jpg reichstag/test/images/91831337_388207037.jpg 0 0 520.573 0.0 249.5 0.0 520.573 187.0 0.0 0.0 1.0 678.613 0.0 319.5 0.0 678.613 239.5 0.0 0.0 1.0 0.9855207567267246 -0.0006328807236487738 -0.16955364202155623 4.769366267144068 -0.018327289728548992 0.9937364998791101 -0.11023556258858158 -0.08954871667819259 0.16856140872687983 0.11174689378235483 0.9793363483594413 5.2246958996432316 0.0 0.0 0.0 1.0 +reichstag/test/images/92753909_16247242.jpg reichstag/test/images/92414106_7915968882.jpg 0 0 520.573 0.0 249.5 0.0 520.573 187.0 0.0 0.0 1.0 1871.37 0.0 319.5 0.0 1871.37 212.5 0.0 0.0 1.0 0.9996380334724667 0.002610951534764194 -0.02677657497483221 0.31154940985247354 -0.005281765957476628 0.9949568420558436 -0.10016479119248228 0.3965185787204246 0.026380011062737234 0.10026996249299312 0.994610491417612 15.928495093096245 0.0 0.0 0.0 1.0 +reichstag/test/images/77214581_8512429399.jpg reichstag/test/images/48815289_2513792540.jpg 0 0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 776.799 0.0 319.5 0.0 776.799 211.0 0.0 0.0 1.0 0.9991611820536798 -0.002064894026033577 -0.04089827000931213 0.14134457973541575 0.002112897694237356 0.9999971287635965 0.0011305431864839788 0.3704856298918946 0.040895818128838524 -0.0012160087269710374 0.9991626761355474 3.519633358039598 0.0 0.0 0.0 1.0 +reichstag/test/images/77792600_3686854267.jpg reichstag/test/images/77107104_4141016705.jpg 0 0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 0.9855811425737474 0.03870727692987459 0.16471659939332317 -0.9586889840905075 -0.0495459670707063 0.9968325870318767 0.062209248334671285 0.26422397096414263 -0.1617869232974501 -0.06947330526187964 0.9843771895497856 1.9738180881250111 0.0 0.0 0.0 1.0 +reichstag/test/images/78040542_6368040213.jpg reichstag/test/images/20329925_5164269072.jpg 0 0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 517.71 0.0 319.5 0.0 517.71 245.0 0.0 0.0 1.0 0.9993186759360427 -0.022376430662243298 0.029350967211530028 -1.3549622382921163 0.02827884325052144 0.9752443350834985 -0.21931437233331735 0.06568723884270829 -0.023716891656516314 0.21999495957490098 0.975212657224972 -0.04123728327651466 0.0 0.0 0.0 1.0 +reichstag/test/images/06229406_8584869180.jpg reichstag/test/images/06373813_9127207861.jpg 0 0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 1495.37 0.0 319.5 0.0 1495.37 211.5 0.0 0.0 1.0 0.9998785234014461 -0.005194435753970803 0.01469545091997194 -0.29203614066740086 0.005961309326735666 0.9985962171196078 -0.05263133995558429 1.4102120233124495 -0.01440143158350616 0.05271255060805899 0.9985058766861306 13.48194848732249 0.0 0.0 0.0 1.0 +reichstag/test/images/48668943_3586566128.jpg reichstag/test/images/20613988_1265419368.jpg 0 0 550.231 0.0 319.5 0.0 550.231 212.0 0.0 0.0 1.0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 0.9954027877463354 -0.023632810853997436 0.09281584130935273 -1.1276738828031199 -0.009457397492427553 0.9400910786210132 0.3407921969908502 1.0628364601831723 -0.09530922190162913 -0.3401032992317473 0.9355457755087061 2.7479370484916448 0.0 0.0 0.0 1.0 +reichstag/test/images/49051226_8836027266.jpg reichstag/test/images/48815289_2513792540.jpg 0 0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 776.799 0.0 319.5 0.0 776.799 211.0 0.0 0.0 1.0 0.9996696338995085 -0.01624407029790009 -0.019918665602382844 0.30666898274126325 0.01720584208688395 0.9986454487755153 0.04910424256650865 -0.32312575351217576 0.019094031981325543 -0.0494307376043104 0.9985950230812239 -2.134398529558908 0.0 0.0 0.0 1.0 +reichstag/test/images/35531158_5960344226.jpg reichstag/test/images/77487845_5932034347.jpg 0 0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 774.031 0.0 319.5 0.0 774.031 212.0 0.0 0.0 1.0 0.9995832414494109 0.002702069390650165 -0.02874095048005197 0.05874688942009984 0.002590087809911557 0.9831994828393563 0.18251594009718397 -0.09901584872242297 0.028751258383340996 -0.18251431660401335 0.9827827274509581 -0.5805781660780687 0.0 0.0 0.0 1.0 +reichstag/test/images/48815289_2513792540.jpg reichstag/test/images/48983853_5719892543.jpg 0 0 776.799 0.0 319.5 0.0 776.799 211.0 0.0 0.0 1.0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 0.9996047264867475 0.006387675605028465 0.027378611829667627 -0.42466760110934343 -0.008471234734786892 0.9970201803657924 0.07667462504265043 -0.04922008597382853 -0.026807255872670587 -0.07687624824175425 0.9966801961957754 -0.4475482960931687 0.0 0.0 0.0 1.0 +reichstag/test/images/63790741_1504116525.jpg reichstag/test/images/77594532_1434504133.jpg 0 0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 0.9664081345690712 -0.018589759617664525 -0.25633910797239956 0.966105854932479 0.05089808674911028 0.991469976502326 0.11998612611363378 -0.8831001776237578 0.2519220161161149 -0.12900273846641483 0.9591108336705191 -2.950978341246344 0.0 0.0 0.0 1.0 +reichstag/test/images/62810349_4295140640.jpg reichstag/test/images/34120311_5589470818.jpg 0 0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 512.125 0.0 319.5 0.0 512.125 241.5 0.0 0.0 1.0 0.9998248510287396 -0.014785314449291527 0.011474395060069838 0.06697893170808647 0.013132061397869387 0.9910607201282904 0.13276369225897888 -1.7055966481544833 -0.013334775168767287 -0.13258975637442666 0.9910812985198383 -5.86020608885947 0.0 0.0 0.0 1.0 +reichstag/test/images/92697655_166630020.jpg reichstag/test/images/62673079_4759250457.jpg 0 0 431.56 0.0 249.5 0.0 431.56 187.0 0.0 0.0 1.0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 0.9952856290578593 0.034045632061153 -0.09081526043820089 0.7357694060163915 -0.025722168926370602 0.9954913823240187 0.09129774227404194 -0.02477315886888809 0.09351409849121639 -0.08853136538069838 0.9916739941771209 -0.24829357065563817 0.0 0.0 0.0 1.0 +reichstag/test/images/34272622_11098902473.jpg reichstag/test/images/77902859_6141520050.jpg 0 0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 0.9920312123365769 0.013517471137298915 0.1252651257296846 0.07858551087410151 -0.02503683093339908 0.9955500615671339 0.09084730051294032 0.031114147690357696 -0.12347967786981703 -0.09325959944010265 0.9879551691577091 0.11574928403815243 0.0 0.0 0.0 1.0 +reichstag/test/images/77594532_1434504133.jpg reichstag/test/images/64127786_281241429.jpg 0 0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 0.9655382789067309 0.022388275385152742 0.25929634993787765 -0.3243552610759801 0.035937233264900226 0.9752808316859118 -0.21802709604840495 0.2701748058151736 -0.2577680104882914 0.21983190048606413 0.9408664030018253 5.485761443063551 0.0 0.0 0.0 1.0 +reichstag/test/images/05866831_3427466899.jpg reichstag/test/images/35221995_8835396469.jpg 0 0 961.582 0.0 249.5 0.0 961.582 176.5 0.0 0.0 1.0 918.648 0.0 319.5 0.0 918.648 213.0 0.0 0.0 1.0 0.8637367828622311 0.029423188750612634 0.5030835376898642 -8.673125040902775 -0.04967013056293105 0.9984037476257271 0.026885588272618922 -0.6806271231040772 -0.5014894296599527 -0.048210296521067196 0.8638194945986609 -6.001531491969017 0.0 0.0 0.0 1.0 +reichstag/test/images/77107104_4141016705.jpg reichstag/test/images/77902859_6141520050.jpg 0 0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 0.9997748576553278 0.019523862778349697 0.008309800387568235 0.24510791555689332 -0.0191904677886768 0.9990755201092318 -0.03846857242632779 -0.06903856523692913 -0.009053173273544265 0.03830044256506757 0.9992252579638882 -0.2402891475317399 0.0 0.0 0.0 1.0 +reichstag/test/images/05791347_12791964625.jpg reichstag/test/images/34272622_11098902473.jpg 0 0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 0.9985678616082277 0.03562863168224861 -0.0399102288595584 -0.07780334074868421 -0.03779955032166029 0.9977689380929207 -0.05503035682607723 -0.05475234441061756 0.037860530353548 0.05646013444347955 0.9976867411467251 -1.7412653777138367 0.0 0.0 0.0 1.0 +reichstag/test/images/06639257_4979506057.jpg reichstag/test/images/06796518_2036664706.jpg 0 0 678.155 0.0 319.5 0.0 678.155 239.5 0.0 0.0 1.0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 0.9999223235918062 -0.00974124270338452 0.007775279632089485 0.3668049312759235 0.010948396725220454 0.9846089458472523 -0.17442865695381005 -0.05575935337385955 -0.005956458000406775 0.17450023480831342 0.9846391159505766 1.7745335952122885 0.0 0.0 0.0 1.0 +reichstag/test/images/35221995_8835396469.jpg reichstag/test/images/06229406_8584869180.jpg 0 0 918.648 0.0 319.5 0.0 918.648 213.0 0.0 0.0 1.0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 0.9671001845015629 -0.02713883707053145 -0.2529440978941839 2.3556127736744488 0.03911879709417595 0.9983323438562939 0.0424529259804719 0.10489737482369488 0.251370151073965 -0.05095110139003753 0.9665490325980333 -0.6138279046824646 0.0 0.0 0.0 1.0 +reichstag/test/images/91549947_3428166276.jpg reichstag/test/images/77274889_6889793618.jpg 0 0 543.843 0.0 319.5 0.0 543.843 213.0 0.0 0.0 1.0 757.774 0.0 319.5 0.0 757.774 239.5 0.0 0.0 1.0 0.9456271470090585 -0.020384209528680503 -0.3246132819855026 2.5512987195682015 0.0067271380509869244 0.9990464427687956 -0.04313873902490715 0.2943468203338373 0.325183093738207 0.038609444348590864 0.9448625647965644 4.01600542585513 0.0 0.0 0.0 1.0 +reichstag/test/images/92753909_16247242.jpg reichstag/test/images/77023786_7168337563.jpg 0 0 520.573 0.0 249.5 0.0 520.573 187.0 0.0 0.0 1.0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 0.9991806990406293 0.01882650975898215 -0.03582587326185213 0.4301444123016873 -0.018291889040639782 0.9997172575473697 0.015192490160956239 -0.23965055062172008 0.03610176533085694 -0.014524720040702314 0.9992425606666957 -1.4133605764886268 0.0 0.0 0.0 1.0 +reichstag/test/images/20982577_4977562846.jpg reichstag/test/images/06796518_2036664706.jpg 0 0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 0.9991499162415063 -0.0018455541830766776 -0.041182991687692905 0.594126526343429 -0.004346246837055185 0.9887138839811955 -0.14975301586696313 -0.081029208955679 0.04099457297036575 0.14980470470775223 0.9878653731325949 1.014910677268699 0.0 0.0 0.0 1.0 +reichstag/test/images/19799508_3094174298.jpg reichstag/test/images/63329391_7754963780.jpg 0 0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 0.9947308251207376 -0.000993005013227136 0.10251633770116868 -0.541714404295498 -0.005467924036615364 0.9980159860732721 0.06272314842962048 -0.32530176328298666 -0.10237522826028841 -0.06295320073862888 0.9927518356343723 -2.3684505737614856 0.0 0.0 0.0 1.0 +reichstag/test/images/64282931_8298463790.jpg reichstag/test/images/06796518_2036664706.jpg 0 0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 0.9770973575300853 -0.031855840763045866 -0.21039477017503183 0.9936462322534294 -0.019385124285842152 0.9712942054149054 -0.2370902433333143 -0.16316057418974708 0.21190793015870701 0.23573877902608048 0.9484314720627661 4.830044728463895 0.0 0.0 0.0 1.0 +reichstag/test/images/62751178_369337490.jpg reichstag/test/images/64282931_8298463790.jpg 0 0 700.224 0.0 319.5 0.0 700.224 258.5 0.0 0.0 1.0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 0.9848100940823761 0.030514740852695132 0.1709325281628808 -0.27174887177632123 -0.026182813981200394 0.9992777242362106 -0.0275406989258695 0.5131858677586973 -0.17164946503117054 0.02264686371205497 0.9848977514029161 1.8038139804221869 0.0 0.0 0.0 1.0 +reichstag/test/images/77274889_6889793618.jpg reichstag/test/images/63329391_7754963780.jpg 0 0 757.774 0.0 319.5 0.0 757.774 239.5 0.0 0.0 1.0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 0.8714990841799893 0.029247147781222418 0.48952420841068045 -5.660670836718225 -0.05838259810055194 0.9973085121396411 0.044353171846498916 -0.7666612308519506 -0.4869094561748308 -0.06723344376483308 0.8708609794491032 -6.041595776333336 0.0 0.0 0.0 1.0 +reichstag/test/images/34537245_34002183.jpg reichstag/test/images/48900330_6782044072.jpg 0 0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 769.928 0.0 319.5 0.0 769.928 170.0 0.0 0.0 1.0 0.9998309339923368 -0.0016630959733384598 0.018312223889920494 -0.2620453464818274 0.0009083984508549638 0.999152805190841 0.04114421820289768 -0.04123077105436693 -0.0183651366525162 -0.04112062731837438 0.998985393168828 0.6014255758066032 0.0 0.0 0.0 1.0 +reichstag/test/images/05534141_6340060522.jpg reichstag/test/images/35221995_8835396469.jpg 0 0 668.983 0.0 319.5 0.0 668.983 213.5 0.0 0.0 1.0 918.648 0.0 319.5 0.0 918.648 213.0 0.0 0.0 1.0 0.9697912094052901 0.02555935548178352 0.24259375405723124 -2.337861491444397 -0.03079762215321309 0.9993666976077349 0.017824426563510874 -0.18659669615366037 -0.2419845379976425 -0.024757282968167107 0.9699642056849836 -1.0339469021812773 0.0 0.0 0.0 1.0 +reichstag/test/images/77902859_6141520050.jpg reichstag/test/images/91831337_388207037.jpg 0 0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 678.613 0.0 319.5 0.0 678.613 239.5 0.0 0.0 1.0 0.9889602616847443 -0.014855622936578251 -0.1474344304279292 4.229830871276491 0.005597858011293562 0.9979972101801253 -0.0630097806564337 -0.055439954078867364 0.1480751997943176 0.06148885215917353 0.98706274180825 5.045571309323504 0.0 0.0 0.0 1.0 +reichstag/test/images/77361791_2035867493.jpg reichstag/test/images/48551853_12793928283.jpg 0 0 601.346 0.0 249.5 0.0 601.346 187.0 0.0 0.0 1.0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 0.9813867481915207 -0.019568488930417818 0.1910422066325989 -1.1635716716951383 0.0067941218602964185 0.9977100488252009 0.06729411847526064 -0.11999514208813161 -0.19192157351954972 -0.06474359207052917 0.9792723711529826 1.170760342836732 0.0 0.0 0.0 1.0 +reichstag/test/images/77107104_4141016705.jpg reichstag/test/images/62663981_6029901745.jpg 0 0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 0.9999511082887197 -0.007855732574922239 -0.006005705443362093 0.14224336434058565 0.00761062472680881 0.9991786767907035 -0.039800128618464305 0.9997689007300246 0.006313431984967425 0.03975247555171779 0.9991896122679024 12.274631883580366 0.0 0.0 0.0 1.0 +reichstag/test/images/62799820_4661707438.jpg reichstag/test/images/48983853_5719892543.jpg 0 0 625.353 0.0 319.5 0.0 625.353 239.5 0.0 0.0 1.0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 0.9984421975064607 -0.0006612032893143447 -0.0557919442991547 0.0765087852955586 -0.0030256221973696045 0.9978169317866303 -0.06597132900157175 1.4491513097977398 0.05571376713872938 0.06603736404585696 0.9962605295308482 6.854791796950244 0.0 0.0 0.0 1.0 +reichstag/test/images/92414106_7915968882.jpg reichstag/test/images/05466646_5360480312.jpg 0 0 1871.37 0.0 319.5 0.0 1871.37 212.5 0.0 0.0 1.0 750.195 0.0 319.5 0.0 750.195 178.5 0.0 0.0 1.0 0.9995662392310716 0.0030978707105734997 -0.029287140292501325 0.7885068228635337 -0.0024976482144098157 0.9997865522786802 0.020508818496128494 -0.32323894713981927 0.029344422687269545 -0.02042677360159104 0.9993606214862482 -4.757791029976769 0.0 0.0 0.0 1.0 +reichstag/test/images/92241023_5405455015.jpg reichstag/test/images/48983853_5719892543.jpg 0 0 523.981 0.0 319.5 0.0 523.981 213.0 0.0 0.0 1.0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 0.9993485620860565 -0.014417542293726786 -0.03308452705933459 0.0023822853284055645 0.0139947528381334 0.9998178781456595 -0.012975262359983999 1.1370676714538717 0.03326557303776385 0.012503800003177419 0.9993683288137309 5.606826328027028 0.0 0.0 0.0 1.0 +reichstag/test/images/62663981_6029901745.jpg reichstag/test/images/05936329_2458217347.jpg 0 0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 864.162 0.0 319.5 0.0 864.162 200.0 0.0 0.0 1.0 0.998319295795915 0.0053297727719193696 0.057707687215380506 -1.414364568344533 -0.006361471098891487 0.9998229443520469 0.01770908333770908 -1.08497053632489 -0.05760308435323974 -0.0180464253912974 0.9981764429215859 -10.461698021096945 0.0 0.0 0.0 1.0 +reichstag/test/images/92342560_2757258130.jpg reichstag/test/images/92414106_7915968882.jpg 0 0 1743.4 0.0 319.5 0.0 1743.4 239.5 0.0 0.0 1.0 1871.37 0.0 319.5 0.0 1871.37 212.5 0.0 0.0 1.0 0.997521429202569 -0.013963344831827514 -0.06896392740245744 0.7381721293682049 0.00223622847210227 0.9859078765646082 -0.16727420067089258 0.3514580158673272 0.07032778657034859 0.16670538062394072 0.9834954593220767 15.825341735751712 0.0 0.0 0.0 1.0 +reichstag/test/images/06373813_9127207861.jpg reichstag/test/images/62810349_4295140640.jpg 0 0 1495.37 0.0 319.5 0.0 1495.37 211.5 0.0 0.0 1.0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 0.9998912770151622 0.0146269267643696 -0.001867394553297261 -0.19356769572627053 -0.014574648132737799 0.9995693205911819 0.025470629452176288 -1.642163482805512 0.002239147336554395 -0.025440643590777256 0.9996738267419489 -11.319447131829307 0.0 0.0 0.0 1.0 +reichstag/test/images/63329391_7754963780.jpg reichstag/test/images/77107104_4141016705.jpg 0 0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 0.9955031458708278 -0.003965313411622512 -0.09464545869101754 0.1295746712754985 0.002414241195818229 0.9998609985692001 -0.016497120344189483 0.357273918348481 0.09469771908939476 0.016194438235081293 0.9953743427321784 2.8842719399807573 0.0 0.0 0.0 1.0 +reichstag/test/images/35531158_5960344226.jpg reichstag/test/images/06030835_119872882.jpg 0 0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 710.363 0.0 319.5 0.0 710.363 239.5 0.0 0.0 1.0 0.9986603206873859 -0.0022471441436497743 -0.05169636571138441 0.144052283555466 0.005216267246405357 0.9983393065011569 0.05737089550288627 0.2547583720691986 0.05148159322108845 -0.05756369896025341 0.9970135736896621 3.479980778115862 0.0 0.0 0.0 1.0 +reichstag/test/images/62810349_4295140640.jpg reichstag/test/images/64097451_5212815345.jpg 0 0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 0.9982589447610309 0.0023975819925478405 0.058934970986520806 -0.5389243100053166 0.0011995885049716315 0.9981416122295423 -0.06092522403100685 0.09418737530617045 -0.05897152017721589 0.060889847564258553 0.9964009164345392 0.466487130271519 0.0 0.0 0.0 1.0 +reichstag/test/images/63812586_393800330.jpg reichstag/test/images/77792600_3686854267.jpg 0 0 1002.64 0.0 187.0 0.0 1002.64 249.5 0.0 0.0 1.0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 0.9835143027569865 -0.046573035368562055 -0.17472998783550983 1.3821064336030413 0.05460560071196966 0.9976474471495531 0.041446345639450245 -0.10158487434899452 0.17238864418320507 -0.05030430968156214 0.9837436819538602 -2.3954969102795007 0.0 0.0 0.0 1.0 +reichstag/test/images/06373813_9127207861.jpg reichstag/test/images/49051226_8836027266.jpg 0 0 1495.37 0.0 319.5 0.0 1495.37 211.5 0.0 0.0 1.0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 0.9992494415447912 0.017285804790743767 0.03466633129073547 -0.8217595228250201 -0.01576850886406826 0.9989257395592421 -0.04357431553363735 -0.5283958093539465 -0.03538230773460836 0.04299497411044096 0.9984485587653558 -7.3997487543023315 0.0 0.0 0.0 1.0 +reichstag/test/images/48551853_12793928283.jpg reichstag/test/images/35531158_5960344226.jpg 0 0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 0.9931940430057545 0.008223043935245113 -0.11618078363620371 0.5400780339820236 -0.017509022647441815 0.9967102004151919 -0.0791341298950064 0.15345191121320054 0.1151478487155306 0.08062975838204779 0.9900706111179336 -5.88419916779906 0.0 0.0 0.0 1.0 +reichstag/test/images/92414106_7915968882.jpg reichstag/test/images/20329925_5164269072.jpg 0 0 1871.37 0.0 319.5 0.0 1871.37 212.5 0.0 0.0 1.0 517.71 0.0 319.5 0.0 517.71 245.0 0.0 0.0 1.0 0.9429398248935763 -0.016283485049254597 -0.3325647827782158 7.849579367442195 -0.03145949924912506 0.9899782035518905 -0.13767155261406047 1.408164921285302 0.33147365888810143 0.14027831124882575 0.9329776036199968 -11.388832193537132 0.0 0.0 0.0 1.0 +reichstag/test/images/05534141_6340060522.jpg reichstag/test/images/20099963_3586531606.jpg 0 0 668.983 0.0 319.5 0.0 668.983 213.5 0.0 0.0 1.0 502.573 0.0 319.5 0.0 502.573 212.0 0.0 0.0 1.0 0.9980377786998458 0.007627595299799169 -0.062148307119502776 2.103916827757121 0.004379477459605917 0.9816179996555673 0.19080598242556077 -1.2855033458959226 0.062461287731348944 -0.19070375597283107 0.9796584430263419 -3.7578149733247264 0.0 0.0 0.0 1.0 +reichstag/test/images/48668943_3586566128.jpg reichstag/test/images/77023786_7168337563.jpg 0 0 550.231 0.0 319.5 0.0 550.231 212.0 0.0 0.0 1.0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 0.9821162520113056 -0.0006321168636173385 0.1882744485147579 -1.8813566290966506 -0.026646695778983813 0.9894616633709281 0.1423220654828279 0.328014406161457 -0.1863803131753131 -0.14479370548303128 0.9717495365129665 2.1707440311823776 0.0 0.0 0.0 1.0 +reichstag/test/images/34959164_3067403556.jpg reichstag/test/images/06229406_8584869180.jpg 0 0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 0.9998983825507276 0.0036207758642734767 0.013788203457294064 0.11545518549555173 -0.004582383150698647 0.9975110593840623 0.07036112684675991 0.18921610833632974 -0.013499123567818561 -0.0704171597597229 0.9974262866368996 0.3419164850900751 0.0 0.0 0.0 1.0 +reichstag/test/images/92342560_2757258130.jpg reichstag/test/images/77902859_6141520050.jpg 0 0 1743.4 0.0 319.5 0.0 1743.4 239.5 0.0 0.0 1.0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 0.9977560581985699 0.00510213380918989 -0.06675939303682274 0.9850725639255321 -0.012712728598825307 0.9933904327789331 -0.11407819508940605 -0.08942037518423691 0.0657361001248512 0.11467090430391266 0.991226184504071 -0.003100383339547763 0.0 0.0 0.0 1.0 +reichstag/test/images/05461164_9050854768.jpg reichstag/test/images/06030835_119872882.jpg 0 0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 710.363 0.0 319.5 0.0 710.363 239.5 0.0 0.0 1.0 0.998138257924175 -0.00610796632498209 -0.060685342674040674 0.45794840894463584 0.008172473509435228 0.999394183305258 0.033830120489801 0.18706157668330325 0.060441945243600796 -0.034263086886469514 0.9975834862968511 3.4250196569242837 0.0 0.0 0.0 1.0 +reichstag/test/images/20982577_4977562846.jpg reichstag/test/images/06229406_8584869180.jpg 0 0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 0.9997493803925859 0.0055410616507921995 -0.021690390508774908 0.49749282479569595 -0.004503864434646662 0.9988573518009549 0.047578419039916435 -0.27038167655553585 0.02192924097627087 -0.04746880437682919 0.9986319747540829 -2.3590466199411173 0.0 0.0 0.0 1.0 +reichstag/test/images/34959164_3067403556.jpg reichstag/test/images/34120311_5589470818.jpg 0 0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 512.125 0.0 319.5 0.0 512.125 241.5 0.0 0.0 1.0 0.9992992902264209 -0.003206379196283263 0.03729138889101804 -0.2777862425212439 -0.0033884281524948602 0.9844829640790089 0.1754474622012648 -1.0917013870973218 -0.03727528816289529 -0.17545088364171463 0.9837822626586205 -3.449172820911337 0.0 0.0 0.0 1.0 +reichstag/test/images/05791347_12791964625.jpg reichstag/test/images/62673079_4759250457.jpg 0 0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 0.9892240761195079 0.05163469991206014 0.1370021349851807 -1.346194596784967 -0.06287731231071118 0.9948862256145826 0.07904328990465177 -0.5275372655225505 -0.13222016042225734 -0.08680585145807297 0.9874120585300503 -3.9219385252538403 0.0 0.0 0.0 1.0 +reichstag/test/images/77349640_2188160842.jpg reichstag/test/images/77023786_7168337563.jpg 0 0 708.96 0.0 239.0 0.0 708.96 319.5 0.0 0.0 1.0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 0.9975732698483077 0.020293782610781505 0.06660130382733923 -0.03900650757162419 -0.028545116155805395 0.991697919288682 0.12538107202504745 -0.09434259794296618 -0.06350391820830259 -0.1269779479509923 0.9898706244284394 -0.2133575512418826 0.0 0.0 0.0 1.0 +reichstag/test/images/91840440_9426147613.jpg reichstag/test/images/35531158_5960344226.jpg 0 0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 0.9874340568429427 -0.012499756427914377 -0.15753647030427884 1.4784724329537644 0.0002927541161826261 0.9970099334068518 -0.07727293823255386 -0.0540316785592401 0.15803131867359574 0.07625581143301434 0.9844852226117855 -0.5576052827574509 0.0 0.0 0.0 1.0 +reichstag/test/images/49051226_8836027266.jpg reichstag/test/images/62799820_4661707438.jpg 0 0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 625.353 0.0 319.5 0.0 625.353 239.5 0.0 0.0 1.0 0.997812331262562 -0.021193807104024995 0.06262087607826 -0.7731563408024751 0.008866551872481565 0.9815644512860825 0.19092567200181415 -2.6038922754392617 -0.06551286773042381 -0.1899527586319533 0.9796050294122868 -9.232528228696552 0.0 0.0 0.0 1.0 +reichstag/test/images/05978621_9257964873.jpg reichstag/test/images/77361791_2035867493.jpg 0 0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 601.346 0.0 249.5 0.0 601.346 187.0 0.0 0.0 1.0 0.9997368142760199 0.012872795647103223 0.018989294706839514 -0.24106811040480658 -0.011951133633212853 0.9987818018994892 -0.0478756994652889 0.032137169106181626 -0.019582456079776392 0.047636155666022154 0.9986727812888696 0.4738698382436079 0.0 0.0 0.0 1.0 +reichstag/test/images/62663981_6029901745.jpg reichstag/test/images/48716728_829974943.jpg 0 0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 0.9979013001184114 0.02177489492156754 0.06098236772329278 -1.411756802241091 -0.024456099530909693 0.9987509435572265 0.043571228342616945 -1.5471957161429477 -0.059957438385228295 -0.044971176265525 0.9971873940677233 -11.990820343726867 0.0 0.0 0.0 1.0 +reichstag/test/images/06639257_4979506057.jpg reichstag/test/images/34120311_5589470818.jpg 0 0 678.155 0.0 319.5 0.0 678.155 239.5 0.0 0.0 1.0 512.125 0.0 319.5 0.0 512.125 241.5 0.0 0.0 1.0 0.9986763733788255 -0.007552995314240809 0.050876846567962944 -0.15284453976352952 0.0009829770987230192 0.9917812715959015 0.1279411703387165 -1.5802545943592947 -0.05142504264403066 -0.12772181322468038 0.9904759479238553 -5.368746589576913 0.0 0.0 0.0 1.0 +reichstag/test/images/05534141_6340060522.jpg reichstag/test/images/05791347_12791964625.jpg 0 0 668.983 0.0 319.5 0.0 668.983 213.5 0.0 0.0 1.0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 0.9972575760426136 -0.043360325375474205 -0.05997673889887474 0.19278170336161407 0.03918732605323273 0.996840827358163 -0.06908486367280899 0.0817140405111719 0.06278280419357209 0.06654507566474009 0.995806242399778 1.1029347115548045 0.0 0.0 0.0 1.0 +reichstag/test/images/77458003_1504115665.jpg reichstag/test/images/48716728_829974943.jpg 0 0 612.932 0.0 249.5 0.0 612.932 187.0 0.0 0.0 1.0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 0.9971929177586951 0.02921051002103303 0.06894222854108953 -0.9736250990644446 -0.024681242380328924 0.9975369050774046 -0.06565789581731019 -0.21486216746970155 -0.07069031791174904 0.06377200885109728 0.9954576886239973 -2.0923845880804595 0.0 0.0 0.0 1.0 +reichstag/test/images/35531158_5960344226.jpg reichstag/test/images/77594532_1434504133.jpg 0 0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 0.960172122420042 0.03996003611076728 -0.2765369610764862 0.502899295729544 0.03675901329090791 0.9630521261931017 0.2667946348351569 -0.2096031883783116 0.2769806315778609 -0.26633399660759055 0.9232269125094638 -0.8480980103983127 0.0 0.0 0.0 1.0 +reichstag/test/images/64282931_8298463790.jpg reichstag/test/images/48716728_829974943.jpg 0 0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 0.9931321622618752 -0.0035801534381264995 -0.11694310917028028 0.21124927301819496 -0.0076962008884871695 0.9953677513492231 -0.09583218700351012 0.37819134233824764 0.11674449354439234 0.0960740447537791 0.9885041735631227 3.483856845586528 0.0 0.0 0.0 1.0 +reichstag/test/images/63329391_7754963780.jpg reichstag/test/images/05978621_9257964873.jpg 0 0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 0.9857957727673142 -0.019762023753833974 -0.16678176402486775 0.7401967422375625 0.008465476797474631 0.9976375604237643 -0.06817355597525525 0.21164893013424826 0.16773499961750735 0.06579331614132809 0.983634184773202 3.9422848638092516 0.0 0.0 0.0 1.0 +reichstag/test/images/06030835_119872882.jpg reichstag/test/images/77274889_6889793618.jpg 0 0 710.363 0.0 319.5 0.0 710.363 239.5 0.0 0.0 1.0 757.774 0.0 319.5 0.0 757.774 239.5 0.0 0.0 1.0 0.925534633371202 -0.023144833605337405 -0.3779549696826539 2.769289257834619 0.027891886514971737 0.9995858022696031 0.007089891936406672 0.3182367630640069 0.3776343272228712 -0.017103817656161747 0.9257968320989839 5.191801067111333 0.0 0.0 0.0 1.0 +reichstag/test/images/49051226_8836027266.jpg reichstag/test/images/48983853_5719892543.jpg 0 0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 0.9999071643988675 -0.011211971253270423 0.0077430152028734114 -0.17862072781796673 0.010150163397529678 0.9920171895207917 0.12569355543651728 -0.5376350549055638 -0.009090476710246815 -0.12560329373024112 0.9920388983488981 -2.5582412995421664 0.0 0.0 0.0 1.0 +reichstag/test/images/92241023_5405455015.jpg reichstag/test/images/34272622_11098902473.jpg 0 0 523.981 0.0 319.5 0.0 523.981 213.0 0.0 0.0 1.0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 0.9830316005181854 -0.044391461456986456 -0.17798390526215402 -0.06238483764232024 0.002133844984841246 0.9729780825810797 -0.23088762964356957 -0.10863114780229921 0.18342387818448067 0.2265900460447422 0.9565629262861938 3.8063888529051813 0.0 0.0 0.0 1.0 +reichstag/test/images/19799508_3094174298.jpg reichstag/test/images/92102978_5376734902.jpg 0 0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 0.999833434243319 0.017999257702814346 -0.003021670292725274 0.5065741431436512 -0.017961407206826086 0.9997652426361713 0.012118063697975336 0.04636288272859372 0.003239077084731973 -0.012061771792953554 0.9999220079790492 1.9355403659031771 0.0 0.0 0.0 1.0 +reichstag/test/images/05466646_5360480312.jpg reichstag/test/images/34537245_34002183.jpg 0 0 750.195 0.0 319.5 0.0 750.195 178.5 0.0 0.0 1.0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 0.9999287151305738 0.0009814330312914094 -0.011899640604864608 0.223224294968129 -0.00033574519976501056 0.9985331814088736 0.05414215456217224 -0.7523619611060071 0.011935322889670273 -0.05413429979854183 0.9984623306128484 -6.493448639130678 0.0 0.0 0.0 1.0 +reichstag/test/images/05545431_1341290848.jpg reichstag/test/images/77349640_2188160842.jpg 0 0 492.313 0.0 319.5 0.0 492.313 213.0 0.0 0.0 1.0 708.96 0.0 239.0 0.0 708.96 319.5 0.0 0.0 1.0 0.9980287841728269 -0.00530481074602965 -0.06253323072941215 -0.03476244091867345 -0.00420381070890006 0.9885321940481231 -0.15095174495820785 -0.01140634621846684 0.06261688221264952 0.15091706435440924 0.9865612833213223 -0.17784494536147433 0.0 0.0 0.0 1.0 +reichstag/test/images/63790741_1504116525.jpg reichstag/test/images/19799508_3094174298.jpg 0 0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 0.9997284488278468 -0.022637668556613283 -0.005528523002410913 0.024874183651105983 0.022083347545636754 0.9961026748839136 -0.08539196010334192 0.04180986150345682 0.007440051441077758 0.08524668352160711 0.9963320975373229 0.6931281381501089 0.0 0.0 0.0 1.0 +reichstag/test/images/05545431_1341290848.jpg reichstag/test/images/64271070_4602086309.jpg 0 0 492.313 0.0 319.5 0.0 492.313 213.0 0.0 0.0 1.0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 0.991872052348264 0.017784367457113735 0.12599026964251375 -1.2638865581768095 -0.030678099869190182 0.9943979986058031 0.1011507516392703 -0.7424408837628552 -0.12348556984060513 -0.10419374569965181 0.9868611743291037 -2.410993694951305 0.0 0.0 0.0 1.0 +reichstag/test/images/64127786_281241429.jpg reichstag/test/images/06639257_4979506057.jpg 0 0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 678.155 0.0 319.5 0.0 678.155 239.5 0.0 0.0 1.0 0.9985272094726201 0.01918646260552905 -0.05074733092005271 0.32578728193550904 -0.01410110938056423 0.9950140050511512 0.09873342122252865 -0.2131913889286371 0.05238865007861978 -0.09787241391094094 0.9938191082577278 -1.3863604144004391 0.0 0.0 0.0 1.0 +reichstag/test/images/49284352_2431392889.jpg reichstag/test/images/48403953_4568435171.jpg 0 0 666.383 0.0 319.5 0.0 666.383 179.5 0.0 0.0 1.0 699.71 0.0 319.5 0.0 699.71 239.5 0.0 0.0 1.0 0.9952207104796894 -0.03267489924671754 -0.09202221683658278 0.4164531900007275 0.025585667261976055 0.996687971638963 -0.07719106697648893 0.007300407851623225 0.09423964698077793 0.0744676986983364 0.9927605203610346 -0.030704335171837904 0.0 0.0 0.0 1.0 +reichstag/test/images/78043438_3428167710.jpg reichstag/test/images/06857713_2570944910.jpg 0 0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 782.61 0.0 319.5 0.0 782.61 239.5 0.0 0.0 1.0 0.9997710199945397 0.013253614913018378 0.016800275914867064 -0.0831855648574732 -0.014339000865399203 0.9977018244052402 0.06622282561652877 -0.18607937871146463 -0.015883974101600844 -0.06644856108443971 0.9976634142317474 -1.046172614710508 0.0 0.0 0.0 1.0 +reichstag/test/images/48716728_829974943.jpg reichstag/test/images/62663981_6029901745.jpg 0 0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 0.9979013001184113 -0.02445609953090969 -0.059957438385228295 0.652016704032261 0.021774894921567534 0.9987509435572262 -0.04497117626552499 1.0367627421430912 0.06098236772329276 0.043571228342616924 0.997187394067723 12.110600381584145 0.0 0.0 0.0 1.0 +reichstag/test/images/05534141_6340060522.jpg reichstag/test/images/77274889_6889793618.jpg 0 0 668.983 0.0 319.5 0.0 668.983 213.5 0.0 0.0 1.0 757.774 0.0 319.5 0.0 757.774 239.5 0.0 0.0 1.0 0.9187167891730003 -0.04530663503928277 -0.3923095335485361 2.962711546874842 0.0332021697339982 0.9987415778257343 -0.03758825145065656 0.29575224969695885 0.39351883972258245 0.021507429962230415 0.9190649341802853 5.049087742275319 0.0 0.0 0.0 1.0 +reichstag/test/images/91840440_9426147613.jpg reichstag/test/images/62673079_4759250457.jpg 0 0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 0.9930005841992221 0.0026622303569696993 -0.11807943220362326 0.8156645646893419 0.0020762842096578114 0.9991979736087934 0.03998873066204396 -0.024014795931415978 0.11809118859544242 -0.039953999369364744 0.992198643977358 0.17487670170227698 0.0 0.0 0.0 1.0 +reichstag/test/images/62673079_4759250457.jpg reichstag/test/images/77274889_6889793618.jpg 0 0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 757.774 0.0 319.5 0.0 757.774 239.5 0.0 0.0 1.0 0.8864373681188532 -0.06792007345689255 -0.4578380237858482 2.512164521678496 0.04801626439233373 0.9973318383655032 -0.05498765803606356 0.5564037315499182 0.460351203709001 0.026759443269542833 0.8873334781465071 8.062076090689324 0.0 0.0 0.0 1.0 +reichstag/test/images/64282931_8298463790.jpg reichstag/test/images/48551853_12793928283.jpg 0 0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 0.9994238299907037 -0.012859094335826184 -0.031411013030075784 0.6958345739685078 0.008546244366606996 0.9909760564410988 -0.13376627851470868 0.2489985015836064 0.032847675015737494 0.13342076020361562 0.9905149827199737 5.753283261038196 0.0 0.0 0.0 1.0 +reichstag/test/images/06796518_2036664706.jpg reichstag/test/images/77023786_7168337563.jpg 0 0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 0.9990592526161026 0.013733835523719993 0.041133824572505875 -0.5514958288319253 -0.020233773594947883 0.9865770143412527 0.16203823369688922 -0.43896776338838683 -0.03835627938503253 -0.16271808914594188 0.9859267819145752 -3.189171012208741 0.0 0.0 0.0 1.0 +reichstag/test/images/77594532_1434504133.jpg reichstag/test/images/05866831_3427466899.jpg 0 0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 961.582 0.0 249.5 0.0 961.582 176.5 0.0 0.0 1.0 0.9990654434587422 -0.033434870624461835 -0.027392501034265725 1.4793688805521226 0.027661303585978188 0.9815497602659669 -0.18919545556314935 0.8335850811560979 0.03321282840275874 0.18826092942548847 0.9815572986236413 11.901707417169558 0.0 0.0 0.0 1.0 +reichstag/test/images/06857713_2570944910.jpg reichstag/test/images/64097451_5212815345.jpg 0 0 782.61 0.0 319.5 0.0 782.61 239.5 0.0 0.0 1.0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 0.996371462309069 0.024995528872040717 0.0813580520446139 -1.0260312596587942 -0.01882806078510822 0.9969521192729388 -0.07570981445141893 0.08372925091705498 -0.08300248925881315 0.07390328418685459 0.9938052582690621 0.3524761481615388 0.0 0.0 0.0 1.0 +reichstag/test/images/34481400_9199849492.jpg reichstag/test/images/62673079_4759250457.jpg 0 0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 0.9959088454824814 -0.006127965349856698 -0.09015552967190815 0.7065784299431219 0.001172646935125358 0.9984903601908763 -0.05491471118980087 -0.30074970813647545 0.09035594274267125 0.0545843260154841 0.9944125677828686 -1.8153921457681772 0.0 0.0 0.0 1.0 +reichstag/test/images/91840440_9426147613.jpg reichstag/test/images/77023786_7168337563.jpg 0 0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 0.9831497665121761 0.0024370523570850407 -0.18278565967510252 1.5625794181888306 0.008545842225515755 0.9982051428234818 0.05927445842357774 0.09827235464700013 0.1826020404806862 -0.059837727367946396 0.9813643264332207 1.1186396739462552 0.0 0.0 0.0 1.0 +reichstag/test/images/19799508_3094174298.jpg reichstag/test/images/76958303_5507621260.jpg 0 0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 708.355 0.0 319.5 0.0 708.355 239.5 0.0 0.0 1.0 0.9871564647253651 0.013563631492130222 0.1591795905625609 -1.6900105885045276 -0.022570739971399068 0.9982359653636449 0.054913742830510676 0.01856062088808491 -0.15815396247980104 -0.05780125738474612 0.9857212277295645 -0.09775116789615357 0.0 0.0 0.0 1.0 +reichstag/test/images/77792600_3686854267.jpg reichstag/test/images/20613988_1265419368.jpg 0 0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 0.9973448874255347 0.027742906218411516 0.06733132020615322 0.09721589322936719 -0.04579548510100581 0.9578223425474716 0.2836884447086939 0.43949830686598557 -0.05662110092987123 -0.2860186904232494 0.9565497162500538 0.9786780091662681 0.0 0.0 0.0 1.0 +reichstag/test/images/77792600_3686854267.jpg reichstag/test/images/34537245_34002183.jpg 0 0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 0.9907969877050504 0.04247982102360911 0.12851767956355287 -0.6031027778057926 -0.04872757176476721 0.9977584768424964 0.045865516881979415 0.43307040059076257 -0.12628124526036072 -0.051705770420174726 0.990646031840207 6.225601078356178 0.0 0.0 0.0 1.0 +reichstag/test/images/20099963_3586531606.jpg reichstag/test/images/77594532_1434504133.jpg 0 0 502.573 0.0 319.5 0.0 502.573 212.0 0.0 0.0 1.0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 0.9826253758302339 -0.0298474718308942 -0.18318433120710798 -1.4759392924955486 0.0264788546439732 0.9994327824033759 -0.02080826071995803 -0.11493938386452962 0.18370149980671027 0.015596213731235854 0.9828583402942741 -0.9678916917540787 0.0 0.0 0.0 1.0 +reichstag/test/images/49051226_8836027266.jpg reichstag/test/images/78043438_3428167710.jpg 0 0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 0.9963933069679013 -0.033853841615646765 -0.07780935186359124 1.067301406472975 0.03514886263874168 0.9992644379175559 0.015334293870727048 -0.2377025630976476 0.07723299349871345 -0.018013898000534233 0.996850321860837 -2.7372946199046413 0.0 0.0 0.0 1.0 +reichstag/test/images/64271070_4602086309.jpg reichstag/test/images/49501249_12793461434.jpg 0 0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 587.147 0.0 319.5 0.0 587.147 230.0 0.0 0.0 1.0 0.9616489919214253 0.12221819628871478 0.245548220992211 1.4155492056545234 -0.05956613709459683 0.9669285064383083 -0.24799423128091067 -0.08391094178650427 -0.2677369822197415 0.22385704351866018 0.9371258893120767 2.478888444535566 0.0 0.0 0.0 1.0 +reichstag/test/images/05534141_6340060522.jpg reichstag/test/images/78043438_3428167710.jpg 0 0 668.983 0.0 319.5 0.0 668.983 213.5 0.0 0.0 1.0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 0.99900960992921 -0.02160566994539194 -0.038897227347182387 0.3841338416569571 0.021186159268636755 0.9997132009448713 -0.011165236764329617 0.09857439450865815 0.03912730407952434 0.010330095971014431 0.9991808360815864 1.1316083676852726 0.0 0.0 0.0 1.0 +reichstag/test/images/49284352_2431392889.jpg reichstag/test/images/34959164_3067403556.jpg 0 0 666.383 0.0 319.5 0.0 666.383 179.5 0.0 0.0 1.0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 0.9982388645474021 -0.01441349003279329 -0.05754494427999483 0.22062451738682198 0.0017579049441251238 0.9767954969119286 -0.21416691383774908 0.4240135974886431 0.05929653512070129 0.21368857835095675 0.9751005652777699 3.0532805680368846 0.0 0.0 0.0 1.0 +reichstag/test/images/05978621_9257964873.jpg reichstag/test/images/62751178_369337490.jpg 0 0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 700.224 0.0 319.5 0.0 700.224 258.5 0.0 0.0 1.0 0.9974652240065878 0.01048874536689079 0.07037835688701756 -0.8218011105116083 -0.02277383835608781 0.9841077182293575 0.17610607941788403 -1.5208726211835644 -0.0674127523842386 -0.1772624752789936 0.9818520946018019 -5.931622041669924 0.0 0.0 0.0 1.0 +reichstag/test/images/19799508_3094174298.jpg reichstag/test/images/48815289_2513792540.jpg 0 0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 776.799 0.0 319.5 0.0 776.799 211.0 0.0 0.0 1.0 0.999900355424905 -0.0003777622324213665 0.01411157386135278 -0.15524729392395545 -0.0004474640908596567 0.9982914200786823 0.05842979011750215 0.24396931263679478 -0.01410953567754978 -0.05843028232846146 0.9981917767192736 2.494832854460863 0.0 0.0 0.0 1.0 +reichstag/test/images/62663981_6029901745.jpg reichstag/test/images/64127786_281241429.jpg 0 0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 0.9999728488168185 -0.0007399728972325322 0.0073317166671729465 -0.25446761862493067 0.000906914970733119 0.9997398001574093 -0.022792750743585898 -0.7024676829275323 -0.007312942937846599 0.022798781137041882 0.9997133271314598 -11.194019735891308 0.0 0.0 0.0 1.0 +reichstag/test/images/06857713_2570944910.jpg reichstag/test/images/77902859_6141520050.jpg 0 0 782.61 0.0 319.5 0.0 782.61 239.5 0.0 0.0 1.0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 0.9987267940167901 0.028748462025548545 0.04145258549366475 -0.2509011534528147 -0.02515477825040215 0.9960845857400673 -0.08475101876798674 -0.03663459734411294 -0.043726742893989784 0.08360038266780925 0.9955395260730127 -0.5651425299016628 0.0 0.0 0.0 1.0 +reichstag/test/images/62810349_4295140640.jpg reichstag/test/images/77214581_8512429399.jpg 0 0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 0.9982244259936303 -0.011056913338957941 0.058529821604908605 -0.1985471606326606 0.012280416930367065 0.999712669425963 -0.020585673397574354 -0.1708536743896586 -0.05828539019088753 0.02126789262315429 0.998073389102057 -1.6821116278875485 0.0 0.0 0.0 1.0 +reichstag/test/images/91629190_2705184160.jpg reichstag/test/images/20613988_1265419368.jpg 0 0 1208.55 0.0 319.5 0.0 1208.55 213.5 0.0 0.0 1.0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 0.9994881746388339 -0.0051936043243914825 -0.03156604554349036 1.1079927368947906 0.01296450332066033 0.9678324373782929 0.25126140732719265 -3.9687335805493866 0.029245690465103277 -0.25154204346890896 0.9674044086919932 -11.636982820078718 0.0 0.0 0.0 1.0 +reichstag/test/images/06229406_8584869180.jpg reichstag/test/images/62810349_4295140640.jpg 0 0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 0.9998839024137474 0.00931408760567805 0.012059413996084426 -0.49012113453861306 -0.008980949267942826 0.9995844712085499 -0.027390280556624562 0.11509122943261874 -0.012309518435009536 0.027278795625865205 0.9995520712124507 2.1215732910111225 0.0 0.0 0.0 1.0 +reichstag/test/images/77361791_2035867493.jpg reichstag/test/images/77902859_6141520050.jpg 0 0 601.346 0.0 249.5 0.0 601.346 187.0 0.0 0.0 1.0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 0.9978071525931231 0.014087621749506757 0.06467167190854367 -0.4552823897631417 -0.017876727028446927 0.9981337591052415 0.05839025231312057 -0.11838298636732178 -0.06372839920125004 -0.05941832922493118 0.9961968446483676 -1.6960216547355413 0.0 0.0 0.0 1.0 +reichstag/test/images/34272622_11098902473.jpg reichstag/test/images/48551853_12793928283.jpg 0 0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 0.9681424734265774 -0.02443007891883071 0.24920538194727743 -0.4046132274051988 -0.0009465502998301174 0.994865062271419 0.10120578992436928 0.05616437894032453 -0.25039819326424584 -0.098217509211471 0.9631479978146119 2.8978469550247854 0.0 0.0 0.0 1.0 +reichstag/test/images/92102978_5376734902.jpg reichstag/test/images/78040542_6368040213.jpg 0 0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 0.9387503841736891 -0.027157580260653652 -0.34352610097070835 3.7728535026205905 0.037112296805070846 0.9990592221778153 0.022435418590056908 0.15026996569238887 0.3425936275525327 -0.03381030044002711 0.938875108810832 1.763937639567692 0.0 0.0 0.0 1.0 +reichstag/test/images/77274889_6889793618.jpg reichstag/test/images/91549947_3428166276.jpg 0 0 757.774 0.0 319.5 0.0 757.774 239.5 0.0 0.0 1.0 543.843 0.0 319.5 0.0 543.843 213.0 0.0 0.0 1.0 0.9456271470090585 0.006727138050986926 0.32518309373820703 -3.7204945098973936 -0.020384209528680496 0.9990464427687954 0.03860944434859085 -0.3971156741180859 -0.3246132819855026 -0.04313873902490715 0.9448625647965642 -2.953689985560759 0.0 0.0 0.0 1.0 +reichstag/test/images/78040542_6368040213.jpg reichstag/test/images/62663981_6029901745.jpg 0 0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 0.9374742785731861 0.012734788351765282 0.3478215090809081 -4.712343418234221 -0.0023464067065904863 0.9995389466715754 -0.030271908797507623 0.9127027620148295 -0.34804665116798894 0.027563005139372865 0.937071933929533 10.468750329839425 0.0 0.0 0.0 1.0 +reichstag/test/images/19799508_3094174298.jpg reichstag/test/images/77214581_8512429399.jpg 0 0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 0.9984836546114453 -0.000657711918341631 0.055045062347174684 -0.33852045812072273 -0.0024949937581127957 0.9983603855202237 0.05718667353551613 -0.1246573568529987 -0.05499242202266469 -0.057237295873784885 0.9968448853663934 -1.011955351289749 0.0 0.0 0.0 1.0 +reichstag/test/images/19799508_3094174298.jpg reichstag/test/images/48900330_6782044072.jpg 0 0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 769.928 0.0 319.5 0.0 769.928 170.0 0.0 0.0 1.0 0.9999428309507413 0.0017563654408644588 -0.010547512059964466 0.05024666517069011 -0.000999347280085349 0.9974506187793646 0.07135309665092839 0.41583313504073827 0.010645944543850719 -0.07133847683474238 0.9973953506948326 5.33016170398695 0.0 0.0 0.0 1.0 +reichstag/test/images/77594532_1434504133.jpg reichstag/test/images/20613988_1265419368.jpg 0 0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 0.9861542209100577 -0.0024848281646390902 0.16581217750898025 0.513492725590964 -0.008062546211744624 0.9979868285352632 0.06290695842838617 1.2489431566051676 -0.1656346821467679 -0.06337283092240281 0.9841488893307859 3.2972361672197703 0.0 0.0 0.0 1.0 +reichstag/test/images/77214581_8512429399.jpg reichstag/test/images/77792600_3686854267.jpg 0 0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 0.9768125959766708 -0.05228276067188234 -0.20761422224366968 1.1302270195651545 0.03591342114843486 0.9959975515578564 -0.08184805112016935 -0.005899625601125967 0.21106249909145952 0.0724940702904822 0.9747806067264502 -0.2977305873593843 0.0 0.0 0.0 1.0 +reichstag/test/images/19799508_3094174298.jpg reichstag/test/images/77349640_2188160842.jpg 0 0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 708.96 0.0 239.0 0.0 708.96 319.5 0.0 0.0 1.0 0.998121347872747 -0.00585288620747211 -0.06098785652679552 0.04537491404385338 0.0023936320284966097 0.9983918101093678 -0.056639774295562044 0.015557773497507782 0.061221282626246626 0.05638738537636268 0.9965301888673592 -1.0791126501956896 0.0 0.0 0.0 1.0 +reichstag/test/images/35531158_5960344226.jpg reichstag/test/images/48668943_3586566128.jpg 0 0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 550.231 0.0 319.5 0.0 550.231 212.0 0.0 0.0 1.0 0.9771104194214808 0.01538644567112628 -0.2121756007357759 2.0224492696533907 -0.017698107284079993 0.9998028685553741 -0.009000057055704166 -0.0019911224594100774 0.21199529536416398 0.01254915606940223 0.9771901111991497 -0.17453890466639432 0.0 0.0 0.0 1.0 +reichstag/test/images/92697655_166630020.jpg reichstag/test/images/91840440_9426147613.jpg 0 0 431.56 0.0 249.5 0.0 431.56 187.0 0.0 0.0 1.0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 0.9993089956076235 0.02541948139834241 0.027117914062889083 -0.12931019425492485 -0.026788121684663838 0.998320791394961 0.0513614057940978 0.015936890767745793 -0.0257667971290682 -0.05205235281884636 0.9983118875039663 -0.4104653214043825 0.0 0.0 0.0 1.0 +reichstag/test/images/77902859_6141520050.jpg reichstag/test/images/34959164_3067403556.jpg 0 0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 0.9987911445531832 -0.0166921800329943 -0.04623441021455806 0.1849056058372845 0.017921544193663635 0.9994933264842462 0.02630415494119195 -0.1446702029013618 0.0457719107734917 -0.027100949046145562 0.9985842331746189 -2.0469279337565007 0.0 0.0 0.0 1.0 +reichstag/test/images/49051226_8836027266.jpg reichstag/test/images/06857713_2570944910.jpg 0 0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 782.61 0.0 319.5 0.0 782.61 239.5 0.0 0.0 1.0 0.997928537913585 -0.020904862163086957 -0.060840939798764856 0.9347337278238067 0.025895386949858854 0.996260451811883 0.08242900636486945 -0.6198110796458547 0.05889025515627924 -0.08383375748184584 0.9947380755526067 -3.7782293055778626 0.0 0.0 0.0 1.0 +reichstag/test/images/77122925_1063274053.jpg reichstag/test/images/64097451_5212815345.jpg 0 0 658.554 0.0 319.5 0.0 658.554 239.5 0.0 0.0 1.0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 0.902820420672412 -0.07632040243626174 -0.42319083660785484 0.8503662805456755 0.024363615192897443 0.9916216769675875 -0.1268576525981852 0.5275972296324352 0.42932703417281043 0.10421922058793412 0.8971157404640842 5.147015677890125 0.0 0.0 0.0 1.0 +reichstag/test/images/48668943_3586566128.jpg reichstag/test/images/64097451_5212815345.jpg 0 0 550.231 0.0 319.5 0.0 550.231 212.0 0.0 0.0 1.0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 0.9710517459361956 -0.009933447631034374 0.23866259307320786 -2.3112488321782783 -0.012128727662886737 0.9957957670974669 0.09079473660982262 0.46448384623346267 -0.2385611047080928 -0.09106106110148861 0.9668487381547979 4.709599789088759 0.0 0.0 0.0 1.0 +reichstag/test/images/77214581_8512429399.jpg reichstag/test/images/77122925_1063274053.jpg 0 0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 658.554 0.0 319.5 0.0 658.554 239.5 0.0 0.0 1.0 0.90188787520256 0.05349567453888524 0.42864492691298867 -2.365080960834593 -0.08973326834507003 0.9938576919564045 0.06476749718184431 -0.5506143137961823 -0.42254727678062654 -0.09687673066695747 0.9011485437709804 -2.1406742932247695 0.0 0.0 0.0 1.0 +reichstag/test/images/64097451_5212815345.jpg reichstag/test/images/48815289_2513792540.jpg 0 0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 776.799 0.0 319.5 0.0 776.799 211.0 0.0 0.0 1.0 0.9990147471873515 -0.013835098005100781 -0.04216781907309514 0.5714793840895065 0.015556159141356015 0.9990477166891706 0.04076353383753477 0.09258148255722881 0.04156369587706124 -0.04137934075531282 0.9982786231026362 1.3916311808655222 0.0 0.0 0.0 1.0 +reichstag/test/images/05978621_9257964873.jpg reichstag/test/images/78043438_3428167710.jpg 0 0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 0.9997364283140563 -0.007374964305104712 0.021741292586982368 -0.30901098583674724 0.006720106151928585 0.9995260714069422 0.030041184249477788 0.07259176047048767 -0.02195254142829834 -0.029887162449832735 0.9993121851781537 0.3888624324946104 0.0 0.0 0.0 1.0 +reichstag/test/images/05936329_2458217347.jpg reichstag/test/images/92342560_2757258130.jpg 0 0 864.162 0.0 319.5 0.0 864.162 200.0 0.0 0.0 1.0 1743.4 0.0 319.5 0.0 1743.4 239.5 0.0 0.0 1.0 0.9996887877299977 0.009007898024727968 0.023263393133923976 -0.2378627173099057 -0.011271794983668747 0.9950140664090522 0.09909568247894646 -0.32229570165637456 -0.022254759598196953 -0.09932706288468485 0.9948059410025294 -1.9425966047862455 0.0 0.0 0.0 1.0 +reichstag/test/images/20982577_4977562846.jpg reichstag/test/images/64097451_5212815345.jpg 0 0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 0.9986405511676092 0.015448913897126467 0.049783336801113465 -0.5774929249692557 -0.01343394332530992 0.9990868607898697 -0.040558276144036766 0.014530703258717751 -0.050364459000234355 0.03983435271775799 0.9979361931572435 0.21307880451316852 0.0 0.0 0.0 1.0 +reichstag/test/images/62810349_4295140640.jpg reichstag/test/images/77107104_4141016705.jpg 0 0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 0.9998499723912386 -0.013084248381491578 0.011350557410595052 -0.012736870464445826 0.013432792886989868 0.9994230566071683 -0.031194775159308376 0.03080821803275749 -0.010935848595102885 0.03134256476863378 0.9994488735544351 -0.19303983809947645 0.0 0.0 0.0 1.0 +reichstag/test/images/92414106_7915968882.jpg reichstag/test/images/64127786_281241429.jpg 0 0 1871.37 0.0 319.5 0.0 1871.37 212.5 0.0 0.0 1.0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 0.9999541831106483 -0.00865165901438198 -0.0040963979072435935 0.04507417920023893 0.008764139672745861 0.9995614308536876 0.028286671870781543 -0.7939444756672178 0.0038498747138327565 -0.028321277266880534 0.9995914584062132 -14.46987050477429 0.0 0.0 0.0 1.0 +reichstag/test/images/20982577_4977562846.jpg reichstag/test/images/19799508_3094174298.jpg 0 0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 0.999982494003665 -0.0005027831770732275 -0.00589566750140795 0.1535755405460681 0.00016296043203754376 0.9983455624522581 -0.057498794559383046 -0.08351826548227029 0.005914822914331068 0.05749682722517304 0.9983281673522645 -0.919469391462449 0.0 0.0 0.0 1.0 +reichstag/test/images/06229406_8584869180.jpg reichstag/test/images/05936329_2458217347.jpg 0 0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 864.162 0.0 319.5 0.0 864.162 200.0 0.0 0.0 1.0 0.9971762490757361 -0.0006650694508989267 0.0750938476965375 -0.9386502256571387 0.006716634343923812 0.996743035742618 -0.08036297357415607 0.1607696549520849 -0.07479582275993302 0.08064042646970543 0.993932948702501 3.72392386490528 0.0 0.0 0.0 1.0 +reichstag/test/images/91629190_2705184160.jpg reichstag/test/images/78043438_3428167710.jpg 0 0 1208.55 0.0 319.5 0.0 1208.55 213.5 0.0 0.0 1.0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 0.9998456596104405 -0.009902686067754527 0.014511849186328429 -0.12186498967687065 0.009760587152231355 0.9999040439307756 0.009830252760009582 -0.9112004403009571 -0.01460780259337239 -0.009687091386245943 0.9998463743815186 -10.00080199012465 0.0 0.0 0.0 1.0 +reichstag/test/images/48551853_12793928283.jpg reichstag/test/images/92697655_166630020.jpg 0 0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 431.56 0.0 249.5 0.0 431.56 187.0 0.0 0.0 1.0 0.9998559573849988 -0.005670630493315654 0.015997138229567127 -1.5112681550752427 0.006509597357609489 0.9985791344735202 -0.052889860430498356 -0.00011451698459949422 -0.015674489591989964 0.0529863769654434 0.9984722100449801 -4.74865193002314 0.0 0.0 0.0 1.0 +reichstag/test/images/77349640_2188160842.jpg reichstag/test/images/19799508_3094174298.jpg 0 0 708.96 0.0 239.0 0.0 708.96 319.5 0.0 0.0 1.0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 0.9981213478727471 0.0023936320284966076 0.06122128262624664 0.02073775059319162 -0.005852886207472111 0.9983918101093677 0.056387385376362675 0.045581161436216516 -0.06098785652679552 -0.05663977429556207 0.9965301888673593 1.0790168406357301 0.0 0.0 0.0 1.0 +reichstag/test/images/49051226_8836027266.jpg reichstag/test/images/34481400_9199849492.jpg 0 0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 0.9920605227703571 -0.00029727677954491394 0.12576100662416112 -1.919859354510709 -0.011868658531060531 0.995312677677332 0.0959781673061766 -0.785442396061979 -0.12520005633097384 -0.09670876527645095 0.9874068870599524 -4.77053881372499 0.0 0.0 0.0 1.0 +reichstag/test/images/48716728_829974943.jpg reichstag/test/images/49284352_2431392889.jpg 0 0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 666.383 0.0 319.5 0.0 666.383 179.5 0.0 0.0 1.0 0.9994038421287078 -0.012964429954817279 -0.03199818579737006 0.4092125577030765 0.019044459727843015 0.9800712543208902 0.19773124438882075 -1.7785118560511624 0.028797029222663632 -0.19822275351186003 0.9797338776923686 -5.251061874909873 0.0 0.0 0.0 1.0 +reichstag/test/images/77107104_4141016705.jpg reichstag/test/images/78043438_3428167710.jpg 0 0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 0.9984835551866352 -0.02090277921533964 -0.05092802610481137 0.5401202429279419 0.019831801832832792 0.9995733227977237 -0.021444626067636783 0.10970644707824533 0.05135454856116284 0.020402111954214014 0.9984720647919433 1.4120525981734449 0.0 0.0 0.0 1.0 +reichstag/test/images/49284352_2431392889.jpg reichstag/test/images/92342560_2757258130.jpg 0 0 666.383 0.0 319.5 0.0 666.383 179.5 0.0 0.0 1.0 1743.4 0.0 319.5 0.0 1743.4 239.5 0.0 0.0 1.0 0.9986057641066476 0.016280726755976915 0.05021419947859106 -0.37490133371688894 -0.009799760318415037 0.9918914580388609 -0.1267095109581127 1.0978670848187442 -0.05186995846036638 0.1260407608904345 0.9906680745857717 5.052476116555306 0.0 0.0 0.0 1.0 +reichstag/test/images/05866831_3427466899.jpg reichstag/test/images/91549947_3428166276.jpg 0 0 961.582 0.0 249.5 0.0 961.582 176.5 0.0 0.0 1.0 543.843 0.0 319.5 0.0 543.843 213.0 0.0 0.0 1.0 0.9781425877044297 -0.01811952926980857 0.2071442994096686 -3.710516032328338 0.01168024102658104 0.9994110342713313 0.03226695749941377 -0.6832523552003849 -0.20760696059728542 -0.02914218996143826 0.9777781357116799 -5.855989836635651 0.0 0.0 0.0 1.0 +reichstag/test/images/48668943_3586566128.jpg reichstag/test/images/06373813_9127207861.jpg 0 0 550.231 0.0 319.5 0.0 550.231 212.0 0.0 0.0 1.0 1495.37 0.0 319.5 0.0 1495.37 211.5 0.0 0.0 1.0 0.983259702238377 -0.018096799709938403 0.18130875266891144 -1.8237474496714636 -0.005336591450938114 0.9917686532388095 0.12793146307521072 1.8459066492126954 -0.18213148751872615 -0.12675742302972484 0.9750695754463264 15.476368853928532 0.0 0.0 0.0 1.0 +reichstag/test/images/77214581_8512429399.jpg reichstag/test/images/20099963_3586531606.jpg 0 0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 502.573 0.0 319.5 0.0 502.573 212.0 0.0 0.0 1.0 0.992565519547407 0.006270309371422971 -0.1215498771121247 2.2492844844067896 0.014584947185187287 0.9853482233286768 0.16992986229213833 -0.7696292070070604 0.12083446826626612 -0.17043932059066194 0.9779312190923257 -2.0369358546528997 0.0 0.0 0.0 1.0 +reichstag/test/images/62810349_4295140640.jpg reichstag/test/images/92241023_5405455015.jpg 0 0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 523.981 0.0 319.5 0.0 523.981 213.0 0.0 0.0 1.0 0.9968705407091838 0.005027133376826875 0.07889140001414392 -0.5164098890404394 -0.010493939631244354 0.9975590710867488 0.06903460670966738 -0.8969559889860246 -0.07835178553929627 -0.06964644730748472 0.994490005017773 -4.219199392325065 0.0 0.0 0.0 1.0 +reichstag/test/images/49051226_8836027266.jpg reichstag/test/images/62810349_4295140640.jpg 0 0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 0.9993289026454113 -0.0010742103896501647 -0.03661407392733753 0.3561377902548687 0.003597624421978168 0.9976154780359576 0.06892325501313692 -0.6020564923104477 0.03645272878724112 -0.06900872448557707 0.9969498455332835 -3.9487772980556595 0.0 0.0 0.0 1.0 +reichstag/test/images/77594532_1434504133.jpg reichstag/test/images/63329391_7754963780.jpg 0 0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 0.937250782929558 0.04761722732272669 0.3453890119271695 -0.2901530397094175 0.0037037900360789387 0.9892142267943991 -0.14642914821485523 0.19765207705782828 -0.34863627441403644 0.1385200821890283 0.926965444336004 1.5090766973418948 0.0 0.0 0.0 1.0 +reichstag/test/images/77023786_7168337563.jpg reichstag/test/images/77107104_4141016705.jpg 0 0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 0.9998466518385108 -0.016878244681601023 0.004668796824448496 -0.11659593021047204 0.016985760657445503 0.9995667610606718 -0.024036932365973318 0.25538639256815965 -0.004261072893996341 0.024112549412005475 0.9997001691600566 1.761138802495276 0.0 0.0 0.0 1.0 +reichstag/test/images/91831337_388207037.jpg reichstag/test/images/48815289_2513792540.jpg 0 0 678.613 0.0 319.5 0.0 678.613 239.5 0.0 0.0 1.0 776.799 0.0 319.5 0.0 776.799 211.0 0.0 0.0 1.0 0.9894624543372548 -0.014716106735676525 0.1440398821835139 -5.133874975608207 -0.0018106901725262903 0.9934860208371475 0.11393966737826619 -0.2674226007962851 -0.14477835769891684 -0.11299983452959123 0.9829904702174328 -2.0932060442558376 0.0 0.0 0.0 1.0 +reichstag/test/images/48900330_6782044072.jpg reichstag/test/images/20613988_1265419368.jpg 0 0 769.928 0.0 319.5 0.0 769.928 170.0 0.0 0.0 1.0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 0.9967478472333945 -0.019404190743870474 -0.07821257198922196 1.392027510763493 0.03449833398833852 0.9798879221222018 0.1965439519065979 -1.5078717350540547 0.07282577831800209 -0.1986029643802164 0.977370589158364 -5.49784560906912 0.0 0.0 0.0 1.0 +reichstag/test/images/64097451_5212815345.jpg reichstag/test/images/34537245_34002183.jpg 0 0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 0.996323439793096 -0.010205723891562463 -0.08506142791360805 0.9991112951559302 0.011335256290565802 0.9998537403858233 0.0128066311458533 0.13918499304782123 0.08491828592052443 -0.01372373988124019 0.9962934024071385 3.6737078893789517 0.0 0.0 0.0 1.0 +reichstag/test/images/77107104_4141016705.jpg reichstag/test/images/91629190_2705184160.jpg 0 0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 1208.55 0.0 319.5 0.0 1208.55 213.5 0.0 0.0 1.0 0.9977728417682807 -0.011441160563955038 -0.06571496081258066 0.5051309853419848 0.009444753455243184 0.9994867642083064 -0.030610534209300218 0.9036961278524904 0.06603145357947895 0.02992169810286286 0.997368807974674 11.430743684059836 0.0 0.0 0.0 1.0 +reichstag/test/images/77902859_6141520050.jpg reichstag/test/images/19799508_3094174298.jpg 0 0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 0.9996519377605904 -0.020265614391643032 -0.01689106878873167 -0.06247580641758734 0.02012748462929652 0.9997629029063756 -0.008307968145930185 0.014481478678659288 0.017055430044237135 0.00796510172851477 0.9998228190336829 -0.23487369792006363 0.0 0.0 0.0 1.0 +reichstag/test/images/35531158_5960344226.jpg reichstag/test/images/05936329_2458217347.jpg 0 0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 864.162 0.0 319.5 0.0 864.162 200.0 0.0 0.0 1.0 0.9995565849877119 -0.0064755656792159135 0.02906373095177793 -0.42540660732785823 0.0038479636377163036 0.995973116106974 0.08956977820675145 0.5208859576806232 -0.029526709663387614 -0.08941822544256847 0.995556404416724 5.162171773548083 0.0 0.0 0.0 1.0 +reichstag/test/images/49051226_8836027266.jpg reichstag/test/images/62663981_6029901745.jpg 0 0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 0.9992181790625904 -0.02253257135569623 -0.03248559463733577 0.47711027279255147 0.022456759378806593 0.9997441780854432 -0.002696728103402924 0.7251931195575233 0.03253804832873698 0.001965098562861072 0.9994685656880836 8.099926189793345 0.0 0.0 0.0 1.0 +reichstag/test/images/20982577_4977562846.jpg reichstag/test/images/05978621_9257964873.jpg 0 0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 0.997375778073628 -0.014467606499029598 -0.07093832302933732 0.8221644201926896 0.010082865723645794 0.9980386384602769 -0.06178358972377806 -0.03409512645150364 0.0716930479950762 0.06090619428716952 0.9955654385155349 0.5926629493712664 0.0 0.0 0.0 1.0 +reichstag/test/images/19799508_3094174298.jpg reichstag/test/images/62663981_6029901745.jpg 0 0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 0.9999774167160188 -0.006555169125912067 0.0014818284948424872 -0.04537046688235226 0.006544871980401927 0.9999551190386091 0.006850150307927892 1.0493770705428005 -0.0015266658827614063 -0.006840297231242516 0.9999754395109265 12.746071399543542 0.0 0.0 0.0 1.0 +reichstag/test/images/35531158_5960344226.jpg reichstag/test/images/05978621_9257964873.jpg 0 0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 0.9953443528253092 -0.006905353434285044 -0.0961349852692233 0.5314257107214648 0.012775596219227112 0.99808148601993 0.06058160946600292 0.29135038686214565 0.0955322115310299 -0.06152774462139527 0.9935229907766576 4.439594025002644 0.0 0.0 0.0 1.0 +reichstag/test/images/77107104_4141016705.jpg reichstag/test/images/34272622_11098902473.jpg 0 0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 0.9934062155205183 -0.010374729935379348 -0.11417730047592431 0.211666440379279 -0.004746348293213678 0.9913217248745599 -0.13137240946868015 -0.06425207620837209 0.11454939171851185 0.13104809334933112 0.9847359209891877 -0.33998916253737077 0.0 0.0 0.0 1.0 +reichstag/test/images/06796518_2036664706.jpg reichstag/test/images/78043438_3428167710.jpg 0 0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 0.9997966959542236 -0.01729808999302006 -0.010360639054188407 -0.05881882134418448 0.018405107969937683 0.9927780974782177 0.11854493311881859 0.011038664395864456 0.008235214607569817 -0.11871152113473907 0.9928946348884373 -0.05812307885825245 0.0 0.0 0.0 1.0 +reichstag/test/images/34272622_11098902473.jpg reichstag/test/images/06639257_4979506057.jpg 0 0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 678.155 0.0 319.5 0.0 678.155 239.5 0.0 0.0 1.0 0.9977956486050171 0.009508876468009153 0.06567666932183178 0.05915805176712481 -0.020322019619812014 0.9859164931497307 0.16599904835241966 0.037022715836152215 -0.06317324705494463 -0.16696781068114042 0.9839364263268647 0.03995942430235133 0.0 0.0 0.0 1.0 +reichstag/test/images/64271070_4602086309.jpg reichstag/test/images/05978621_9257964873.jpg 0 0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 0.9809982374251159 -0.047402654742657126 -0.18813677602256343 1.2741555764988033 0.00863269426986769 0.9793981108439257 -0.20175434831743305 0.3159103436704011 0.1938244947328865 0.1962965328239334 0.9611970331013531 5.109519545321564 0.0 0.0 0.0 1.0 +reichstag/test/images/35531158_5960344226.jpg reichstag/test/images/48815289_2513792540.jpg 0 0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 776.799 0.0 319.5 0.0 776.799 211.0 0.0 0.0 1.0 0.9998709181381868 -0.0023084818142084934 -0.015900250727981298 0.005900204616031024 0.004251750568633077 0.9923614875400399 0.12329071605121347 0.6736934452795221 0.015494182088814156 -0.12334240535611543 0.9922432067605029 5.409560785487263 0.0 0.0 0.0 1.0 +reichstag/test/images/05461164_9050854768.jpg reichstag/test/images/77902859_6141520050.jpg 0 0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 0.9996641568549487 0.015033561956934678 -0.021108422830038106 0.5511576628166716 -0.013955352643079857 0.9986351601629515 0.05032956406451203 0.18990082048183893 0.02183624583329176 -0.05001808574109511 0.9985095740485939 3.1001333354771825 0.0 0.0 0.0 1.0 +reichstag/test/images/62673079_4759250457.jpg reichstag/test/images/64097451_5212815345.jpg 0 0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 0.9998990483899093 -0.005622074406688525 -0.013049341298277473 0.2598167659257218 0.005176165937402127 0.9994098985942272 -0.03395676512956421 0.3329652572386502 0.013232548323801802 0.03388579158351724 0.9993381073458654 3.283556821013316 0.0 0.0 0.0 1.0 +reichstag/test/images/49051226_8836027266.jpg reichstag/test/images/34959164_3067403556.jpg 0 0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 0.9979134696486862 -0.012443928935944593 -0.06335499764310454 0.9027817324974774 0.014072516289386239 0.9995802230269484 0.02532473136443571 -0.6089479523283821 0.0630132635165453 -0.026163454780151568 0.997669685945685 -6.426934435479522 0.0 0.0 0.0 1.0 +reichstag/test/images/64127786_281241429.jpg reichstag/test/images/64271070_4602086309.jpg 0 0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 0.9927369215954682 0.0046845223846088465 0.1202142244128438 -1.3394271407625244 -0.030126914910229043 0.977083202520021 0.21071493623189455 -1.3356038852065488 -0.11647220054221222 -0.21280618083892133 0.970127700819643 -4.826753970091793 0.0 0.0 0.0 1.0 +reichstag/test/images/62810349_4295140640.jpg reichstag/test/images/63790741_1504116525.jpg 0 0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 0.9999255475409476 0.007892634855091254 0.009306217812849103 0.14062814026303083 -0.007962479196106117 0.9999402317913239 0.007492113864916045 -0.16851228432452262 -0.009246529077852332 -0.00756565662434454 0.9999286287229979 -1.3477314845727493 0.0 0.0 0.0 1.0 +reichstag/test/images/49051226_8836027266.jpg reichstag/test/images/20613988_1265419368.jpg 0 0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 0.9919125907184131 -0.028737827145429953 -0.12362665434785984 1.9638181831384853 0.05976946920507389 0.9650313176463767 0.2552296348636681 -1.5515765928614442 0.11196884801242507 -0.26055458785570634 0.9589443590856112 -4.705087673150796 0.0 0.0 0.0 1.0 +reichstag/test/images/48668943_3586566128.jpg reichstag/test/images/77594532_1434504133.jpg 0 0 550.231 0.0 319.5 0.0 550.231 212.0 0.0 0.0 1.0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 0.9974834240213445 0.025447777925048206 -0.06617574632244051 -1.525959899310219 -0.005871747806899774 0.9598105464396641 0.2805873081963717 -0.1468433745429769 0.07065650274636252 -0.2794926216233104 0.9575445332086556 -0.8244249328145781 0.0 0.0 0.0 1.0 +reichstag/test/images/62673079_4759250457.jpg reichstag/test/images/34272622_11098902473.jpg 0 0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 0.9841792574857149 -0.030495464189522137 -0.17453141779843595 0.5465044728261849 0.006587998081156751 0.9906935265373555 -0.1359519575374343 -0.05645108287946339 0.17705306384287536 0.1326512839773639 0.9752209234030037 2.391817505921005 0.0 0.0 0.0 1.0 +reichstag/test/images/92241023_5405455015.jpg reichstag/test/images/05978621_9257964873.jpg 0 0 523.981 0.0 319.5 0.0 523.981 213.0 0.0 0.0 1.0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 0.9895803162631928 -0.04457349475197673 -0.13690873321316974 0.7210339700942481 0.02336286856361219 0.9879823654324975 -0.15279077840918934 0.29429439606277535 0.14207383304788662 0.14800016608099506 0.9787292663464594 5.18596177191844 0.0 0.0 0.0 1.0 +reichstag/test/images/20982577_4977562846.jpg reichstag/test/images/05466646_5360480312.jpg 0 0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 750.195 0.0 319.5 0.0 750.195 178.5 0.0 0.0 1.0 0.9997353110489235 0.0017972788111890365 -0.022936382251506772 0.30522260788623845 -0.0036566363084120355 0.9966843160379988 -0.08128347418002624 0.34189524385637066 0.02271424339088552 0.08134582935063016 0.9964270767067894 10.361003537940194 0.0 0.0 0.0 1.0 +reichstag/test/images/62663981_6029901745.jpg reichstag/test/images/63812586_393800330.jpg 0 0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 1002.64 0.0 187.0 0.0 1002.64 249.5 0.0 0.0 1.0 0.9996233893611812 0.02375364617199702 0.013742042628362221 -0.33462391706216493 -0.02270805891457924 0.9971604614975849 -0.07180082232297647 -0.12496569959374186 -0.015408552897535564 0.0714617262558022 0.9973243194558853 -11.707879170721881 0.0 0.0 0.0 1.0 +reichstag/test/images/06857713_2570944910.jpg reichstag/test/images/20982577_4977562846.jpg 0 0 782.61 0.0 319.5 0.0 782.61 239.5 0.0 0.0 1.0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 0.9994502568567109 0.007846451534728847 0.03221206710795684 -0.4558788509405179 -0.006724361647375307 0.9993718064648652 -0.03479619811972408 0.06775873259381486 -0.03246485837778553 0.03456046355975181 0.9988751710444329 0.11397334566793371 0.0 0.0 0.0 1.0 +reichstag/test/images/48542127_4157749181.jpg reichstag/test/images/48900330_6782044072.jpg 0 0 713.145 0.0 319.5 0.0 713.145 239.5 0.0 0.0 1.0 769.928 0.0 319.5 0.0 769.928 170.0 0.0 0.0 1.0 0.9915296479523266 -0.0310520027996669 -0.12611395780667792 0.8276109614398834 0.03699724289526781 0.9982982343732115 0.04507592778276209 0.4192318388027408 0.12449964357251637 -0.04935998753502381 0.9909911353694638 6.0487534307765065 0.0 0.0 0.0 1.0 +reichstag/test/images/35531158_5960344226.jpg reichstag/test/images/92414106_7915968882.jpg 0 0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 1871.37 0.0 319.5 0.0 1871.37 212.5 0.0 0.0 1.0 0.9998490680091191 -0.000351136059195578 -0.017370028922366557 -0.026065630090284175 0.0007134777406634492 0.9997821859693162 0.020858369253828044 0.5255569748672224 0.01735892136077284 -0.020867614187620835 0.9996315373813027 19.004725220161934 0.0 0.0 0.0 1.0 +reichstag/test/images/64271070_4602086309.jpg reichstag/test/images/78043438_3428167710.jpg 0 0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 0.9848900033041843 -0.05034544649905401 -0.1657015914476825 1.0735664912341623 0.021043732637902275 0.9845123755135536 -0.17404753309749577 0.5504108640116374 0.17189776818838653 0.16793069545937783 0.9706958528882162 5.45745495770034 0.0 0.0 0.0 1.0 +reichstag/test/images/76958303_5507621260.jpg reichstag/test/images/77594532_1434504133.jpg 0 0 708.355 0.0 319.5 0.0 708.355 239.5 0.0 0.0 1.0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 0.9161245605531534 -0.01089528221029024 -0.4007456579638134 2.623422739431178 0.07323475149677337 0.9873578312139648 0.1405744795959126 -0.9472245791415556 0.39414776508880195 -0.15813224201918447 0.905340672514766 -2.847097598427984 0.0 0.0 0.0 1.0 +reichstag/test/images/48983853_5719892543.jpg reichstag/test/images/48716728_829974943.jpg 0 0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 0.9997287197785646 0.013133659218450467 0.019235224080999352 -0.19106242751548297 -0.01147024242413629 0.9963852792807079 -0.08417130610509348 -0.16334060669979245 -0.02027117136832973 0.08392783941124313 0.9962656259166609 -1.3847055850753618 0.0 0.0 0.0 1.0 +reichstag/test/images/77594532_1434504133.jpg reichstag/test/images/92753909_16247242.jpg 0 0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 520.573 0.0 249.5 0.0 520.573 187.0 0.0 0.0 1.0 0.9574085604550708 0.033176666243438464 0.2868242618474255 -0.48829447037070106 0.011081035652131591 0.9884230311763827 -0.1513179503197415 0.5092311392601533 -0.28852393144456007 0.1480514108580632 0.9459570395777557 4.034160641690788 0.0 0.0 0.0 1.0 +reichstag/test/images/91549947_3428166276.jpg reichstag/test/images/06229406_8584869180.jpg 0 0 543.843 0.0 319.5 0.0 543.843 213.0 0.0 0.0 1.0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 0.9975818068676333 0.03342539271788964 0.060936702637759986 -0.41441867820417266 -0.037089353865203165 0.9975077302259312 0.06002256216934701 -0.273239109228039 -0.05877855422320007 -0.0621375189492326 0.9963352901018132 -2.9861134538617695 0.0 0.0 0.0 1.0 +reichstag/test/images/62663981_6029901745.jpg reichstag/test/images/06229406_8584869180.jpg 0 0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 0.9997660331741506 0.013379965182024365 -0.016995747790288916 0.5782870350999669 -0.011649840968990483 0.9951077406497228 0.09810639991560843 -2.3853010755485315 0.018225260399251524 -0.0978854485137187 0.9950307929168061 -14.035168824657896 0.0 0.0 0.0 1.0 +reichstag/test/images/91840440_9426147613.jpg reichstag/test/images/64282931_8298463790.jpg 0 0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 0.9998810512720947 -0.012598124214193493 -0.00889778474083178 0.8337063852958857 0.013683689094698505 0.9907652369463952 0.13489626351872286 -0.10574514595602613 0.007116175923208714 -0.13500197229980324 0.9908197754967313 -0.5910665565300124 0.0 0.0 0.0 1.0 +reichstag/test/images/64097451_5212815345.jpg reichstag/test/images/48542127_4157749181.jpg 0 0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 713.145 0.0 319.5 0.0 713.145 239.5 0.0 0.0 1.0 0.9980476500166174 0.018121453627590343 0.05977040417071472 -0.2540121956438738 -0.018543596152024888 0.9998068223896203 0.006515592445909688 -0.07939483582420248 -0.05964078586050073 -0.007611229965891212 0.9981908864742998 -1.7898384368795597 0.0 0.0 0.0 1.0 +reichstag/test/images/62751178_369337490.jpg reichstag/test/images/63329391_7754963780.jpg 0 0 700.224 0.0 319.5 0.0 700.224 258.5 0.0 0.0 1.0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 0.9951907072041589 0.01541974063756835 0.09673514300995267 0.022362917450229447 -0.004617539626535763 0.9938194833006433 -0.1109121857139228 0.39389184680073686 -0.09784750698041952 0.10993209818207082 0.9891111156826639 2.213928844285796 0.0 0.0 0.0 1.0 +reichstag/test/images/62810349_4295140640.jpg reichstag/test/images/62751178_369337490.jpg 0 0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 700.224 0.0 319.5 0.0 700.224 258.5 0.0 0.0 1.0 0.9998718187906434 -0.013785051526445194 0.008143607474851117 0.06400766151271148 0.01294031059303842 0.9952994028787299 0.09597732540032117 -1.3499014174310562 -0.009428380033011904 -0.09585964210060814 0.9953502070458903 -5.1596737530311785 0.0 0.0 0.0 1.0 +reichstag/test/images/92697655_166630020.jpg reichstag/test/images/48900330_6782044072.jpg 0 0 431.56 0.0 249.5 0.0 431.56 187.0 0.0 0.0 1.0 769.928 0.0 319.5 0.0 769.928 170.0 0.0 0.0 1.0 0.9850351385679146 0.021065252005409974 -0.17106148293651102 1.5932071632684044 -0.0023815923680247874 0.994071723896557 0.1087002105201262 0.7490584555527411 0.17233718056264657 -0.10666612820982935 0.9792457471382973 7.328936175358585 0.0 0.0 0.0 1.0 +reichstag/test/images/92102978_5376734902.jpg reichstag/test/images/06030835_119872882.jpg 0 0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 710.363 0.0 319.5 0.0 710.363 239.5 0.0 0.0 1.0 0.9996136020175875 -0.020869453811134787 -0.01836062523579243 -0.38138904077033775 0.02050659474739745 0.999594941466932 -0.019734045849424148 -0.00012898968310768102 0.01876502686622958 0.01934990675290385 0.9996366614302237 -1.405892004048651 0.0 0.0 0.0 1.0 +reichstag/test/images/05461164_9050854768.jpg reichstag/test/images/92697655_166630020.jpg 0 0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 431.56 0.0 249.5 0.0 431.56 187.0 0.0 0.0 1.0 0.9922336232920347 -0.023978812370396195 0.12205512429253415 -0.9754958409684507 0.023519504803014703 0.9997098405189911 0.005202659254124729 -0.055449271706419126 -0.12214446243109671 -0.0022915773604432043 0.9925096870915766 1.0443029530339976 0.0 0.0 0.0 1.0 +reichstag/test/images/64271070_4602086309.jpg reichstag/test/images/77349640_2188160842.jpg 0 0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 708.96 0.0 239.0 0.0 708.96 319.5 0.0 0.0 1.0 0.98194393715533 -0.042218003192726825 -0.1844010425412717 0.7303691796245975 -0.005607673623674214 0.9678545177798334 -0.2514481783781627 0.09384098132351884 0.18908902210445566 0.24794207512962557 0.9501421309993552 2.5360111485034222 0.0 0.0 0.0 1.0 +reichstag/test/images/92102978_5376734902.jpg reichstag/test/images/19799508_3094174298.jpg 0 0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 0.9998334342433193 -0.017961407206826086 0.003239077084731973 -0.5119263870679837 0.017999257702814346 0.9997652426361713 -0.01206177179295356 -0.03212391105891584 -0.0030216702927252747 0.012118063697975315 0.9999220079790493 -1.9344205375251355 0.0 0.0 0.0 1.0 +reichstag/test/images/91840440_9426147613.jpg reichstag/test/images/48716728_829974943.jpg 0 0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 0.992132853010111 -0.0002711435258564807 -0.1251891706946168 1.1087296428336808 0.0052430587073473405 0.9992102579643615 0.03938744361069271 0.3231628631455557 0.12507962389377741 -0.03973395097372743 0.991350745612575 2.986756353434047 0.0 0.0 0.0 1.0 +reichstag/test/images/48983853_5719892543.jpg reichstag/test/images/05461164_9050854768.jpg 0 0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 0.9999941199055971 0.0011631160012971072 -0.00322603710427402 -0.028502225584944307 -0.0017129154206121404 0.984378923835417 -0.17605453765634071 -0.09247900614648027 0.0029708710831093167 0.1760590283677426 0.984375127913751 -4.9213143987516546 0.0 0.0 0.0 1.0 +reichstag/test/images/48542127_4157749181.jpg reichstag/test/images/91629190_2705184160.jpg 0 0 713.145 0.0 319.5 0.0 713.145 239.5 0.0 0.0 1.0 1208.55 0.0 319.5 0.0 1208.55 213.5 0.0 0.0 1.0 0.9840355131349571 -0.04117078728157063 -0.17314466542125134 1.0321899307202187 0.03987320815529313 0.9991445578151096 -0.010967217507360289 0.9287107688882156 0.1734480791494275 0.0038882982221978266 0.9848353390167868 12.643568945178204 0.0 0.0 0.0 1.0 +reichstag/test/images/77274889_6889793618.jpg reichstag/test/images/49051226_8836027266.jpg 0 0 757.774 0.0 319.5 0.0 757.774 239.5 0.0 0.0 1.0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 0.9023885205739224 0.046136324682570895 0.4284464931367651 -5.220502625448049 -0.046632462587397366 0.9988684088071151 -0.009344266700882418 0.179384406541855 -0.4283927769809415 -0.011547356057844346 0.9035188361061604 0.6257040867427075 0.0 0.0 0.0 1.0 +reichstag/test/images/92753909_16247242.jpg reichstag/test/images/48983853_5719892543.jpg 0 0 520.573 0.0 249.5 0.0 520.573 187.0 0.0 0.0 1.0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 0.999971627487021 0.007168729078398302 0.002313772754510981 -0.01953964467367475 -0.00732952899243137 0.9968293799079776 0.07923045725619556 0.3586209970903796 -0.0017384549772998673 -0.07924516815350478 0.9968536407610772 1.8800541939492588 0.0 0.0 0.0 1.0 +reichstag/test/images/62663981_6029901745.jpg reichstag/test/images/91840440_9426147613.jpg 0 0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 0.9824229853005266 0.021215120640266635 0.18545888118238063 -4.383853467681439 -0.022325014080744304 0.9997431663451467 0.003898088310344863 -1.273079766724897 -0.1853285506863311 -0.007969943688609817 0.9826442938816186 -14.60616286146757 0.0 0.0 0.0 1.0 +reichstag/test/images/62751178_369337490.jpg reichstag/test/images/34120311_5589470818.jpg 0 0 700.224 0.0 319.5 0.0 700.224 258.5 0.0 0.0 1.0 512.125 0.0 319.5 0.0 512.125 241.5 0.0 0.0 1.0 0.9999939515610883 -0.0006764887833516939 0.0034116277882724182 0.019661350528543897 0.0005497304182227498 0.9993143800067551 0.03701982858120658 -0.16564569921049532 -0.0034343322068480565 -0.03701772919346398 0.9993087076012358 -0.7538496406087836 0.0 0.0 0.0 1.0 +reichstag/test/images/92102978_5376734902.jpg reichstag/test/images/92753909_16247242.jpg 0 0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 520.573 0.0 249.5 0.0 520.573 187.0 0.0 0.0 1.0 0.9988999931080826 -0.020101653526667467 0.04236422186428747 -1.0779753415583604 0.018232893097791286 0.9988631208632156 0.04404574200398556 -0.1278361297481444 -0.04320145110939296 -0.04322486905579889 0.9981308758460243 -1.7630495091102365 0.0 0.0 0.0 1.0 +reichstag/test/images/48542127_4157749181.jpg reichstag/test/images/77122925_1063274053.jpg 0 0 713.145 0.0 319.5 0.0 713.145 239.5 0.0 0.0 1.0 658.554 0.0 319.5 0.0 658.554 239.5 0.0 0.0 1.0 0.9271603537159564 0.010414691389865009 0.37451997637049544 -2.0836680358754736 -0.051972547127654374 0.9935244225489495 0.1010350243422559 -0.7481790975203413 -0.3710424946584505 -0.11314042602902981 0.9216977330750052 -2.6442138717475667 0.0 0.0 0.0 1.0 +reichstag/test/images/62810349_4295140640.jpg reichstag/test/images/06639257_4979506057.jpg 0 0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 678.155 0.0 319.5 0.0 678.155 239.5 0.0 0.0 1.0 0.9992001061367216 -0.0069731203464374275 -0.03937668712574501 0.244682624612849 0.007175601800471164 0.9999617387475009 0.005003176978230047 -0.0632021287725576 0.03934029276919261 -0.005281726394704339 0.9992119118240764 -0.4916312974431898 0.0 0.0 0.0 1.0 +reichstag/test/images/20329925_5164269072.jpg reichstag/test/images/19799508_3094174298.jpg 0 0 517.71 0.0 319.5 0.0 517.71 245.0 0.0 0.0 1.0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 0.9470605085913044 -0.030640531595960713 0.3195896601742566 -3.365862435462484 -0.029609247446968176 0.9828574359181048 0.1819740451990684 -0.18767431252921746 -0.3196868554263752 -0.18180324112623877 0.9299182200514143 -2.6679911938400878 0.0 0.0 0.0 1.0 +reichstag/test/images/48542127_4157749181.jpg reichstag/test/images/48983853_5719892543.jpg 0 0 713.145 0.0 319.5 0.0 713.145 239.5 0.0 0.0 1.0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 0.9968794024479054 -0.02721509813991934 -0.0740999015407001 0.3037101383175008 0.035234223693259986 0.9933994451499871 0.10916085313165601 0.428148182560995 0.07063997774518482 -0.11143105854712237 0.9912583481288961 2.700314488780196 0.0 0.0 0.0 1.0 +reichstag/test/images/62751178_369337490.jpg reichstag/test/images/49051226_8836027266.jpg 0 0 700.224 0.0 319.5 0.0 700.224 258.5 0.0 0.0 1.0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 0.9994480707347257 0.020010975236351376 0.026516311484151196 -0.10993307968199362 -0.015388233428918931 0.9862889161702698 -0.1643087828194569 0.8131014143442856 -0.029440723098651957 0.16381005680288524 0.9860524880114971 9.301989267084942 0.0 0.0 0.0 1.0 +reichstag/test/images/05978621_9257964873.jpg reichstag/test/images/77274889_6889793618.jpg 0 0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 757.774 0.0 319.5 0.0 757.774 239.5 0.0 0.0 1.0 0.9414814894669203 -0.017672668398673715 -0.3366010721652861 2.580635843559571 0.0203361924939912 0.9997835650336908 0.0043888909044209595 0.2800007945603357 0.3364506565099807 -0.010977243743039143 0.9416371147389048 4.107511180336614 0.0 0.0 0.0 1.0 +reichstag/test/images/92102978_5376734902.jpg reichstag/test/images/77274889_6889793618.jpg 0 0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 757.774 0.0 319.5 0.0 757.774 239.5 0.0 0.0 1.0 0.917610051772654 -0.049764254294890946 -0.3943542974030598 2.947667347025496 0.048512252121356916 0.9987360118213879 -0.013150668622631785 0.29750254458194986 0.394510271450442 -0.007063829385099634 0.9188643795656228 3.7462073158843374 0.0 0.0 0.0 1.0 +reichstag/test/images/34537245_34002183.jpg reichstag/test/images/64127786_281241429.jpg 0 0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 0.9992287715637076 -0.010173879733094589 0.03792564106854304 -0.610225049155685 0.011912487724569671 0.9988749111763126 -0.04590211823789313 0.009937421028375991 -0.037415968723199036 0.04631850595269748 0.9982257466579463 -3.1710566594618896 0.0 0.0 0.0 1.0 +reichstag/test/images/77487845_5932034347.jpg reichstag/test/images/05978621_9257964873.jpg 0 0 774.031 0.0 319.5 0.0 774.031 212.0 0.0 0.0 1.0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 0.9976738866623658 -0.02175747786313612 -0.06460207449489747 0.43315458415262553 0.013725984275348725 0.9924034002066515 -0.1222582864837783 0.3178272011736205 0.0667713503508954 0.12108717279428016 0.9903936002201378 5.022661865162037 0.0 0.0 0.0 1.0 +reichstag/test/images/34959164_3067403556.jpg reichstag/test/images/91831337_388207037.jpg 0 0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 678.613 0.0 319.5 0.0 678.613 239.5 0.0 0.0 1.0 0.9948292683544361 -0.0010025390519586045 -0.1015564953157943 3.837857498062377 -0.008154438048207724 0.995934454651473 -0.0897110203831772 -0.09348210672853943 0.10123355157997568 0.09007528492057179 0.9907765697073091 7.067932104528742 0.0 0.0 0.0 1.0 +reichstag/test/images/77023786_7168337563.jpg reichstag/test/images/05978621_9257964873.jpg 0 0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 0.997135866520481 -0.03321267988605595 -0.06794837447088656 0.5781630347079595 0.028101723531879653 0.9967996291076241 -0.07483844296510453 0.16437834014899103 0.07021649972041653 0.07271462924123162 0.9948779954654353 2.8003918537552286 0.0 0.0 0.0 1.0 +reichstag/test/images/48551853_12793928283.jpg reichstag/test/images/34272622_11098902473.jpg 0 0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 0.9681424734265773 -0.0009465502998301168 -0.25039819326424595 1.1173920550654077 -0.024430078918830696 0.9948650622714191 -0.098217509211471 0.21885859856956671 0.24920538194727748 0.10120578992436938 0.9631479978146122 -2.6959078591651267 0.0 0.0 0.0 1.0 +reichstag/test/images/77122925_1063274053.jpg reichstag/test/images/20982577_4977562846.jpg 0 0 658.554 0.0 319.5 0.0 658.554 239.5 0.0 0.0 1.0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 0.8796429592696804 -0.09478698282515091 -0.4660940807328321 1.1705305359788194 0.05539092727460853 0.9936886261997709 -0.0975436278640014 0.7311970808355496 0.47239825294230126 0.05998618214319282 0.8793415426152373 4.974028682571745 0.0 0.0 0.0 1.0 +reichstag/test/images/64271070_4602086309.jpg reichstag/test/images/06857713_2570944910.jpg 0 0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 782.61 0.0 319.5 0.0 782.61 239.5 0.0 0.0 1.0 0.9878313186492798 -0.034464288477989095 -0.1516624499186638 1.0891167838335407 0.018256587762039485 0.9940925417613972 -0.10698932384893259 0.7090807616123905 0.15445382125059967 0.10291856603193995 0.9826249466948299 4.344904019142865 0.0 0.0 0.0 1.0 +reichstag/test/images/49501249_12793461434.jpg reichstag/test/images/63329391_7754963780.jpg 0 0 587.147 0.0 319.5 0.0 587.147 230.0 0.0 0.0 1.0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 0.9542659147225956 -0.05844088027078954 -0.2931914519760476 0.09411780854958285 0.09003081377025184 0.9913569857513441 0.09542420748361216 -0.11054407836381291 0.2850807193945499 -0.11745633365291322 0.9512796608328707 -1.7195483494404438 0.0 0.0 0.0 1.0 +reichstag/test/images/92414106_7915968882.jpg reichstag/test/images/92697655_166630020.jpg 0 0 1871.37 0.0 319.5 0.0 1871.37 212.5 0.0 0.0 1.0 431.56 0.0 249.5 0.0 431.56 187.0 0.0 0.0 1.0 0.9887377684430447 -0.020989640511428327 0.14817914915894523 -4.054156356271373 0.01996538803820428 0.9997654136780888 0.008396481022673246 -0.6791466112069388 -0.148320627475587 -0.00534346369700301 0.988924890404204 -17.637762913240362 0.0 0.0 0.0 1.0 +reichstag/test/images/78043438_3428167710.jpg reichstag/test/images/35221995_8835396469.jpg 0 0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 918.648 0.0 319.5 0.0 918.648 213.0 0.0 0.0 1.0 0.958842286417629 0.043389559400969446 0.28060437614620964 -3.027996622071246 -0.05305242828933169 0.9982285829123305 0.026928351406012224 -0.2950895889864809 -0.2789388994565281 -0.04070678557476757 0.9594456982957142 -2.0085011649361206 0.0 0.0 0.0 1.0 +reichstag/test/images/49051226_8836027266.jpg reichstag/test/images/48900330_6782044072.jpg 0 0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 769.928 0.0 319.5 0.0 769.928 170.0 0.0 0.0 1.0 0.9989029050570946 -0.014327485290919668 -0.04458373508058044 0.6261565906773813 0.017082774740654443 0.9979270804418617 0.06204611936247132 -0.21136507368518045 0.043602351721632605 -0.06273966278217041 0.9970770128923457 0.7215071462915863 0.0 0.0 0.0 1.0 +reichstag/test/images/48716728_829974943.jpg reichstag/test/images/77023786_7168337563.jpg 0 0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 0.9982973071445754 0.00039037979503740407 -0.05832953069847803 0.6298275415508273 0.0007874336732017524 0.9997962940032088 0.020168055078747634 -0.28593479598349403 0.058325521824492674 -0.02017964571207128 0.9980936405983337 -1.9205687713279185 0.0 0.0 0.0 1.0 +reichstag/test/images/63790741_1504116525.jpg reichstag/test/images/62663981_6029901745.jpg 0 0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 0.9995721364785836 -0.029040457859619916 -0.003492246117278421 -0.019743818659597637 0.028676416607182332 0.9964937607909583 -0.0785992864806252 1.0960958858560734 0.005762560733851188 0.07846551160857687 0.9969001737294428 13.438858547680166 0.0 0.0 0.0 1.0 +reichstag/test/images/77361791_2035867493.jpg reichstag/test/images/34537245_34002183.jpg 0 0 601.346 0.0 249.5 0.0 601.346 187.0 0.0 0.0 1.0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 0.9998362312404546 0.0003027290857084454 0.018094724479378356 -0.20508143005707272 -0.0017759541078812126 0.9966752805697983 0.08145692780924235 0.10556152796721208 -0.018009905216037316 -0.0814757231094888 0.9965125939283935 2.799778480563802 0.0 0.0 0.0 1.0 +reichstag/test/images/92241023_5405455015.jpg reichstag/test/images/63790741_1504116525.jpg 0 0 523.981 0.0 319.5 0.0 523.981 213.0 0.0 0.0 1.0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 0.9975701791262742 -0.0019773377504973826 -0.06964070543434724 0.360181638788438 -0.0023196646756691495 0.998100221678109 -0.06156757784663999 0.46577590230269295 0.06963014342772471 0.061579522745228224 0.9956704301648733 2.944392405701535 0.0 0.0 0.0 1.0 +reichstag/test/images/19799508_3094174298.jpg reichstag/test/images/48542127_4157749181.jpg 0 0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 713.145 0.0 319.5 0.0 713.145 239.5 0.0 0.0 1.0 0.9927614063521857 0.029762796287339653 0.11635706259092606 -0.8603699035385723 -0.03257335790140717 0.9992199192646505 0.022327769699910814 0.056215477016451174 -0.11560175782684792 -0.02595628829212184 0.992956446519906 -0.6142347428635067 0.0 0.0 0.0 1.0 +reichstag/test/images/77902859_6141520050.jpg reichstag/test/images/64127786_281241429.jpg 0 0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 0.9995885812578092 -0.02753746332385647 -0.008022239879653358 -0.27180967279245877 0.027334712132599345 0.9993291660010402 -0.02437276127756024 0.07383324321336382 0.00868802230817621 0.024143448249002736 0.9996707518853496 1.3385939972770284 0.0 0.0 0.0 1.0 +reichstag/test/images/05791347_12791964625.jpg reichstag/test/images/76958303_5507621260.jpg 0 0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 708.355 0.0 319.5 0.0 708.355 239.5 0.0 0.0 1.0 0.973274916813873 0.04423743993854251 0.22534192953960527 -2.2295199491853617 -0.06452461901923512 0.9944189614676975 0.08347156769779898 -0.2322838456967749 -0.22039171908529404 -0.09578088526000121 0.9706974359590321 -1.8527174416926553 0.0 0.0 0.0 1.0 +reichstag/test/images/92753909_16247242.jpg reichstag/test/images/92102978_5376734902.jpg 0 0 520.573 0.0 249.5 0.0 520.573 187.0 0.0 0.0 1.0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 0.9988999931080826 0.018232893097791282 -0.043201451109392955 1.0029540865697972 -0.020101653526667467 0.9988631208632154 -0.043224869055798885 0.029814124522828767 0.04236422186428747 0.044045742003985554 0.9981308758460243 1.811052374411788 0.0 0.0 0.0 1.0 +reichstag/test/images/34537245_34002183.jpg reichstag/test/images/63329391_7754963780.jpg 0 0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 0.9913541727933856 -0.0009695800509877053 0.1312096185485897 -1.3883628314815444 -0.003307516776129457 0.9994703009038891 0.03237557634799489 -0.7398591946811016 -0.13117150764520974 -0.03252964072371459 0.990825846481847 -7.035216869771062 0.0 0.0 0.0 1.0 +reichstag/test/images/05978621_9257964873.jpg reichstag/test/images/05466646_5360480312.jpg 0 0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 750.195 0.0 319.5 0.0 750.195 178.5 0.0 0.0 1.0 0.9987128498957729 0.013291042628921005 0.04894886759568415 -0.5444405837458447 -0.012300563623097456 0.9997145732004402 -0.02048092442287849 0.398232009478591 -0.049207109116648426 0.019852463738733624 0.9985912777988224 9.810308692621316 0.0 0.0 0.0 1.0 +reichstag/test/images/63790741_1504116525.jpg reichstag/test/images/64271070_4602086309.jpg 0 0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 0.9923364260001447 -0.012144660190562224 0.1229671698548647 -1.2418098200443206 -0.0015330833386561675 0.9938716003289181 0.11053004892386505 -0.7677589312697569 -0.12355592777659878 -0.10987151263403556 0.9862363729972512 -2.6262891387878575 0.0 0.0 0.0 1.0 +reichstag/test/images/34537245_34002183.jpg reichstag/test/images/48983853_5719892543.jpg 0 0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 0.9975071602214806 0.002567491596982614 0.07051860246613462 -1.0707645705992408 -0.009936550477784724 0.9944912703002026 0.10434739221126604 -0.3668851952825353 -0.06986222349367174 -0.10478798253420461 0.9920376749120626 -2.6430457504947067 0.0 0.0 0.0 1.0 +reichstag/test/images/06796518_2036664706.jpg reichstag/test/images/06373813_9127207861.jpg 0 0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 1495.37 0.0 319.5 0.0 1495.37 211.5 0.0 0.0 1.0 0.9994231360839532 -0.003600778136488488 0.033770245141661645 -0.45621586994231134 -0.0013244784234692259 0.9894745216419241 0.14470112915382133 1.201439921711612 -0.03393583381945845 -0.14466238425484662 0.9888989603415917 10.10980564415954 0.0 0.0 0.0 1.0 +reichstag/test/images/77023786_7168337563.jpg reichstag/test/images/34272622_11098902473.jpg 0 0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 0.9935641736243559 -0.02989029417162004 -0.10925567813383862 -0.10789232048057863 0.01265252051682217 0.9878046320150915 -0.15518351295837265 -0.04189364001645286 0.11256174578746687 0.1528024191034424 0.9818254804706454 1.4143793850585675 0.0 0.0 0.0 1.0 +reichstag/test/images/34120311_5589470818.jpg reichstag/test/images/63790741_1504116525.jpg 0 0 512.125 0.0 319.5 0.0 512.125 241.5 0.0 0.0 1.0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 0.9997404997414925 0.0221886919046024 -0.005157046460286982 0.08129019307735459 -0.02265954785927734 0.9918916031382077 -0.12505035991443386 0.7919515410445503 0.0023405271722512556 0.12513476565478898 0.9921369927369288 4.679668432105698 0.0 0.0 0.0 1.0 +reichstag/test/images/77792600_3686854267.jpg reichstag/test/images/35221995_8835396469.jpg 0 0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 918.648 0.0 319.5 0.0 918.648 213.0 0.0 0.0 1.0 0.9199170983758415 0.05060289099834204 0.388833999977345 -2.579125367472062 -0.08217707307590605 0.9944962365257414 0.06499357042672702 0.13450328544352141 -0.3834050870508231 -0.09174193675057576 0.9190124897218773 1.3283099194549175 0.0 0.0 0.0 1.0 +reichstag/test/images/77487845_5932034347.jpg reichstag/test/images/77594532_1434504133.jpg 0 0 774.031 0.0 319.5 0.0 774.031 212.0 0.0 0.0 1.0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 0.9678278723726138 -0.008696786474447799 -0.25146287074579743 0.2991874467053328 0.03167799594145385 0.9956618350824532 0.08748722611544552 -0.06208469716835774 0.24961112561709461 -0.09263841571000507 0.9639047722171042 -0.3123124940210893 0.0 0.0 0.0 1.0 +reichstag/test/images/06373813_9127207861.jpg reichstag/test/images/64097451_5212815345.jpg 0 0 1495.37 0.0 319.5 0.0 1495.37 211.5 0.0 0.0 1.0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 0.9982474312383192 0.015498666288348307 0.05711267258130737 -1.4032035035738581 -0.01348452525587841 0.9992792563935412 -0.03548429681133104 -0.8555166801346923 -0.05762146826245215 0.03465197086535593 0.997736942941588 -10.90079646828496 0.0 0.0 0.0 1.0 +reichstag/test/images/34481400_9199849492.jpg reichstag/test/images/64097451_5212815345.jpg 0 0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 0.9946226286375277 -0.012453223320954884 -0.1028141227219935 0.99170437457596 0.003258748871491123 0.9960159231219045 -0.08911599992937608 0.09769523384081204 0.10351428480150576 0.0883017446970241 0.990700557547786 1.4685249612608582 0.0 0.0 0.0 1.0 +reichstag/test/images/77214581_8512429399.jpg reichstag/test/images/92753909_16247242.jpg 0 0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 520.573 0.0 249.5 0.0 520.573 187.0 0.0 0.0 1.0 0.9998706393447858 -0.002881290842475456 -0.015824118911656433 -0.16878855160052264 0.002861765793321178 0.9999951158854363 -0.0012563844223365485 0.13731677711938398 0.015827661633777516 0.0012109369734136486 0.9998740014416081 1.1623211097747372 0.0 0.0 0.0 1.0 +reichstag/test/images/77023786_7168337563.jpg reichstag/test/images/48716728_829974943.jpg 0 0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 0.9982973071445757 0.0007874336732017584 0.05832552182449268 -0.5165118082214561 0.00039037979503741307 0.9997962940032092 -0.020179645712071283 0.24687428003321604 -0.05832953069847803 0.020168055078747638 0.9980936405983338 1.9594117706281127 0.0 0.0 0.0 1.0 +reichstag/test/images/64271070_4602086309.jpg reichstag/test/images/92697655_166630020.jpg 0 0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 431.56 0.0 249.5 0.0 431.56 187.0 0.0 0.0 1.0 0.9993861693476093 -0.005572623266626016 0.03458656367203562 -0.40010972094240427 0.013496202040575344 0.9723071854823134 -0.23331650089511888 0.017465113203271737 -0.032328579418085854 0.23364007132636794 0.9717855627778272 1.643054359934971 0.0 0.0 0.0 1.0 +reichstag/test/images/92697655_166630020.jpg reichstag/test/images/62799820_4661707438.jpg 0 0 431.56 0.0 249.5 0.0 431.56 187.0 0.0 0.0 1.0 625.353 0.0 319.5 0.0 625.353 239.5 0.0 0.0 1.0 0.9978388177201625 0.009283348866461637 -0.06505008289504682 0.8969119657705624 0.006386175742712626 0.9715821837525231 0.23661630749815474 -0.8113833084307805 0.0653980933224516 -0.23652035778871486 0.9694231324562491 -2.9465516145025292 0.0 0.0 0.0 1.0 +reichstag/test/images/62810349_4295140640.jpg reichstag/test/images/05461164_9050854768.jpg 0 0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 0.9991100508958994 -0.005709270469886992 0.041791272168903694 -0.39372797598019327 0.010664855841511629 0.9927965965927152 -0.11933640954797098 -0.04833109803216436 -0.040808908937552874 0.11967590411032189 0.9919739466975449 -3.5311002190845313 0.0 0.0 0.0 1.0 +reichstag/test/images/77107104_4141016705.jpg reichstag/test/images/77792600_3686854267.jpg 0 0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 0.9855811425737476 -0.049545967070706305 -0.16178692329745012 1.2772949721040692 0.03870727692987459 0.9968325870318765 -0.06947330526187963 -0.08915115796748177 0.1647165993933232 0.062209248334671285 0.9843771895497856 -1.801506687561483 0.0 0.0 0.0 1.0 +reichstag/test/images/19799508_3094174298.jpg reichstag/test/images/62799820_4661707438.jpg 0 0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 625.353 0.0 319.5 0.0 625.353 239.5 0.0 0.0 1.0 0.9953148359039031 -0.006125098582007715 0.09649280075190672 -0.8514892633815088 -0.013333652126026581 0.9797606579329105 0.19972798223547134 -1.3788019808934244 -0.09576320353125509 -0.20007882530200774 0.9750886485418647 -4.709502207221307 0.0 0.0 0.0 1.0 +reichstag/test/images/20613988_1265419368.jpg reichstag/test/images/92102978_5376734902.jpg 0 0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 0.9957669658417962 0.052142075734261675 0.0756924941876364 -0.4758177047490456 -0.0309985373426005 0.9657818811300792 -0.25749650242957595 0.03264342326229221 -0.08652884155495352 0.25406015433154355 0.9633100215196506 2.3902805134825327 0.0 0.0 0.0 1.0 +reichstag/test/images/06639257_4979506057.jpg reichstag/test/images/62799820_4661707438.jpg 0 0 678.155 0.0 319.5 0.0 678.155 239.5 0.0 0.0 1.0 625.353 0.0 319.5 0.0 625.353 239.5 0.0 0.0 1.0 0.9902210574987148 -0.0055965192223525456 0.13939489323042306 -0.9136247261638771 -0.010945830412947801 0.992997928816224 0.11762356125904733 -1.398004326089784 -0.13907712278695658 -0.1179991200784299 0.9832262006161239 -4.861361262230215 0.0 0.0 0.0 1.0 +reichstag/test/images/77214581_8512429399.jpg reichstag/test/images/05534141_6340060522.jpg 0 0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 668.983 0.0 319.5 0.0 668.983 213.5 0.0 0.0 1.0 0.9982292372808433 -7.254347340247382e-05 -0.05948432209540721 0.2548299980829258 -0.0011558521767086423 0.9997867979324495 -0.0206160783303928 0.17932203443879452 0.05947313547687967 0.02064832723064414 0.9980163288940342 1.7752712761425091 0.0 0.0 0.0 1.0 +reichstag/test/images/48542127_4157749181.jpg reichstag/test/images/62663981_6029901745.jpg 0 0 713.145 0.0 319.5 0.0 713.145 239.5 0.0 0.0 1.0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 0.9927163075870203 -0.039089591927407845 -0.1139576081432957 0.7409334848388004 0.037056020184224235 0.9991148334350815 -0.019909821146747986 1.0128639342259285 0.11463500346272322 0.015541988706013745 0.9932860930105504 13.45393703403625 0.0 0.0 0.0 1.0 +reichstag/test/images/48542127_4157749181.jpg reichstag/test/images/78040542_6368040213.jpg 0 0 713.145 0.0 319.5 0.0 713.145 239.5 0.0 0.0 1.0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 0.8906607267268675 -0.044399153859311806 -0.4524955082682538 4.073087576215072 0.05284065264284184 0.9985847744502756 0.006026082008299186 0.25184203622324186 0.4515875721215617 -0.02927735255567642 0.8917463211769836 4.6910696100351394 0.0 0.0 0.0 1.0 +reichstag/test/images/48668943_3586566128.jpg reichstag/test/images/62673079_4759250457.jpg 0 0 550.231 0.0 319.5 0.0 550.231 212.0 0.0 0.0 1.0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 0.9677341650457403 -0.00598301059468526 0.25190234097254416 -2.551255100364858 -0.025664727526112804 0.9921783170592781 0.12216181448566175 0.194218296592924 -0.25066293615976487 -0.12468516648600483 0.9600113028991496 1.4541838473636437 0.0 0.0 0.0 1.0 +reichstag/test/images/34481400_9199849492.jpg reichstag/test/images/77792600_3686854267.jpg 0 0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 0.9486325075742764 -0.08763111171375657 -0.304001897745971 2.5768085126255103 0.047846008758080656 0.9895601662837713 -0.13594644809761092 -0.009085526933528883 0.31274130686441515 0.11441794249262596 0.9429217408759285 -0.6874358061917705 0.0 0.0 0.0 1.0 +reichstag/test/images/05461164_9050854768.jpg reichstag/test/images/91629190_2705184160.jpg 0 0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 1208.55 0.0 319.5 0.0 1208.55 213.5 0.0 0.0 1.0 0.9951947661949357 -0.009268809098877178 -0.09747546622661307 0.5519480146608661 0.014909403802709317 0.9982457492447633 0.05729863692104065 1.1967210819060328 0.09677337968912096 -0.05847660466075351 0.9935871374423559 14.782024478074769 0.0 0.0 0.0 1.0 +reichstag/test/images/62810349_4295140640.jpg reichstag/test/images/91549947_3428166276.jpg 0 0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 543.843 0.0 319.5 0.0 543.843 213.0 0.0 0.0 1.0 0.9964117016171594 -0.044423212678030614 -0.07204373016272451 0.8740840497508643 0.04196304443144261 0.9984950093651793 -0.035310326745512766 0.08142295225514141 0.07350390317827875 0.032160448507329006 0.9967762445851956 0.9344146067469118 0.0 0.0 0.0 1.0 +reichstag/test/images/92102978_5376734902.jpg reichstag/test/images/64097451_5212815345.jpg 0 0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 0.9982138151297083 -0.004526027717888995 0.059570918721212715 -1.2985639026807791 0.004249384690205724 0.9999795957010617 0.004769791535903066 0.05790155362573579 -0.05959129142707915 -0.004508132056431784 0.9982126801095118 -0.763566288987619 0.0 0.0 0.0 1.0 +reichstag/test/images/77487845_5932034347.jpg reichstag/test/images/77349640_2188160842.jpg 0 0 774.031 0.0 319.5 0.0 774.031 212.0 0.0 0.0 1.0 708.96 0.0 239.0 0.0 708.96 319.5 0.0 0.0 1.0 0.9980324902455702 -0.016877407150045372 -0.06038461345506401 -0.11102216560376851 0.006117892680784069 0.9847075293448301 -0.17410816477335908 0.103766195735507 0.062399677910805834 0.17339617867615287 0.9828733618412575 2.4535933448059506 0.0 0.0 0.0 1.0 +reichstag/test/images/92241023_5405455015.jpg reichstag/test/images/91549947_3428166276.jpg 0 0 523.981 0.0 319.5 0.0 523.981 213.0 0.0 0.0 1.0 543.843 0.0 319.5 0.0 543.843 213.0 0.0 0.0 1.0 0.987386519610117 -0.059744573596102316 -0.14662348658397023 0.7117582341906409 0.04406560926844006 0.9931797618524099 -0.10794527653673094 0.5395747590130524 0.1520726240058379 0.10012265763856884 0.9832849894386513 5.251427460959881 0.0 0.0 0.0 1.0 +reichstag/test/images/76958303_5507621260.jpg reichstag/test/images/48542127_4157749181.jpg 0 0 708.355 0.0 319.5 0.0 708.355 239.5 0.0 0.0 1.0 713.145 0.0 319.5 0.0 713.145 239.5 0.0 0.0 1.0 0.9989362013937082 0.013692535939030111 -0.04403385066817902 0.8232843517589452 -0.015047824826678368 0.9994185669121995 -0.030595605552941968 0.009243908421142893 0.04358931650180719 0.031225671661694963 0.9985614297158595 -0.44353735831268803 0.0 0.0 0.0 1.0 +reichstag/test/images/62799820_4661707438.jpg reichstag/test/images/20613988_1265419368.jpg 0 0 625.353 0.0 319.5 0.0 625.353 239.5 0.0 0.0 1.0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 0.982610069116649 -0.04301668715328699 -0.18062950118109258 0.943851600629135 0.055168729146597595 0.996500274429672 0.06279820368400307 1.6656430151767836 0.17729597681539036 -0.07167124728888438 0.9815443794944433 4.307501819737058 0.0 0.0 0.0 1.0 +reichstag/test/images/34481400_9199849492.jpg reichstag/test/images/05461164_9050854768.jpg 0 0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 0.9925959360704261 -0.0210255788002606 -0.11962956462592617 1.118938477128273 0.0030981791278500664 0.9889660299881867 -0.14811006993279152 -0.09486059242676909 0.12142367554380139 0.14664281968619763 0.9817088032873673 -2.503193852891597 0.0 0.0 0.0 1.0 +reichstag/test/images/77349640_2188160842.jpg reichstag/test/images/05545431_1341290848.jpg 0 0 708.96 0.0 239.0 0.0 708.96 319.5 0.0 0.0 1.0 492.313 0.0 319.5 0.0 492.313 213.0 0.0 0.0 1.0 0.9980287841728267 -0.004203810708900061 0.06261688221264952 0.04578206252037528 -0.0053048107460296505 0.9885321940481229 0.1509170643544092 0.037930969347493904 -0.06253323072941214 -0.15095174495820782 0.9865612833213222 0.1715593219240663 0.0 0.0 0.0 1.0 +reichstag/test/images/76958303_5507621260.jpg reichstag/test/images/48668943_3586566128.jpg 0 0 708.355 0.0 319.5 0.0 708.355 239.5 0.0 0.0 1.0 550.231 0.0 319.5 0.0 550.231 212.0 0.0 0.0 1.0 0.9412381501455888 -0.02783845077737204 -0.3365943632457713 4.00072506189637 -0.016556570950507863 0.9915959936719526 -0.128309256455229 -0.09729966743095642 0.3373375530071788 0.12634241564909532 0.9328670694901177 -2.4359644540540706 0.0 0.0 0.0 1.0 +reichstag/test/images/62673079_4759250457.jpg reichstag/test/images/05866831_3427466899.jpg 0 0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 961.582 0.0 249.5 0.0 961.582 176.5 0.0 0.0 1.0 0.9370829977154232 -0.036977350719099786 -0.3471428105642871 2.885056750409053 0.025510231877064922 0.9989692094004079 -0.0375465942463798 0.7288830746493447 0.34817335260219756 0.02632858149845127 0.9370603621613846 10.534668299468724 0.0 0.0 0.0 1.0 +reichstag/test/images/92697655_166630020.jpg reichstag/test/images/64282931_8298463790.jpg 0 0 431.56 0.0 249.5 0.0 431.56 187.0 0.0 0.0 1.0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 0.9997568765725753 0.013302639078396312 0.017584866772274495 0.707863029468025 -0.01634235077838093 0.9824276998127243 0.18592671193703125 -0.14709510725475394 -0.014802544270667545 -0.18616888685875885 0.9824062450172462 -1.000835419910051 0.0 0.0 0.0 1.0 +reichstag/test/images/48403953_4568435171.jpg reichstag/test/images/77594532_1434504133.jpg 0 0 699.71 0.0 319.5 0.0 699.71 239.5 0.0 0.0 1.0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 0.9824584281015674 -0.002430681523935748 -0.1864658918932 -0.3914423408763439 0.008706893248265186 0.9994224588652609 0.0328472027070593 0.3228813224848357 0.18627835908167292 -0.033894549754267624 0.9819121816307174 0.9127023014311622 0.0 0.0 0.0 1.0 +reichstag/test/images/77274889_6889793618.jpg reichstag/test/images/20613988_1265419368.jpg 0 0 757.774 0.0 319.5 0.0 757.774 239.5 0.0 0.0 1.0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 0.9493914166911804 0.01848545466478002 0.3135509940646814 -3.296972921845537 -0.10040503597143473 0.9637496128735359 0.24719529210258975 -1.530793467965823 -0.29761513178043947 -0.2661671874066113 0.9168316430421484 -4.736345363843575 0.0 0.0 0.0 1.0 +reichstag/test/images/05461164_9050854768.jpg reichstag/test/images/92753909_16247242.jpg 0 0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 520.573 0.0 249.5 0.0 520.573 187.0 0.0 0.0 1.0 0.9999628307872586 -0.008621837795422327 -3.0934801421550154e-05 0.05298759015690857 0.008583762980726254 0.995197024255521 0.0975151369072866 0.36382347443457885 -0.0008099734706923725 -0.09751177788342065 0.9952340413777008 2.9863113762569493 0.0 0.0 0.0 1.0 +reichstag/test/images/78040542_6368040213.jpg reichstag/test/images/35531158_5960344226.jpg 0 0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 0.9271905817974379 0.023211572757151508 0.3738700949745355 -4.938725246359126 0.015544543184710762 0.9948343871220068 -0.10031405373505606 -0.0032276978449270743 -0.37426727375407465 0.09882188568186964 0.9220402608926426 -5.087957080529871 0.0 0.0 0.0 1.0 +reichstag/test/images/35531158_5960344226.jpg reichstag/test/images/05866831_3427466899.jpg 0 0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 961.582 0.0 249.5 0.0 961.582 176.5 0.0 0.0 1.0 0.9504585621916686 0.015018722231285373 -0.310488259905404 2.0120377695681464 0.010236936482815722 0.9967781120987624 0.07955250072922612 0.802216261384243 0.310682678448595 -0.07878980405716353 0.9472425455439808 11.046493242073192 0.0 0.0 0.0 1.0 +reichstag/test/images/06229406_8584869180.jpg reichstag/test/images/64271070_4602086309.jpg 0 0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 0.9895281111077644 0.007595987987787413 0.1441402729773635 -1.4720971608532316 -0.020837171239881307 0.9956714003265551 0.0905774523072754 -0.7147583261333501 -0.14282832219913294 -0.09263241084116447 0.9854031189515965 -1.8153160185343196 0.0 0.0 0.0 1.0 +reichstag/test/images/77023786_7168337563.jpg reichstag/test/images/49051226_8836027266.jpg 0 0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 0.9995529994997362 -0.00037757627389669847 0.029894123623849713 -0.2599742097842015 0.00222430728485502 0.9980881416925543 -0.06176660804841494 0.4807903753470075 -0.02981364868953749 0.06180549206066859 0.9976428356395667 5.954512096819457 0.0 0.0 0.0 1.0 +reichstag/test/images/62799820_4661707438.jpg reichstag/test/images/34959164_3067403556.jpg 0 0 625.353 0.0 319.5 0.0 625.353 239.5 0.0 0.0 1.0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 0.9920267543216046 -0.015462562234648416 -0.12507528884348876 0.4747495265257403 -0.005557323281901015 0.986112329181543 -0.16598671752309643 0.4220085894888971 0.12590486435433287 0.1653583484596148 0.9781638828573795 3.131910695739476 0.0 0.0 0.0 1.0 +reichstag/test/images/48551853_12793928283.jpg reichstag/test/images/05545431_1341290848.jpg 0 0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 492.313 0.0 319.5 0.0 492.313 213.0 0.0 0.0 1.0 0.989597478159329 -0.0016835057624176432 -0.14385408242050057 0.8537849366983565 0.013035224976802389 0.9968677157335101 0.07800538595544583 -0.3515997562681823 0.14327216802470888 -0.07906910355253705 0.9865197224246953 -3.8160464788767507 0.0 0.0 0.0 1.0 +reichstag/test/images/64097451_5212815345.jpg reichstag/test/images/19799508_3094174298.jpg 0 0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 0.9983217955148787 -0.013696914106211827 -0.056267105345091696 0.7422876676333009 0.012723611674363911 0.9997637967604038 -0.017619886298787413 -0.08694331651159976 0.056495152941722186 0.01687439572812199 0.9982602628888433 -1.0997971405898999 0.0 0.0 0.0 1.0 +reichstag/test/images/48815289_2513792540.jpg reichstag/test/images/34272622_11098902473.jpg 0 0 776.799 0.0 319.5 0.0 776.799 211.0 0.0 0.0 1.0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 0.9926752281357976 -0.010712603083982959 -0.12033757343700868 0.4311652053305012 -0.00666394694085725 0.989689429895877 -0.14307489005252966 0.05848594157186531 0.1206295289583436 0.1428288223277748 0.9823687923869269 -2.3558820411435812 0.0 0.0 0.0 1.0 +reichstag/test/images/05534141_6340060522.jpg reichstag/test/images/05466646_5360480312.jpg 0 0 668.983 0.0 319.5 0.0 668.983 213.5 0.0 0.0 1.0 750.195 0.0 319.5 0.0 750.195 178.5 0.0 0.0 1.0 0.9999213323272934 0.00014219252576455475 -0.012542285999605779 0.16860942513884808 -0.0008995696360383453 0.9981737903557418 -0.060400952155754487 0.3730405240718028 0.012510792592006641 0.060407483213070906 0.9980953942587764 10.533994706917316 0.0 0.0 0.0 1.0 +reichstag/test/images/05791347_12791964625.jpg reichstag/test/images/77214581_8512429399.jpg 0 0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 0.9919747829140347 0.033857040500445516 0.12181843403691014 -0.6881113973005305 -0.04466184472390843 0.9951989691762057 0.08708806678572567 -0.38468589279303445 -0.1182850357759228 -0.09182980212963933 0.9887243992904797 -2.813085900301098 0.0 0.0 0.0 1.0 +reichstag/test/images/92102978_5376734902.jpg reichstag/test/images/34959164_3067403556.jpg 0 0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 0.9995532245763669 -0.01451075447759 -0.02613023619254557 -0.2146873743870803 0.01510010251329995 0.999632801295569 0.02249998840136283 -0.24874304533129146 0.025794149396228393 -0.02288450520471726 0.9994053038074494 -3.75635229313457 0.0 0.0 0.0 1.0 +reichstag/test/images/05461164_9050854768.jpg reichstag/test/images/77458003_1504115665.jpg 0 0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 612.932 0.0 249.5 0.0 612.932 187.0 0.0 0.0 1.0 0.9987709480812736 -0.010210269249472088 -0.048500965667570436 0.5179027425639211 0.017694589883799038 0.9875207896662122 0.15649150605021694 0.9813570030550008 0.0462978915035849 -0.15715737456089746 0.9864877418718634 5.596635485305235 0.0 0.0 0.0 1.0 +reichstag/test/images/34272622_11098902473.jpg reichstag/test/images/06373813_9127207861.jpg 0 0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 1495.37 0.0 319.5 0.0 1495.37 211.5 0.0 0.0 1.0 0.9944215031722232 -0.004737923104805244 0.1053727958884506 0.031000576439976738 -0.009781149340659758 0.9905442241088978 0.13684469007629585 1.4388709503661796 -0.10502477396439291 -0.137111969459835 0.9849721339634808 11.8988431715144 0.0 0.0 0.0 1.0 +reichstag/test/images/05545431_1341290848.jpg reichstag/test/images/34272622_11098902473.jpg 0 0 492.313 0.0 319.5 0.0 492.313 213.0 0.0 0.0 1.0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 0.9940937460565399 -0.007856038192628973 -0.10824004210638426 -0.14716142365100787 -0.011721815889226949 0.9837689158010543 -0.17905674892580098 -0.10852945683101639 0.10788986552746715 0.17926796414176802 0.9778664397293381 1.0065917554649344 0.0 0.0 0.0 1.0 +reichstag/test/images/20099963_3586531606.jpg reichstag/test/images/05534141_6340060522.jpg 0 0 502.573 0.0 319.5 0.0 502.573 212.0 0.0 0.0 1.0 668.983 0.0 319.5 0.0 668.983 213.5 0.0 0.0 1.0 0.9980377786998458 0.004379477459605922 0.06246128773134895 -1.859440682126337 0.007627595299799169 0.9816179996555674 -0.19070375597283107 0.5291959671783568 -0.06214830711950279 0.19080598242556085 0.9796584430263421 4.057411763938734 0.0 0.0 0.0 1.0 +reichstag/test/images/92102978_5376734902.jpg reichstag/test/images/77594532_1434504133.jpg 0 0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 0.9690220962968396 0.0042943518443068224 -0.2469367032879396 1.1010089849870666 0.04476594735689238 0.9802329049560595 0.19271601386144502 -1.5075407484167518 0.24288307237376291 -0.1978004312018607 0.9496751036910673 -5.556646819303668 0.0 0.0 0.0 1.0 +reichstag/test/images/06639257_4979506057.jpg reichstag/test/images/78040542_6368040213.jpg 0 0 678.155 0.0 319.5 0.0 678.155 239.5 0.0 0.0 1.0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 0.9516533801088884 -0.04181400625585955 -0.3043146940391846 3.5927726981187824 0.02878966030619033 0.9984722436808068 -0.04716284616591859 0.2644140463200443 0.30582184288696873 0.03612156530178159 0.9514032966798924 3.588382548239405 0.0 0.0 0.0 1.0 +reichstag/test/images/34272622_11098902473.jpg reichstag/test/images/92241023_5405455015.jpg 0 0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 523.981 0.0 319.5 0.0 523.981 213.0 0.0 0.0 1.0 0.9830316005181855 0.0021338449848412365 0.18342387818448067 -0.6366245364525124 -0.04439146145698646 0.9729780825810799 0.22659004604474214 -0.759563453662415 -0.17798390526215405 -0.23088762964356965 0.9565629262861939 -3.6772355449723877 0.0 0.0 0.0 1.0 +reichstag/test/images/35531158_5960344226.jpg reichstag/test/images/77458003_1504115665.jpg 0 0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 612.932 0.0 249.5 0.0 612.932 187.0 0.0 0.0 1.0 0.9991933390914024 -0.006633265887364637 -0.03960645022014707 0.20446120741859608 0.013656843461590022 0.9836081383284335 0.179801337149473 1.0546463966486026 0.0377645566906205 -0.18019719753020677 0.9829052895677286 5.646809455797042 0.0 0.0 0.0 1.0 +reichstag/test/images/91549947_3428166276.jpg reichstag/test/images/92414106_7915968882.jpg 0 0 543.843 0.0 319.5 0.0 543.843 213.0 0.0 0.0 1.0 1871.37 0.0 319.5 0.0 1871.37 212.5 0.0 0.0 1.0 0.995603636004546 0.02915464661460926 0.08901351894686962 -0.9703992172106466 -0.021250221737651415 0.9958503049503302 -0.0884906673408866 0.4390412447219667 -0.09122405412295656 0.08621007314178583 0.9920917272300278 14.541896224971547 0.0 0.0 0.0 1.0 +reichstag/test/images/49051226_8836027266.jpg reichstag/test/images/78040542_6368040213.jpg 0 0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 0.9253638901067408 -0.024153458494433462 -0.3783097690111603 5.689880638215822 0.0360680840360579 0.9990504591991157 0.02443917527257958 -0.18662850804238712 0.37736025784452665 -0.03626003884159088 0.9253563883081581 -0.4090787291384026 0.0 0.0 0.0 1.0 +reichstag/test/images/34481400_9199849492.jpg reichstag/test/images/05545431_1341290848.jpg 0 0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 492.313 0.0 319.5 0.0 492.313 213.0 0.0 0.0 1.0 0.9872527000746528 -0.03732689547448199 -0.15472171492568354 1.6725206612719414 0.03537133010831724 0.9992559787084642 -0.015373939695384916 -0.0617518244462264 0.15518046011555647 0.009705250621492339 0.9878384649874178 -0.4799771212803572 0.0 0.0 0.0 1.0 +reichstag/test/images/49501249_12793461434.jpg reichstag/test/images/34537245_34002183.jpg 0 0 587.147 0.0 319.5 0.0 587.147 230.0 0.0 0.0 1.0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 0.9083232503242645 -0.04580761601194016 -0.4157529738145788 0.7703176443216276 0.07978431395616023 0.9947093402981951 0.06471314835544675 0.45462759784174234 0.4105890112593225 -0.09195102304396538 0.9071723503250418 5.481791920152923 0.0 0.0 0.0 1.0 +reichstag/test/images/05978621_9257964873.jpg reichstag/test/images/48983853_5719892543.jpg 0 0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 0.9941078670607032 0.014158382208867719 0.10746668721630655 -1.2758881209601645 -0.028940018272058887 0.9901118902592325 0.13726223118433717 0.15471334329455683 -0.10446063368768516 -0.13956355176233207 0.9846877632168739 0.6166656673131063 0.0 0.0 0.0 1.0 +reichstag/test/images/63812586_393800330.jpg reichstag/test/images/05978621_9257964873.jpg 0 0 1002.64 0.0 187.0 0.0 1002.64 249.5 0.0 0.0 1.0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 0.9963335442262181 -0.021941368558202317 -0.08269247242292227 0.8763033511927653 0.026982212673983506 0.9978129570833352 0.060342877589873625 -0.023574996070795818 0.0811876151197863 -0.06235285897538042 0.9947465466784781 0.4412834104654507 0.0 0.0 0.0 1.0 +reichstag/test/images/34481400_9199849492.jpg reichstag/test/images/78043438_3428167710.jpg 0 0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 0.9787071465413331 -0.052989008662318794 -0.198304024845454 1.9586446157150323 0.036501197163208994 0.995635150985689 -0.08589708218185663 0.20461329578643656 0.20199005894987568 0.07682975388928946 0.9763693998701192 2.3686513488858814 0.0 0.0 0.0 1.0 +reichstag/test/images/06796518_2036664706.jpg reichstag/test/images/77594532_1434504133.jpg 0 0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 0.9762171705885203 0.04392433487908738 -0.21229858372955204 1.1294324432733154 0.021213486515503362 0.9552068605154903 0.2951776441636405 -1.566625954823162 0.21575454534725427 -0.2926610777496214 0.9315575504135155 -5.516821932274472 0.0 0.0 0.0 1.0 +reichstag/test/images/78040542_6368040213.jpg reichstag/test/images/62673079_4759250457.jpg 0 0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 0.9112351773964151 0.03923736335647116 0.41001326904401064 -5.780291741053112 -0.043457078181102705 0.9990548201850267 0.0009739717784847638 -0.39116879568494806 -0.40958751669366766 -0.01870549603448173 0.912079037467049 -4.075494207361577 0.0 0.0 0.0 1.0 +reichstag/test/images/05791347_12791964625.jpg reichstag/test/images/05534141_6340060522.jpg 0 0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 668.983 0.0 319.5 0.0 668.983 213.5 0.0 0.0 1.0 0.9972575760426138 0.039187326053232725 0.06278280419357209 -0.264700502982247 -0.043360325375474205 0.996840827358163 0.06654507566474009 -0.14649168819942007 -0.059976738898874754 -0.06908486367280897 0.9958062423997781 -1.0811016494898047 0.0 0.0 0.0 1.0 +reichstag/test/images/77487845_5932034347.jpg reichstag/test/images/48403953_4568435171.jpg 0 0 774.031 0.0 319.5 0.0 774.031 212.0 0.0 0.0 1.0 699.71 0.0 319.5 0.0 699.71 239.5 0.0 0.0 1.0 0.9976236179815455 -0.017131641926171837 -0.06673547550085386 0.446969451522667 0.020846762551558054 0.9982478759250439 0.055376806537188614 -0.3449010620717512 0.06566985104696517 -0.05663642870142584 0.9962327968940883 -1.3442809065247348 0.0 0.0 0.0 1.0 +reichstag/test/images/77107104_4141016705.jpg reichstag/test/images/77274889_6889793618.jpg 0 0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 757.774 0.0 319.5 0.0 757.774 239.5 0.0 0.0 1.0 0.9138953540446388 -0.04823786994949691 -0.4030736778287061 3.0081902030768664 0.03152432692974266 0.9983496527114808 -0.04800195561112314 0.3016406051086838 0.404723978369519 0.031162137821416528 0.9139077757077834 5.366895334208851 0.0 0.0 0.0 1.0 +reichstag/test/images/06639257_4979506057.jpg reichstag/test/images/62810349_4295140640.jpg 0 0 678.155 0.0 319.5 0.0 678.155 239.5 0.0 0.0 1.0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 0.9992001061367215 0.007175601800471165 0.039340292769192604 -0.22469247199804318 -0.006973120346437422 0.9999617387475012 -0.005281726394704346 0.06230924996788931 -0.03937668712574502 0.005003176978230037 0.9992119118240763 0.5011948512208975 0.0 0.0 0.0 1.0 +reichstag/test/images/92102978_5376734902.jpg reichstag/test/images/48900330_6782044072.jpg 0 0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 769.928 0.0 319.5 0.0 769.928 170.0 0.0 0.0 1.0 0.9998397590945108 -0.016332242672106895 -0.007328982407541081 -0.4413035529310745 0.016738584377747893 0.9980990709552529 0.05931327297738785 0.24627581674235793 0.006346331764070527 -0.05942644535525009 0.9982125132784 3.397621384528439 0.0 0.0 0.0 1.0 +reichstag/test/images/92753909_16247242.jpg reichstag/test/images/06857713_2570944910.jpg 0 0 520.573 0.0 249.5 0.0 520.573 187.0 0.0 0.0 1.0 782.61 0.0 319.5 0.0 782.61 239.5 0.0 0.0 1.0 0.9978208248081323 -0.005752981506044608 -0.06573054680291417 0.7805814350735428 0.008114847976172063 0.9993288091927569 0.03572226700126882 0.0844377821377497 0.0654809195227327 -0.036177815317918686 0.9971977812135766 0.6947248860740423 0.0 0.0 0.0 1.0 +reichstag/test/images/91549947_3428166276.jpg reichstag/test/images/92102978_5376734902.jpg 0 0 543.843 0.0 319.5 0.0 543.843 213.0 0.0 0.0 1.0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 0.9963313945235482 0.04499305972210075 0.07279681904867151 -0.2574268024510997 -0.04263683267698199 0.9985253343343051 -0.033604422206604305 0.014667445904077706 -0.07420143385431704 0.030377315046069435 0.996780500383387 0.4042590444036775 0.0 0.0 0.0 1.0 +reichstag/test/images/49501249_12793461434.jpg reichstag/test/images/77023786_7168337563.jpg 0 0 587.147 0.0 319.5 0.0 587.147 230.0 0.0 0.0 1.0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 0.9223825141545288 -0.033664117314325614 -0.38480803628227106 0.5057898721240922 0.08106503441725074 0.9908808350039775 0.10762727821862912 -0.0025631859278865132 0.3776757309874442 -0.1304679961801651 0.91670013864722 -0.5792953062257182 0.0 0.0 0.0 1.0 +reichstag/test/images/77902859_6141520050.jpg reichstag/test/images/48983853_5719892543.jpg 0 0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 0.9995698171122361 -0.015516325503192721 0.02488823740422907 -0.5821666158042723 0.012245118503509608 0.9918801467188224 0.12658527409569412 0.3699702946974531 -0.026650286884859264 -0.12622605986057703 0.9916434560975173 1.7924781998784667 0.0 0.0 0.0 1.0 +reichstag/test/images/05466646_5360480312.jpg reichstag/test/images/48551853_12793928283.jpg 0 0 750.195 0.0 319.5 0.0 750.195 178.5 0.0 0.0 1.0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 0.9866889505912014 -0.014145255388319197 0.16200255100223923 -2.3567208895519727 0.007805125370013363 0.9991809298868137 0.039705785075736716 -0.8408631696169101 -0.16243150802474335 -0.03791280918794398 0.9859911886524576 -8.067220661486251 0.0 0.0 0.0 1.0 +reichstag/test/images/05936329_2458217347.jpg reichstag/test/images/92102978_5376734902.jpg 0 0 864.162 0.0 319.5 0.0 864.162 200.0 0.0 0.0 1.0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 0.9978693426749021 0.018074980947887613 -0.06269027048347958 1.3608518533428164 -0.018821179374428447 0.9997586357005261 -0.011332852649622064 -0.13190512966385523 0.062470298194533376 0.012488611049910914 0.9979686850986507 -0.26219547560115974 0.0 0.0 0.0 1.0 +reichstag/test/images/06857713_2570944910.jpg reichstag/test/images/05936329_2458217347.jpg 0 0 782.61 0.0 319.5 0.0 782.61 239.5 0.0 0.0 1.0 864.162 0.0 319.5 0.0 864.162 200.0 0.0 0.0 1.0 0.9962870435123534 0.010974075796280142 0.08539143159492917 -1.0685958943222564 -0.005186965020775881 0.9976922049219873 -0.06770051426523044 0.14794237524527365 -0.08593731624438372 0.06700622283281547 0.9940447393243383 1.460475996602533 0.0 0.0 0.0 1.0 +reichstag/test/images/48551853_12793928283.jpg reichstag/test/images/48542127_4157749181.jpg 0 0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 713.145 0.0 319.5 0.0 713.145 239.5 0.0 0.0 1.0 0.9988890998396015 0.03634795990380258 -0.029989865495898035 -0.37024587572657697 -0.0360019764001163 0.9992797020965267 0.011997277739667708 -0.006133719979575552 0.030404340428892142 -0.01090425553207638 0.9994782005098338 -3.6171435779924974 0.0 0.0 0.0 1.0 +reichstag/test/images/06639257_4979506057.jpg reichstag/test/images/49501249_12793461434.jpg 0 0 678.155 0.0 319.5 0.0 678.155 239.5 0.0 0.0 1.0 587.147 0.0 319.5 0.0 587.147 230.0 0.0 0.0 1.0 0.9031372648943324 0.09578034191492185 0.4185322052863377 -0.9145201114002264 -0.037925288503500805 0.9887859081594436 -0.14444410793532134 -0.07564814617575488 -0.4276736527436671 0.11457990193731708 0.8966418977612658 -0.5779309003914819 0.0 0.0 0.0 1.0 +reichstag/test/images/77792600_3686854267.jpg reichstag/test/images/77594532_1434504133.jpg 0 0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 0.9932835167079926 0.06701091204445767 -0.09432599378311589 -0.019953325245588793 -0.04459328214745143 0.9739509596932668 0.22233076102933325 -0.6598473279339881 0.10676747924120081 -0.2166311745329713 0.9703976708530091 -2.4017499176302186 0.0 0.0 0.0 1.0 +reichstag/test/images/48815289_2513792540.jpg reichstag/test/images/64271070_4602086309.jpg 0 0 776.799 0.0 319.5 0.0 776.799 211.0 0.0 0.0 1.0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 0.9933819725146512 0.006403298364245848 0.11467891895618522 -1.4892142832367756 -0.02226115738720911 0.9902459597135391 0.13754046729160763 -1.531375049963025 -0.11267962351145287 -0.13918310616260274 0.983835029567583 -5.726924358233186 0.0 0.0 0.0 1.0 +reichstag/test/images/34272622_11098902473.jpg reichstag/test/images/76958303_5507621260.jpg 0 0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 708.355 0.0 319.5 0.0 708.355 239.5 0.0 0.0 1.0 0.9644637239143105 -0.0050512575139280294 0.2641670116628277 -1.6947731462824116 -0.03233379328923167 0.9900458826314514 0.13698056831550787 0.0579273313417554 -0.262229386348803 -0.14065431057041333 0.954700012492454 -0.21843483939218133 0.0 0.0 0.0 1.0 +reichstag/test/images/06796518_2036664706.jpg reichstag/test/images/77349640_2188160842.jpg 0 0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 708.96 0.0 239.0 0.0 708.96 319.5 0.0 0.0 1.0 0.9996481548508322 -0.004128212035927355 -0.02620161004047606 -0.3124324679657201 0.005079301761759318 0.9993266928670494 0.036336780498804476 0.025698280375766866 0.026033962374939015 -0.03645708146288908 0.9989960530523972 -3.023012258473699 0.0 0.0 0.0 1.0 +reichstag/test/images/77122925_1063274053.jpg reichstag/test/images/77594532_1434504133.jpg 0 0 658.554 0.0 319.5 0.0 658.554 239.5 0.0 0.0 1.0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 0.7295412425003209 -0.09723605526036729 -0.6769894571176798 1.3530415489682115 0.15015899750624762 0.988462726798135 0.019842207506074384 0.15968714126467853 0.6672494668105826 -0.11613176692102026 0.7357251944529257 0.5203857540978403 0.0 0.0 0.0 1.0 +reichstag/test/images/05866831_3427466899.jpg reichstag/test/images/77107104_4141016705.jpg 0 0 961.582 0.0 249.5 0.0 961.582 176.5 0.0 0.0 1.0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 0.9570688312234978 0.007967908375959598 0.2897512117948782 -5.173918522752673 -0.01688396764380437 0.9994573055694482 0.028284730517752585 -0.6154890676798702 -0.2893685952847872 -0.0319625840627949 0.9566839652063464 -6.569354017443711 0.0 0.0 0.0 1.0 +reichstag/test/images/77349640_2188160842.jpg reichstag/test/images/49284352_2431392889.jpg 0 0 708.96 0.0 239.0 0.0 708.96 319.5 0.0 0.0 1.0 666.383 0.0 319.5 0.0 666.383 179.5 0.0 0.0 1.0 0.9958136562260297 0.004191652078599208 0.09131041630941523 -0.21634807941837192 -0.03159018697667733 0.9531764014660837 0.3007603826552723 -1.290209482048748 -0.08577425115106113 -0.3023858094240191 0.9493184924452149 -3.587075280483404 0.0 0.0 0.0 1.0 +reichstag/test/images/48551853_12793928283.jpg reichstag/test/images/48983853_5719892543.jpg 0 0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 0.9944988076485977 0.009847041648618304 -0.10428402253599563 0.20281656374341595 0.002749702348452329 0.9927742759257312 0.11996531247462873 0.014159143656370471 0.10471179839212286 -0.119592110236883 0.9872857572387931 -0.9106799527971076 0.0 0.0 0.0 1.0 +reichstag/test/images/05534141_6340060522.jpg reichstag/test/images/06373813_9127207861.jpg 0 0 668.983 0.0 319.5 0.0 668.983 213.5 0.0 0.0 1.0 1495.37 0.0 319.5 0.0 1495.37 211.5 0.0 0.0 1.0 0.9999925201931019 -0.002329184370721637 0.003087791770140264 0.038104206243992744 0.002280133184316318 0.9998726516180486 0.015794984613922494 1.3112669860355435 -0.003124187976153071 -0.01578782589400627 0.999870483614268 11.277245646396008 0.0 0.0 0.0 1.0 +reichstag/test/images/62751178_369337490.jpg reichstag/test/images/35531158_5960344226.jpg 0 0 700.224 0.0 319.5 0.0 700.224 258.5 0.0 0.0 1.0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 0.9996787779075798 0.00672855467528443 0.02443496579063618 0.019911395574199353 -0.0007494489173206052 0.9715415453362453 -0.23686803079347962 0.05799986894796705 -0.025333363920493845 0.23677363079034416 0.9712345074361957 1.722878951785808 0.0 0.0 0.0 1.0 +reichstag/test/images/77274889_6889793618.jpg reichstag/test/images/35531158_5960344226.jpg 0 0 757.774 0.0 319.5 0.0 757.774 239.5 0.0 0.0 1.0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 0.9047162601272165 0.03343362594462016 0.42470069615862166 -5.045365499255371 -0.0034297207664183635 0.9974549991317128 -0.07121630236553694 0.008120888914618435 -0.4260008517325841 0.06297394193911009 0.902528424460838 -7.002825886493581 0.0 0.0 0.0 1.0 +reichstag/test/images/77023786_7168337563.jpg reichstag/test/images/92753909_16247242.jpg 0 0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 520.573 0.0 249.5 0.0 520.573 187.0 0.0 0.0 1.0 0.9991806990406293 -0.018291889040639785 0.036101765330856926 -0.3831508439922442 0.01882650975898216 0.9997172575473701 -0.014524720040702316 0.21095600657123084 -0.03582587326185214 0.015192490160956237 0.9992425606666956 1.4313412294276548 0.0 0.0 0.0 1.0 +reichstag/test/images/48551853_12793928283.jpg reichstag/test/images/05461164_9050854768.jpg 0 0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 0.994158353977657 0.011387503978091802 -0.10732889624693213 0.17726750162232363 -0.0174317305578536 0.99830393987287 -0.05554618262368603 0.0814408868714101 0.10651432760992381 0.05709262988735439 0.9926707055344948 -5.814669706835735 0.0 0.0 0.0 1.0 +reichstag/test/images/77349640_2188160842.jpg reichstag/test/images/63812586_393800330.jpg 0 0 708.96 0.0 239.0 0.0 708.96 319.5 0.0 0.0 1.0 1002.64 0.0 187.0 0.0 1002.64 249.5 0.0 0.0 1.0 0.9968186856801209 0.018599926880964828 0.07750193932398786 -0.1417803212829574 -0.017916867008382888 0.9997943510117615 -0.009499555861963136 -0.017709196944523775 -0.07766269217301351 0.008080742849107312 0.9969469433422454 2.158993481506561 0.0 0.0 0.0 1.0 +reichstag/test/images/77122925_1063274053.jpg reichstag/test/images/49284352_2431392889.jpg 0 0 658.554 0.0 319.5 0.0 658.554 239.5 0.0 0.0 1.0 666.383 0.0 319.5 0.0 666.383 179.5 0.0 0.0 1.0 0.8909243010318437 -0.08863310883251727 -0.4454189733830427 1.1483863632097004 0.13676994422253416 0.9876021522877962 0.0770452539347966 -0.25179046146590833 0.433067976405882 -0.12956141715493674 0.8920011025758426 -0.7802854080453807 0.0 0.0 0.0 1.0 +reichstag/test/images/19799508_3094174298.jpg reichstag/test/images/63812586_393800330.jpg 0 0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 1002.64 0.0 187.0 0.0 1002.64 249.5 0.0 0.0 1.0 0.9997352996479284 0.01710588004989789 0.015385691586180337 -0.17989370879264482 -0.01607164266182121 0.9977557021102549 -0.06500200926604532 0.007283491714049545 -0.016463078084528526 0.06473752987402918 0.9977665154162029 1.0797772037571916 0.0 0.0 0.0 1.0 +reichstag/test/images/34537245_34002183.jpg reichstag/test/images/48542127_4157749181.jpg 0 0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 713.145 0.0 319.5 0.0 713.145 239.5 0.0 0.0 1.0 0.9891091692640009 0.030197386613562638 0.14405266092505475 -1.7756527587701116 -0.029233397475680538 0.9995338374037457 -0.008804337395363243 -0.1569629646704695 -0.14425137694284462 0.004497302152796156 0.989530855771279 -5.281588525433891 0.0 0.0 0.0 1.0 +reichstag/test/images/91840440_9426147613.jpg reichstag/test/images/78040542_6368040213.jpg 0 0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 0.8563981575720859 -0.024631647122234854 -0.5157281043991906 4.253613108619964 0.03882809222316643 0.9991053701295967 0.016758240734359817 0.5461096112712318 0.5148539355598305 -0.0343764648887458 0.856588398065434 6.581461412639942 0.0 0.0 0.0 1.0 +reichstag/test/images/19799508_3094174298.jpg reichstag/test/images/05534141_6340060522.jpg 0 0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 668.983 0.0 319.5 0.0 668.983 213.5 0.0 0.0 1.0 0.9999869449200882 0.0026757499469565837 -0.004353200157327765 -0.022886499490943304 -0.0025148332458784094 0.9993283018147765 0.036559825023385985 0.07594508518944114 0.004448101070549241 -0.036548400159467115 0.9993219845688625 0.7426164724801239 0.0 0.0 0.0 1.0 +reichstag/test/images/48542127_4157749181.jpg reichstag/test/images/05866831_3427466899.jpg 0 0 713.145 0.0 319.5 0.0 713.145 239.5 0.0 0.0 1.0 961.582 0.0 249.5 0.0 961.582 176.5 0.0 0.0 1.0 0.9194506433698248 -0.03996396794387139 -0.39116926729102364 3.27990125115856 0.03825989933926806 0.999193924153827 -0.012152449819896494 0.46893694353289134 0.3913396153079369 -0.0037925189857464605 0.9202385138051867 9.101935334790042 0.0 0.0 0.0 1.0 +reichstag/test/images/06229406_8584869180.jpg reichstag/test/images/34959164_3067403556.jpg 0 0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 0.9998983825507272 -0.004582383150698648 -0.013499123567818558 -0.10996081964531002 0.0036207758642734797 0.9975110593840625 -0.0704171597597229 -0.16508641027307858 0.013788203457294063 0.07036112684675991 0.9974262866368994 -0.3559418682512496 0.0 0.0 0.0 1.0 +reichstag/test/images/77458003_1504115665.jpg reichstag/test/images/05978621_9257964873.jpg 0 0 612.932 0.0 249.5 0.0 612.932 187.0 0.0 0.0 1.0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 0.9983948179991479 -0.010484098717335332 -0.05565852195786113 0.6526427857745731 0.0037453282715751925 0.992788201070489 -0.11982303756523752 -0.07983802482697175 0.0565133604432322 0.11942224034620748 0.9912338617108001 -1.2952177435844572 0.0 0.0 0.0 1.0 +reichstag/test/images/92241023_5405455015.jpg reichstag/test/images/62810349_4295140640.jpg 0 0 523.981 0.0 319.5 0.0 523.981 213.0 0.0 0.0 1.0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 0.9968705407091835 -0.010493939631244347 -0.07835178553929623 0.17479939738002753 0.0050271333768268835 0.9975590710867488 -0.0696464473074847 0.6035103964105744 0.0788914000141439 0.06903460670966736 0.9944900050177726 4.298612927907417 0.0 0.0 0.0 1.0 +reichstag/test/images/92102978_5376734902.jpg reichstag/test/images/77487845_5932034347.jpg 0 0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 774.031 0.0 319.5 0.0 774.031 212.0 0.0 0.0 1.0 0.9998910063282604 -0.014165180886270673 0.004162104553940384 -0.578808111553401 0.01364406400656865 0.9942670644690143 0.10605113874708581 -0.9603318718782854 -0.0056404770404068815 -0.10598279182314563 0.9943519662856449 -5.383126169479487 0.0 0.0 0.0 1.0 +reichstag/test/images/77023786_7168337563.jpg reichstag/test/images/06639257_4979506057.jpg 0 0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 678.155 0.0 319.5 0.0 678.155 239.5 0.0 0.0 1.0 0.9988870008631971 -0.010395939288574898 -0.04600743366930816 0.04399692959410115 0.010968240709120345 0.9998653660150959 0.012204406550321524 0.23269730696849003 0.04587436323562781 -0.012695443663259686 0.9988665418903162 1.4454296194793288 0.0 0.0 0.0 1.0 +reichstag/test/images/48668943_3586566128.jpg reichstag/test/images/77214581_8512429399.jpg 0 0 550.231 0.0 319.5 0.0 550.231 212.0 0.0 0.0 1.0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 0.9714176165790424 -0.023169863615921254 0.236243458364274 -1.9808552952602434 -0.00852027439363123 0.9911803040476244 0.1322460199488687 0.34347591439996134 -0.23722398513672702 -0.13047897258975852 0.9626525949623628 2.5417611816354584 0.0 0.0 0.0 1.0 +reichstag/test/images/35221995_8835396469.jpg reichstag/test/images/20982577_4977562846.jpg 0 0 918.648 0.0 319.5 0.0 918.648 213.0 0.0 0.0 1.0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 0.9721939810911766 -0.03274570806367949 -0.2318762207159182 1.8942353833772665 0.032500619288439093 0.9994598110968669 -0.004878088568589111 0.30230275084894276 0.23191070021876276 -0.0027936724259181307 0.9727330684820062 1.7203830486566296 0.0 0.0 0.0 1.0 +reichstag/test/images/64127786_281241429.jpg reichstag/test/images/20613988_1265419368.jpg 0 0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 0.9951085105802007 -0.0031352985587407138 -0.09873814902965604 1.378762415924765 0.030870051661283156 0.9593122570741577 0.28065465137373913 -0.5398304478224355 0.09384078048100793 -0.282329883877412 0.954716578146877 -1.8333950538270471 0.0 0.0 0.0 1.0 +reichstag/test/images/34272622_11098902473.jpg reichstag/test/images/06030835_119872882.jpg 0 0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 710.363 0.0 319.5 0.0 710.363 239.5 0.0 0.0 1.0 0.9963625640235881 -0.0058867851086281875 0.08501168609918282 0.10439810291178017 -0.0007470091892542711 0.9969693243817848 0.07779208326686665 0.06555054411831761 -0.08521198853220319 -0.07757262405522186 0.993338514811328 0.4224668992195124 0.0 0.0 0.0 1.0 +reichstag/test/images/48403953_4568435171.jpg reichstag/test/images/64282931_8298463790.jpg 0 0 699.71 0.0 319.5 0.0 699.71 239.5 0.0 0.0 1.0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 0.969754675322621 0.04848816608567038 0.23921698819182152 -0.5950729176063481 -0.04245288949222101 0.9986382734882638 -0.030320799760901546 0.5333954602646445 -0.24036144005160004 0.01924828496328598 0.9704925974278698 2.1513474850712697 0.0 0.0 0.0 1.0 +reichstag/test/images/19799508_3094174298.jpg reichstag/test/images/63790741_1504116525.jpg 0 0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 0.9997284488278467 0.02208334754563676 0.007440051441077756 -0.030947639742890193 -0.022637668556613283 0.9961026748839137 0.08524668352160711 -0.10017069638781237 -0.005528523002410911 -0.08539196010334192 0.9963320975373227 -0.6868780682233258 0.0 0.0 0.0 1.0 +reichstag/test/images/48542127_4157749181.jpg reichstag/test/images/05461164_9050854768.jpg 0 0 713.145 0.0 319.5 0.0 713.145 239.5 0.0 0.0 1.0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 0.9966866350030303 -0.025700018592797927 -0.0771703353022763 0.26699279815632126 0.020539768478421275 0.9975460374097924 -0.06693296018311039 -0.14694180758323408 0.07870114050754769 0.06512612603518522 0.9947686757183605 -2.1869103417646154 0.0 0.0 0.0 1.0 +reichstag/test/images/92697655_166630020.jpg reichstag/test/images/48551853_12793928283.jpg 0 0 431.56 0.0 249.5 0.0 431.56 187.0 0.0 0.0 1.0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 0.9998559573849989 0.006509597357609481 -0.01567448959198999 1.4366185182645475 -0.005670630493315656 0.9985791344735196 0.05298637696544339 0.24315837222950368 0.015997138229567116 -0.05288986043049832 0.9984722100449799 4.765566896095913 0.0 0.0 0.0 1.0 +reichstag/test/images/92102978_5376734902.jpg reichstag/test/images/20982577_4977562846.jpg 0 0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 0.9998009916850082 -0.017726494397783128 0.00915141639525629 -0.671485158389203 0.01729304316967417 0.9988169743879529 0.04544889803314504 -0.006712541839988999 -0.009946239671644158 -0.045281597485742404 0.9989247465377626 -1.012285852940584 0.0 0.0 0.0 1.0 +reichstag/test/images/06030835_119872882.jpg reichstag/test/images/64282931_8298463790.jpg 0 0 710.363 0.0 319.5 0.0 710.363 239.5 0.0 0.0 1.0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 0.9799108849747703 0.0021049446231857435 0.1994247394785706 -1.3819453766906844 -0.03317601223678329 0.9877324281425948 0.15259096502610753 -0.6836652361879634 -0.1966570866254945 -0.15614166517514563 0.9679595914480652 -3.1461566494135695 0.0 0.0 0.0 1.0 +reichstag/test/images/91629190_2705184160.jpg reichstag/test/images/48983853_5719892543.jpg 0 0 1208.55 0.0 319.5 0.0 1208.55 213.5 0.0 0.0 1.0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 0.9949152039978721 0.013369632460095891 0.09982479542555804 -1.9977895222126765 -0.025127929242570384 0.9927573600740869 0.11747940751770229 -1.9532584616775694 -0.09753114387647126 -0.11939043909213143 0.9880453425969555 -9.580555070178557 0.0 0.0 0.0 1.0 +reichstag/test/images/77458003_1504115665.jpg reichstag/test/images/48900330_6782044072.jpg 0 0 612.932 0.0 249.5 0.0 612.932 187.0 0.0 0.0 1.0 769.928 0.0 319.5 0.0 769.928 170.0 0.0 0.0 1.0 0.9999672248697797 0.007793887946810398 -0.002191916263050564 -0.06076558068847754 -0.007883812790306569 0.9989761160743479 -0.04454845686327021 0.08282940209848916 0.0018424663142268065 0.044564277439265304 0.9990048200555376 2.553612247060858 0.0 0.0 0.0 1.0 +reichstag/test/images/92414106_7915968882.jpg reichstag/test/images/92241023_5405455015.jpg 0 0 1871.37 0.0 319.5 0.0 1871.37 212.5 0.0 0.0 1.0 523.981 0.0 319.5 0.0 523.981 213.0 0.0 0.0 1.0 0.9978668457300292 0.009443559962758922 0.06459549030723288 -1.5003133529203208 -0.02161383963951019 0.9814680333573772 0.19040310247902997 -4.239859069490203 -0.06160032572023933 -0.19139309985689723 0.9795785222218423 -19.22172143243948 0.0 0.0 0.0 1.0 +reichstag/test/images/34959164_3067403556.jpg reichstag/test/images/63790741_1504116525.jpg 0 0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 0.9991570174068409 0.01954365039366465 0.03610125061485219 -0.20285984508527585 -0.02134333532423993 0.9985132367521375 0.05015753251513108 0.1467169153674877 -0.03506731532215158 -0.05088577168580222 0.9980886341583283 1.120356518648645 0.0 0.0 0.0 1.0 +reichstag/test/images/77594532_1434504133.jpg reichstag/test/images/35531158_5960344226.jpg 0 0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 0.960172122420042 0.03675901329090791 0.2769806315778609 -0.24025835519671346 0.0399600361107673 0.9630521261931019 -0.2663339966075906 -0.044114410417174586 -0.27653696107648623 0.266794634835157 0.9232269125094639 0.9779781567176826 0.0 0.0 0.0 1.0 +reichstag/test/images/06857713_2570944910.jpg reichstag/test/images/92102978_5376734902.jpg 0 0 782.61 0.0 319.5 0.0 782.61 239.5 0.0 0.0 1.0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 0.9994579765312506 0.024783323163654017 0.021668872629271887 0.2056491910426684 -0.02296309528486068 0.9964854809428534 -0.08055670378701289 0.01956241331166535 -0.023589179786421714 0.08001545577609379 0.9965144642371969 1.130405924960884 0.0 0.0 0.0 1.0 +reichstag/test/images/92753909_16247242.jpg reichstag/test/images/64127786_281241429.jpg 0 0 520.573 0.0 249.5 0.0 520.573 187.0 0.0 0.0 1.0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 0.9995298661832429 -0.0064079410869225355 -0.02998307687238088 0.2879293173270181 0.0042277205265313 0.9973796709544697 -0.07222131503858886 0.05569477887531622 0.030367301277165172 0.07206060128655661 0.9969378600270741 1.4420866491356858 0.0 0.0 0.0 1.0 +reichstag/test/images/35221995_8835396469.jpg reichstag/test/images/91840440_9426147613.jpg 0 0 918.648 0.0 319.5 0.0 918.648 213.0 0.0 0.0 1.0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 0.9985611736955948 -0.008972087080635073 -0.05286855436924297 0.11527984330531416 0.006503008682433058 0.9988882351420457 -0.04669051908991444 -0.07693314045693542 0.0532286883715191 0.04627953487479066 0.9975093540343473 -1.651650138409257 0.0 0.0 0.0 1.0 +reichstag/test/images/64282931_8298463790.jpg reichstag/test/images/48983853_5719892543.jpg 0 0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 0.9905844748039705 -0.01694382504770447 -0.13585030390137098 0.29729959524123073 0.015173191212695275 0.9997860413995833 -0.014058651819212564 0.9534662129003009 0.13605944489731336 0.011864999591388285 0.9906296226334701 4.812538501559714 0.0 0.0 0.0 1.0 +reichstag/test/images/49284352_2431392889.jpg reichstag/test/images/05936329_2458217347.jpg 0 0 666.383 0.0 319.5 0.0 666.383 179.5 0.0 0.0 1.0 864.162 0.0 319.5 0.0 864.162 200.0 0.0 0.0 1.0 0.999559800085065 0.0022902559997891453 0.029579735992070748 -0.3086774138660383 0.004396530151536825 0.9745733496430395 -0.22402557150506824 0.7170474911757388 -0.029340698296594848 0.22405700366871203 0.9741342733578708 7.096283918284257 0.0 0.0 0.0 1.0 +reichstag/test/images/77214581_8512429399.jpg reichstag/test/images/48551853_12793928283.jpg 0 0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 0.9958362776829596 -0.0011629609140052946 0.09115237557222394 0.028685334774381066 0.004995567608826203 0.9991122834882188 -0.04182928743383764 0.09565322024677941 -0.09102281227699413 0.04211047975111964 0.9949580670261021 3.998078130359511 0.0 0.0 0.0 1.0 +reichstag/test/images/05936329_2458217347.jpg reichstag/test/images/63329391_7754963780.jpg 0 0 864.162 0.0 319.5 0.0 864.162 200.0 0.0 0.0 1.0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 0.9990564457515138 0.0016784129431620756 0.04339816968887907 0.07838740724168636 -0.0033498851415388383 0.9992541088390312 0.03847082320216177 -0.6041569705627259 -0.043301229450109315 -0.03857990277729736 0.9983168808698984 -4.633252162448569 0.0 0.0 0.0 1.0 +reichstag/test/images/05978621_9257964873.jpg reichstag/test/images/92102978_5376734902.jpg 0 0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 0.9976326726196247 0.027954498800591462 0.06282990146922565 -0.19510276056601428 -0.02891826650277497 0.9994768589674979 0.014482480828173687 -0.0017667677984353931 -0.06239218207675828 -0.016265127889803544 0.9979191656794798 0.47695986163354714 0.0 0.0 0.0 1.0 +reichstag/test/images/06639257_4979506057.jpg reichstag/test/images/64097451_5212815345.jpg 0 0 678.155 0.0 319.5 0.0 678.155 239.5 0.0 0.0 1.0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 0.995123061016078 0.009855461029473957 0.09814766080700864 -0.7335382844468413 -0.0033624991386407475 0.9978072101724581 -0.0661019283183099 0.1255758834255502 -0.09858390859330818 0.06544953182225874 0.9929741042699519 0.9829225967187827 0.0 0.0 0.0 1.0 +reichstag/test/images/05466646_5360480312.jpg reichstag/test/images/64127786_281241429.jpg 0 0 750.195 0.0 319.5 0.0 750.195 178.5 0.0 0.0 1.0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 0.9996136122744341 -0.011231358398585242 0.02542602493862921 -0.6257866733881483 0.011028414485355461 0.9999063132254055 0.008107949550678445 -0.440855862165127 -0.025514706143643276 -0.007824407996754375 0.9996438257749126 -9.696184710855993 0.0 0.0 0.0 1.0 +reichstag/test/images/62663981_6029901745.jpg reichstag/test/images/77023786_7168337563.jpg 0 0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 0.999689922780052 0.024750858758722856 0.002730070094244807 -0.08071054307669007 -0.02487456151026598 0.9976576571263354 0.06372170247932356 -2.0757585290569613 -0.0011465084760838482 -0.06376985312745503 0.9979639729721796 -13.939649892739821 0.0 0.0 0.0 1.0 +reichstag/test/images/35221995_8835396469.jpg reichstag/test/images/06373813_9127207861.jpg 0 0 918.648 0.0 319.5 0.0 918.648 213.0 0.0 0.0 1.0 1495.37 0.0 319.5 0.0 1495.37 211.5 0.0 0.0 1.0 0.970473502100264 -0.033070062967983836 -0.2389300162318303 2.05372512065894 0.03159911827041011 0.9994507437388717 -0.009985317438569606 1.5613112665206188 0.23912899750089223 0.002140508142930865 0.9709854482839113 12.840642929204856 0.0 0.0 0.0 1.0 +reichstag/test/images/05791347_12791964625.jpg reichstag/test/images/35221995_8835396469.jpg 0 0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 918.648 0.0 319.5 0.0 918.648 213.0 0.0 0.0 1.0 0.9514733865432885 0.04672257696480771 0.30416343551060443 -2.860578453162751 -0.07511507817209598 0.9937712511373211 0.08231904666699591 -0.3441134817009056 -0.29842271986403107 -0.1011716423447339 0.9490564677901011 -2.014896639794241 0.0 0.0 0.0 1.0 +reichstag/test/images/64097451_5212815345.jpg reichstag/test/images/77274889_6889793618.jpg 0 0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 757.774 0.0 319.5 0.0 757.774 239.5 0.0 0.0 1.0 0.8927042171776902 -0.04774494857448841 -0.44810668430496203 3.767506167918304 0.04312189598658805 0.9988590545868066 -0.020520505755781883 0.27999482458348707 0.4485751695309152 -0.0010044678046878602 0.893744543102077 5.011202203001941 0.0 0.0 0.0 1.0 +reichstag/test/images/62663981_6029901745.jpg reichstag/test/images/92342560_2757258130.jpg 0 0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 1743.4 0.0 319.5 0.0 1743.4 239.5 0.0 0.0 1.0 0.9966112599017012 0.013914596118203152 0.08107022050056982 -1.9049350159107352 -0.02329082061378041 0.9929894946023511 0.11588529365067896 -2.4226233247817146 -0.07888938022497341 -0.11738078047208016 0.9899485936469049 -12.210712669005606 0.0 0.0 0.0 1.0 +reichstag/test/images/20613988_1265419368.jpg reichstag/test/images/05791347_12791964625.jpg 0 0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 0.9993605095536297 -0.019050250938454916 0.0302598725029017 -0.8842408531021071 0.02715832745032552 0.9548676235694036 -0.29578750262480763 0.017725897965168547 -0.023259346396897414 0.2964201568687621 0.9547743677995799 2.2354671652726736 0.0 0.0 0.0 1.0 +reichstag/test/images/77214581_8512429399.jpg reichstag/test/images/34120311_5589470818.jpg 0 0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 512.125 0.0 319.5 0.0 512.125 241.5 0.0 0.0 1.0 0.9988846622487754 -0.002739008297569771 -0.04713734567936336 0.18554639829025946 0.00992130717842454 0.988204195263892 0.1528202739387505 -1.2777277232069983 0.04616274675559606 -0.15311749180413461 0.9871291883616803 -4.216739806681826 0.0 0.0 0.0 1.0 +reichstag/test/images/05466646_5360480312.jpg reichstag/test/images/62673079_4759250457.jpg 0 0 750.195 0.0 319.5 0.0 750.195 178.5 0.0 0.0 1.0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 0.9961378481978406 0.012324727720827837 0.08693381663302194 -2.0884828212877404 -0.018784230222946015 0.9970900892060043 0.07388170749308413 -1.518240426232206 -0.08577027505323616 -0.07522934994913714 0.993470686444005 -13.28816005547819 0.0 0.0 0.0 1.0 +reichstag/test/images/48716728_829974943.jpg reichstag/test/images/06030835_119872882.jpg 0 0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 710.363 0.0 319.5 0.0 710.363 239.5 0.0 0.0 1.0 0.9962974823835683 -0.021717845021382493 -0.08318450458943762 0.8003373179356058 0.01681394635310862 0.9981042031144272 -0.0592054974926238 0.012178279548607628 0.08431261948366768 0.057587628297591044 0.9947738674004563 -0.07997212991094038 0.0 0.0 0.0 1.0 +reichstag/test/images/48815289_2513792540.jpg reichstag/test/images/92241023_5405455015.jpg 0 0 776.799 0.0 319.5 0.0 776.799 211.0 0.0 0.0 1.0 523.981 0.0 319.5 0.0 523.981 213.0 0.0 0.0 1.0 0.9979432345044356 0.01777923297905248 0.06158895665216245 -0.6447757351673368 -0.023216727925006203 0.9957852613855259 0.08872821846411867 -1.2556173881466002 -0.059751855630445584 -0.08997561937567702 0.9941499402337063 -6.021029111708665 0.0 0.0 0.0 1.0 +reichstag/test/images/19799508_3094174298.jpg reichstag/test/images/20099963_3586531606.jpg 0 0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 502.573 0.0 319.5 0.0 502.573 212.0 0.0 0.0 1.0 0.9977291251552128 0.012564392589132499 -0.06617196427400204 2.035502158414102 0.002759538999585565 0.9739967136146865 0.2265453305903704 -1.0693588486002672 0.06729768020907866 -0.22621347861402205 0.9717502170474777 -3.046217009352304 0.0 0.0 0.0 1.0 +reichstag/test/images/62663981_6029901745.jpg reichstag/test/images/05978621_9257964873.jpg 0 0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 0.9977307316390932 -0.004121857546246635 -0.06720414744112119 1.5138017118511038 0.003383859049119636 0.9999327609060985 -0.011091580800000379 -0.8637834036482892 0.0672453466111611 0.0108390016641615 0.9976775929136973 -11.224464312683814 0.0 0.0 0.0 1.0 +reichstag/test/images/05866831_3427466899.jpg reichstag/test/images/78043438_3428167710.jpg 0 0 961.582 0.0 249.5 0.0 961.582 176.5 0.0 0.0 1.0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 0.9707073823808695 -0.011307818595319664 0.23999856464132446 -4.278522652932843 0.0083090370830781 0.9998743035658295 0.013503220782453185 -0.46725079188064184 -0.2401210896486034 -0.011113519125955809 0.9706793250083182 -5.425525398866427 0.0 0.0 0.0 1.0 +reichstag/test/images/77792600_3686854267.jpg reichstag/test/images/05978621_9257964873.jpg 0 0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 0.9953790218974872 0.029088340569079274 0.09151213695100062 -0.2772444221043272 -0.030477496323796312 0.9994399210600057 0.013819059642488921 0.15317964115523616 -0.09105890941711534 -0.01654426288799051 0.9957080708627696 2.9506714754331758 0.0 0.0 0.0 1.0 +reichstag/test/images/49051226_8836027266.jpg reichstag/test/images/05461164_9050854768.jpg 0 0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 0.9999424168829727 -0.009652873373134802 0.004688811563844528 -0.19949425367737872 0.009879270195232761 0.9986530484109584 -0.050936125882417686 -0.17101967150724184 -0.004190815988396839 0.050979514857853826 0.9986909061998159 -7.534769669760946 0.0 0.0 0.0 1.0 +reichstag/test/images/64127786_281241429.jpg reichstag/test/images/05866831_3427466899.jpg 0 0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 961.582 0.0 249.5 0.0 961.582 176.5 0.0 0.0 1.0 0.9567846041674821 0.00926756691254569 -0.29064984677717703 3.381638860421935 -0.00037443725857146934 0.9995304730146684 0.030638102288045903 0.39534235878785123 0.29079731949386056 -0.029205234438279357 0.9563388380990236 6.757672851649512 0.0 0.0 0.0 1.0 +reichstag/test/images/05461164_9050854768.jpg reichstag/test/images/77122925_1063274053.jpg 0 0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 658.554 0.0 319.5 0.0 658.554 239.5 0.0 0.0 1.0 0.8949188431371066 0.0043650624683168405 0.4462075866990503 -1.346147525832175 -0.08513084594687063 0.9832562734369213 0.16112057539404703 -0.22861206801488865 -0.43803310750046404 -0.18217586826082732 0.8803061681920108 -0.6288807749329104 0.0 0.0 0.0 1.0 +reichstag/test/images/35221995_8835396469.jpg reichstag/test/images/48668943_3586566128.jpg 0 0 918.648 0.0 319.5 0.0 918.648 213.0 0.0 0.0 1.0 550.231 0.0 319.5 0.0 550.231 212.0 0.0 0.0 1.0 0.9105059350972222 -0.038239974493692715 -0.4117239931112284 4.294129977588392 -0.016534825115627063 0.9915510551061818 -0.12865886940360313 -0.01832479786594217 0.4131652716663499 0.1239524484168809 0.9021808293354119 -1.9034051468709143 0.0 0.0 0.0 1.0 +reichstag/test/images/77487845_5932034347.jpg reichstag/test/images/49051226_8836027266.jpg 0 0 774.031 0.0 319.5 0.0 774.031 212.0 0.0 0.0 1.0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 0.999377756873665 0.01573694192975164 0.03156656023169549 -0.17829897242774323 -0.012198628765961176 0.993933234539919 -0.10930653563829087 0.6631219781863822 -0.03309520391827038 0.10885345164814163 0.9935067355292031 8.177829966465861 0.0 0.0 0.0 1.0 +reichstag/test/images/06857713_2570944910.jpg reichstag/test/images/48983853_5719892543.jpg 0 0 782.61 0.0 319.5 0.0 782.61 239.5 0.0 0.0 1.0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 0.9975991870096875 0.015361188439000702 0.06752700176486193 -0.846456802988701 -0.018256158930870143 0.9989311307270217 0.04246538267253616 0.2590221285013564 -0.06680250548221199 -0.04359621490652183 0.9968133201894541 1.243369136935673 0.0 0.0 0.0 1.0 +reichstag/test/images/20329925_5164269072.jpg reichstag/test/images/62673079_4759250457.jpg 0 0 517.71 0.0 319.5 0.0 517.71 245.0 0.0 0.0 1.0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 0.9217706248176183 -0.025887109665753087 0.38687048579142236 -4.513673411488845 -0.06575416372590359 0.972880031912033 0.2217675212008032 -0.5350239174722441 -0.3821194907042101 -0.22985713184496778 0.8950700496407866 -4.541242750272635 0.0 0.0 0.0 1.0 +reichstag/test/images/63329391_7754963780.jpg reichstag/test/images/92241023_5405455015.jpg 0 0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 523.981 0.0 319.5 0.0 523.981 213.0 0.0 0.0 1.0 0.9995526247396901 0.01309907409511324 -0.026888001670763738 -0.1596616784480227 -0.01075181311209508 0.9962666009697931 0.08565779770048851 -0.26657080359515883 0.027909655870304837 -0.08533038175202295 0.9959617347364582 -1.2072190736335235 0.0 0.0 0.0 1.0 +reichstag/test/images/91840440_9426147613.jpg reichstag/test/images/92241023_5405455015.jpg 0 0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 523.981 0.0 319.5 0.0 523.981 213.0 0.0 0.0 1.0 0.9937914526186681 -0.0011480535022682454 -0.11125300299422736 1.1561542588700964 0.016275286725274937 0.9906902062793824 0.13515927724031546 -0.30150811420596624 0.11006209040395204 -0.1361308089863213 0.9845581440934008 -1.3031502036537885 0.0 0.0 0.0 1.0 +reichstag/test/images/05791347_12791964625.jpg reichstag/test/images/64282931_8298463790.jpg 0 0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 0.9693612832733256 0.030980361652741147 0.24367790150638768 -1.7591264818026706 -0.07497035675428292 0.9819959895112015 0.17338777982329565 -1.0003715736276886 -0.2339191058866868 -0.18634401996249159 0.9542315013273203 -4.357752924341644 0.0 0.0 0.0 1.0 +reichstag/test/images/64127786_281241429.jpg reichstag/test/images/92342560_2757258130.jpg 0 0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 1743.4 0.0 319.5 0.0 1743.4 239.5 0.0 0.0 1.0 0.9971682881896751 0.012967003885492493 0.0740760544245384 -0.8128702598876141 -0.023175335414746933 0.9900686514852389 0.1386613470820715 -0.18085160980553364 -0.07154235708506908 -0.13998543551539336 0.9875655770561659 -1.2724245667203458 0.0 0.0 0.0 1.0 +reichstag/test/images/92241023_5405455015.jpg reichstag/test/images/62673079_4759250457.jpg 0 0 523.981 0.0 319.5 0.0 523.981 213.0 0.0 0.0 1.0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 0.9999691280641522 0.0028392840541288686 -0.007326758128892082 -0.34914580062757705 -0.0035326056043755894 0.9953342866433115 -0.09642187785919744 0.15451861508446296 0.00701880447535411 0.09644478367599787 0.995313588817829 1.492883871834409 0.0 0.0 0.0 1.0 +reichstag/test/images/62673079_4759250457.jpg reichstag/test/images/06857713_2570944910.jpg 0 0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 782.61 0.0 319.5 0.0 782.61 239.5 0.0 0.0 1.0 0.9950750853886846 -0.027231229869710872 -0.09531020175450766 1.0332026548169186 0.031131323913447684 0.998727560988008 0.03967492399918022 0.4972333040903542 0.0941085283600694 -0.04244666114934947 0.9946566572678103 2.9986678638846658 0.0 0.0 0.0 1.0 +reichstag/test/images/48716728_829974943.jpg reichstag/test/images/91831337_388207037.jpg 0 0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 678.613 0.0 319.5 0.0 678.613 239.5 0.0 0.0 1.0 0.9812659904693958 -0.018143792536759122 -0.19180161297679052 5.036073573912512 -0.002185695953895651 0.9944430622116185 -0.10525311754231331 -0.07107377761340467 0.19264547407430213 0.10370052464458386 0.9757734995925669 4.747410214198501 0.0 0.0 0.0 1.0 +reichstag/test/images/48815289_2513792540.jpg reichstag/test/images/77594532_1434504133.jpg 0 0 776.799 0.0 319.5 0.0 776.799 211.0 0.0 0.0 1.0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 0.9643529416148323 0.009642773298773248 -0.26444360631697705 1.921236905591396 0.030288978462823097 0.9887454322506956 0.14650954913268963 -1.6684455279938313 0.2628801662022042 -0.14929664137713822 0.9532074963464187 -5.905502781138457 0.0 0.0 0.0 1.0 +reichstag/test/images/77214581_8512429399.jpg reichstag/test/images/35531158_5960344226.jpg 0 0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 0.9996748392347811 0.0021682698145465405 -0.02540697555644737 0.10485484801026562 -0.005253975696377852 0.9925133904472376 -0.12202280738579521 -0.06809623473874145 0.02495218508059886 0.12211661798846352 0.9922020560706188 -1.9148039593508566 0.0 0.0 0.0 1.0 +reichstag/test/images/64097451_5212815345.jpg reichstag/test/images/06229406_8584869180.jpg 0 0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 0.9973960556330231 -0.007014849777647713 -0.0717767378074844 1.0888780225004064 0.013302132021613644 0.9960760619893408 0.08749589713516061 -0.2958169962672934 0.07088131976315683 -0.08822284632907783 0.9935756477964973 -2.528541130490638 0.0 0.0 0.0 1.0 +reichstag/test/images/20613988_1265419368.jpg reichstag/test/images/48983853_5719892543.jpg 0 0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 0.9911854705445231 0.05092026402148723 0.12230490461716721 -1.4706667888977951 -0.03397941737758875 0.990015045668499 -0.13680500189934403 0.42149898617091874 -0.12804984254622087 0.13144328077913275 0.9830187697912518 2.5223591235646183 0.0 0.0 0.0 1.0 +reichstag/test/images/77107104_4141016705.jpg reichstag/test/images/34537245_34002183.jpg 0 0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 0.9993241005368925 0.0012502632043907087 -0.03673933761039474 0.42712464852759524 -0.001849650212274465 0.999865677699692 -0.01628512671819828 0.19925255919905577 0.03671404200334052 0.0163420745334027 0.9991921815745566 4.28425685665426 0.0 0.0 0.0 1.0 +reichstag/test/images/06229406_8584869180.jpg reichstag/test/images/05461164_9050854768.jpg 0 0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 0.9985309008638509 0.004738916010569717 0.05397761290637742 -0.795406767780843 0.0032163355434038183 0.9892280408976035 -0.14634732073926682 -0.19247692754066148 -0.054089695929060204 0.14630593213172996 0.9877595248932642 -1.392779832706856 0.0 0.0 0.0 1.0 +reichstag/test/images/34272622_11098902473.jpg reichstag/test/images/78043438_3428167710.jpg 0 0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 0.9979314550459006 -0.0187699923655117 0.061485757835211124 0.3485901244303312 0.011779221445189562 0.9936218540523147 0.11214660535114718 0.20918407872812161 -0.06319858362429316 -0.11119037069926248 0.9917875984764296 1.7554824402553562 0.0 0.0 0.0 1.0 +reichstag/test/images/48983853_5719892543.jpg reichstag/test/images/91840440_9426147613.jpg 0 0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 0.9892680573449989 0.028752103893044882 0.1432551124343423 -1.8388979964638823 -0.010926800132186493 0.9922600461788033 -0.12369561752992814 -0.31207137305164423 -0.14570283372578505 0.12080280327443801 0.9819253367569826 -4.190094288780784 0.0 0.0 0.0 1.0 +reichstag/test/images/62799820_4661707438.jpg reichstag/test/images/92241023_5405455015.jpg 0 0 625.353 0.0 319.5 0.0 625.353 239.5 0.0 0.0 1.0 523.981 0.0 319.5 0.0 523.981 213.0 0.0 0.0 1.0 0.9996027819592525 0.015500199538524497 -0.023537674345376076 0.11996003099316677 -0.01672351997410913 0.998470458435876 -0.05269788905190503 0.32656238977886876 0.022684844698578416 0.053070589266723284 0.9983330658532171 1.2406753578152925 0.0 0.0 0.0 1.0 +reichstag/test/images/49501249_12793461434.jpg reichstag/test/images/05936329_2458217347.jpg 0 0 587.147 0.0 319.5 0.0 587.147 230.0 0.0 0.0 1.0 864.162 0.0 319.5 0.0 864.162 200.0 0.0 0.0 1.0 0.9407195745369383 -0.056620666512580534 -0.3344260489356546 -0.11210494502906043 0.08056692640661085 0.9950509073413585 0.058160658253934065 0.38086070298714386 0.32947784819686055 -0.08165654856048166 0.9406256192687698 2.9284720673123283 0.0 0.0 0.0 1.0 +reichstag/test/images/63790741_1504116525.jpg reichstag/test/images/77023786_7168337563.jpg 0 0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 0.999987690061243 -0.004153160401223021 -0.002714955738283148 -0.03662989934923788 0.004112528194917252 0.9998819553726435 -0.01480413563923544 -0.12539201071929035 0.002776119202255945 0.014792788069210736 0.999886726876257 -0.5980284614849949 0.0 0.0 0.0 1.0 +reichstag/test/images/77023786_7168337563.jpg reichstag/test/images/92414106_7915968882.jpg 0 0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 1871.37 0.0 319.5 0.0 1871.37 212.5 0.0 0.0 1.0 0.9998274783586036 -0.016081857533007404 0.009294481016404905 -0.10923836619446259 0.017042617209731672 0.9932503863902266 -0.11473107309839262 0.46506441854481295 -0.007386658088663391 0.11486968178746823 0.993353106145205 17.36316712404693 0.0 0.0 0.0 1.0 +reichstag/test/images/78043438_3428167710.jpg reichstag/test/images/48983853_5719892543.jpg 0 0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 0.9960778955008867 0.024060609091168795 0.08514642203103379 -1.0029459552623636 -0.03325017202205256 0.9935716879067882 0.10821149222961329 0.030234172787714175 -0.0819954398428892 -0.1106182086286779 0.990474815310694 0.21419970011121844 0.0 0.0 0.0 1.0 +reichstag/test/images/05545431_1341290848.jpg reichstag/test/images/05936329_2458217347.jpg 0 0 492.313 0.0 319.5 0.0 492.313 213.0 0.0 0.0 1.0 864.162 0.0 319.5 0.0 864.162 200.0 0.0 0.0 1.0 0.9983361324055601 0.010307417919785412 0.05673379829815339 -0.6898199762153991 -0.006306837109206808 0.9975096577765262 -0.0702474657780336 0.2367929627555393 -0.05731658171233347 0.06977277247168094 0.9959149409876472 3.1483773099866434 0.0 0.0 0.0 1.0 +reichstag/test/images/20099963_3586531606.jpg reichstag/test/images/06857713_2570944910.jpg 0 0 502.573 0.0 319.5 0.0 502.573 212.0 0.0 0.0 1.0 782.61 0.0 319.5 0.0 782.61 239.5 0.0 0.0 1.0 0.9990777424688014 -0.007894189766580297 0.042205998049714186 -1.6323440328403422 0.013546180280341004 0.9907042790101126 -0.1353570557853029 0.7181055404830488 -0.040745128583129536 0.1358039517796972 0.9898975306453502 4.050292513090431 0.0 0.0 0.0 1.0 +reichstag/test/images/34537245_34002183.jpg reichstag/test/images/48815289_2513792540.jpg 0 0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 776.799 0.0 319.5 0.0 776.799 211.0 0.0 0.0 1.0 0.9990698614143452 -0.0030490139966752312 0.0430129692903068 -0.5842953067349206 0.001835556439633668 0.9995999729484062 0.028222771198137746 -0.15206397511066727 -0.04308181456342939 -0.028117567376883666 0.9986758030806236 -2.2302549248776167 0.0 0.0 0.0 1.0 +reichstag/test/images/63329391_7754963780.jpg reichstag/test/images/76958303_5507621260.jpg 0 0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 708.355 0.0 319.5 0.0 708.355 239.5 0.0 0.0 1.0 0.9982600045867089 0.01812326958280248 0.05611158830556266 -1.0104457097191009 -0.017813508308877377 0.9998232292402005 -0.006015745458937601 0.31990705050543167 -0.05621069439415818 0.005005733844926075 0.998406380420518 2.238103227875463 0.0 0.0 0.0 1.0 +reichstag/test/images/34120311_5589470818.jpg reichstag/test/images/62799820_4661707438.jpg 0 0 512.125 0.0 319.5 0.0 512.125 241.5 0.0 0.0 1.0 625.353 0.0 319.5 0.0 625.353 239.5 0.0 0.0 1.0 0.9960446176248661 0.013257187450479565 0.08785992648208496 -0.268737332960989 -0.012447135044868187 0.9998748851197186 -0.009761297864765494 0.12774414365651143 -0.08797834125345479 0.008629083829278026 0.9960850116242879 0.4865558871446467 0.0 0.0 0.0 1.0 +reichstag/test/images/06030835_119872882.jpg reichstag/test/images/91831337_388207037.jpg 0 0 710.363 0.0 319.5 0.0 710.363 239.5 0.0 0.0 1.0 678.613 0.0 319.5 0.0 678.613 239.5 0.0 0.0 1.0 0.9939818020826207 0.00974526804668553 -0.1091109842283725 4.231708325952938 -0.01501933524457197 0.9987526131636276 -0.04761971511502873 -0.07502458169309828 0.10851081373483963 0.04897190469568843 0.9928882897149504 4.739371958313674 0.0 0.0 0.0 1.0 +reichstag/test/images/34537245_34002183.jpg reichstag/test/images/05791347_12791964625.jpg 0 0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 0.9984093096887066 -0.043538547078436254 -0.03582241261024891 0.07816972489875285 0.0412683390781168 0.9972323725251454 -0.06184269866041469 0.1285732970122948 0.038415810763977216 0.060265994608635375 0.9974428481758632 -2.914713185763444 0.0 0.0 0.0 1.0 +reichstag/test/images/34959164_3067403556.jpg reichstag/test/images/92102978_5376734902.jpg 0 0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 0.999553224576367 0.015100102513299945 0.025794149396228393 0.315239415062391 -0.014510754477590008 0.9996328012955688 -0.022884505204717246 0.15957416782515058 -0.026130236192545574 0.02249998840136283 0.9994053038074494 3.7541052885625463 0.0 0.0 0.0 1.0 +reichstag/test/images/91629190_2705184160.jpg reichstag/test/images/48551853_12793928283.jpg 0 0 1208.55 0.0 319.5 0.0 1208.55 213.5 0.0 0.0 1.0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 0.979160228286749 0.003524283196542108 0.2030586781435172 -3.101748156773483 -0.0034854349986909567 0.9999937751982891 -0.0005489148782028466 -0.9380223875816597 -0.20305934867499162 -0.0001702722061382514 0.979166416868483 -8.56617803356099 0.0 0.0 0.0 1.0 +reichstag/test/images/19799508_3094174298.jpg reichstag/test/images/05978621_9257964873.jpg 0 0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 0.9977838208517608 -0.01020226989766197 -0.06575226638980906 0.60761995830671 0.009945147677603294 0.9999415709035339 -0.0042366043765617225 0.04399549965559332 0.0657916475255926 0.0035732993028992958 0.9978269843254189 1.500328767361438 0.0 0.0 0.0 1.0 +reichstag/test/images/34959164_3067403556.jpg reichstag/test/images/91549947_3428166276.jpg 0 0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 543.843 0.0 319.5 0.0 543.843 213.0 0.0 0.0 1.0 0.9984438517457979 -0.0292460016938239 -0.04748206288632007 0.3158235729273366 0.029689835545555116 0.9995215661755874 0.008669049266121482 0.27221837299364776 0.047205810831861525 -0.010065293578698958 0.9988344714160006 3.3758801878076925 0.0 0.0 0.0 1.0 +reichstag/test/images/06639257_4979506057.jpg reichstag/test/images/92102978_5376734902.jpg 0 0 678.155 0.0 319.5 0.0 678.155 239.5 0.0 0.0 1.0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 0.9992060411350565 0.01017770191219098 0.03851884919093816 0.46022842412200754 -0.007421955807494625 0.9974471893935803 -0.07102125697872858 0.057242224811259707 -0.03914335104713507 0.0706789838257002 0.9967307958090625 1.7773492390071564 0.0 0.0 0.0 1.0 +reichstag/test/images/49284352_2431392889.jpg reichstag/test/images/77902859_6141520050.jpg 0 0 666.383 0.0 319.5 0.0 666.383 179.5 0.0 0.0 1.0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 0.9997777581446364 0.012890552000813533 -0.016681366502753554 0.2793137128799572 -0.01651276095962944 0.9707500098002345 -0.23952400129910706 0.42957894613552067 0.013105840101840252 0.23974622445819418 0.9707471271207894 5.106295099783026 0.0 0.0 0.0 1.0 +reichstag/test/images/06373813_9127207861.jpg reichstag/test/images/77023786_7168337563.jpg 0 0 1495.37 0.0 319.5 0.0 1495.37 211.5 0.0 0.0 1.0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 0.9998225782280193 0.018218158773341195 0.004786518190226814 -0.16563969338346496 -0.018302475530011762 0.9996667339068116 0.018205507671066653 -1.832411309914851 -0.004453252176708807 -0.018289882749686428 0.9998228086686428 -13.2772427354634 0.0 0.0 0.0 1.0 +reichstag/test/images/62663981_6029901745.jpg reichstag/test/images/06857713_2570944910.jpg 0 0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 782.61 0.0 319.5 0.0 782.61 239.5 0.0 0.0 1.0 0.9995958308946338 0.0016747982841375728 -0.02837903995512198 0.6864698650447518 0.0007490763877221929 0.9963648244114579 0.0851855360967467 -2.0327219417394975 0.02841854575153903 -0.08517236480356893 0.9959608699799082 -11.797231207521378 0.0 0.0 0.0 1.0 +reichstag/test/images/49051226_8836027266.jpg reichstag/test/images/20982577_4977562846.jpg 0 0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 0.9994800972921483 -0.01577671912925979 -0.028118148061240997 0.35177311988796417 0.01711953026228072 0.9986922753245766 0.04817323832397498 -0.42648045791005307 0.027321361614609876 -0.04862956241357807 0.998443142526898 -3.7117730545130128 0.0 0.0 0.0 1.0 +reichstag/test/images/20329925_5164269072.jpg reichstag/test/images/06373813_9127207861.jpg 0 0 517.71 0.0 319.5 0.0 517.71 245.0 0.0 0.0 1.0 1495.37 0.0 319.5 0.0 1495.37 211.5 0.0 0.0 1.0 0.9474850663598728 -0.030163367969537235 0.318374339823048 -3.3449605930854585 -0.0464531996295452 0.9720021358727637 0.23033442665603168 1.0724004766683153 -0.31640820038236206 -0.23302793628987817 0.9195563232555555 9.359538081739867 0.0 0.0 0.0 1.0 +reichstag/test/images/62663981_6029901745.jpg reichstag/test/images/05866831_3427466899.jpg 0 0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 961.582 0.0 249.5 0.0 961.582 176.5 0.0 0.0 1.0 0.9588925369729794 0.0019306985733329326 -0.2837628850652287 6.3851981154645125 0.0003080073637676998 0.9999691838048679 0.00784452497544504 -0.6496637361313524 0.28376928598596973 -0.007609457513216438 0.9588623928840716 -4.0010857442592265 0.0 0.0 0.0 1.0 +reichstag/test/images/06639257_4979506057.jpg reichstag/test/images/19799508_3094174298.jpg 0 0 678.155 0.0 319.5 0.0 678.155 239.5 0.0 0.0 1.0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 0.999046128063868 -0.007510613803549613 0.043016562866963585 -0.04704580095931188 0.011036891751426003 0.9965437086269164 -0.08233361292071882 0.011950664809195655 -0.04224950912212833 0.08272984634583447 0.9956760273816649 -0.15790691120762523 0.0 0.0 0.0 1.0 +reichstag/test/images/77023786_7168337563.jpg reichstag/test/images/92241023_5405455015.jpg 0 0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 523.981 0.0 319.5 0.0 523.981 213.0 0.0 0.0 1.0 0.9973784902804822 0.0007523305484650901 0.07235731562580353 -0.48334453944017897 -0.006289769405354113 0.9970626378448073 0.0763317431661463 -0.4750512594266917 -0.0720873492830315 -0.07658674958960525 0.9944535604343953 -2.295416841734428 0.0 0.0 0.0 1.0 +reichstag/test/images/20613988_1265419368.jpg reichstag/test/images/77902859_6141520050.jpg 0 0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 0.993755562563444 0.05951820940788203 0.09437936545184272 -0.9069385165978815 -0.032919838798530165 0.9645946059323492 -0.2616744741462084 -0.027233449210009177 -0.10661222297509686 0.25693351076707643 0.9605305851232498 0.7081912119960947 0.0 0.0 0.0 1.0 +reichstag/test/images/77023786_7168337563.jpg reichstag/test/images/05461164_9050854768.jpg 0 0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 0.9993341805850915 -0.009722178672980428 0.03516638673754349 -0.43617491677186165 0.013614757169800876 0.9935919027822419 -0.1122041403548538 0.003254969285471157 -0.033850168412153964 0.11260821447574342 0.9930627151046674 -1.5624526236521068 0.0 0.0 0.0 1.0 +reichstag/test/images/48983853_5719892543.jpg reichstag/test/images/34481400_9199849492.jpg 0 0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 0.9929455266802921 0.025582020788870098 0.11577884633194238 -1.4325546844003403 -0.022283813418549375 0.9993106534734751 -0.029692583483814608 -0.32811910234383157 -0.11645863087433665 0.026903123736358937 0.992831108108575 -2.2369751324917484 0.0 0.0 0.0 1.0 +reichstag/test/images/91831337_388207037.jpg reichstag/test/images/06030835_119872882.jpg 0 0 678.613 0.0 319.5 0.0 678.613 239.5 0.0 0.0 1.0 710.363 0.0 319.5 0.0 710.363 239.5 0.0 0.0 1.0 0.9939818020826208 -0.015019335244571974 0.10851081373483963 -4.721640994851459 0.009745268046685532 0.9987526131636276 0.04897190469568843 -0.19840420677426773 -0.10911098422837254 -0.04761971511502875 0.9928882897149506 -4.247513706807785 0.0 0.0 0.0 1.0 +reichstag/test/images/34272622_11098902473.jpg reichstag/test/images/62673079_4759250457.jpg 0 0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 0.9841792574857151 0.006587998081156744 0.17705306384287542 -0.9609650842293463 -0.030495464189522137 0.9906935265373558 0.13265128397736387 -0.24468603324476476 -0.17453141779843592 -0.13595195753743433 0.9752209234030037 -2.244842911482783 0.0 0.0 0.0 1.0 +reichstag/test/images/76958303_5507621260.jpg reichstag/test/images/49501249_12793461434.jpg 0 0 708.355 0.0 319.5 0.0 708.355 239.5 0.0 0.0 1.0 587.147 0.0 319.5 0.0 587.147 230.0 0.0 0.0 1.0 0.9702334810771565 0.07130110211097843 0.2314371297667322 0.8499273830824905 -0.046963224939416674 0.9929293673358183 -0.1090216812628634 -0.2079799904403959 -0.23757408886533307 0.09490745133998416 0.9667218462308356 -0.7601260775137653 0.0 0.0 0.0 1.0 +reichstag/test/images/91549947_3428166276.jpg reichstag/test/images/20329925_5164269072.jpg 0 0 543.843 0.0 319.5 0.0 543.843 213.0 0.0 0.0 1.0 517.71 0.0 319.5 0.0 517.71 245.0 0.0 0.0 1.0 0.9694782536090424 -0.017395270426032675 -0.24455944133475294 2.09127961870327 -0.03979949101337417 0.9730842306976479 -0.2269869610410328 -0.12867097377884695 0.2419254354015667 0.22979226386972254 0.942691677682258 1.9183574837947164 0.0 0.0 0.0 1.0 +reichstag/test/images/64097451_5212815345.jpg reichstag/test/images/48983853_5719892543.jpg 0 0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 0.9998571871123194 -0.008580945537458567 -0.014559284100653028 0.18527820270484985 0.010233796962736331 0.9930151896133242 0.1175419184671562 0.1449471834457233 0.013448969461109173 -0.11767412872376526 0.9929611899009634 0.9170258311731357 0.0 0.0 0.0 1.0 +reichstag/test/images/05936329_2458217347.jpg reichstag/test/images/19799508_3094174298.jpg 0 0 864.162 0.0 319.5 0.0 864.162 200.0 0.0 0.0 1.0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 0.9982435327909861 0.00015534988452288234 -0.05924377695070203 0.8502187253459718 -0.0016093559920910628 0.9996986364623035 -0.024495841049074527 -0.13634120982673975 0.0592221176104154 0.02454815923494433 0.9979429486017293 -2.2023060443526714 0.0 0.0 0.0 1.0 +reichstag/test/images/77361791_2035867493.jpg reichstag/test/images/77214581_8512429399.jpg 0 0 601.346 0.0 249.5 0.0 601.346 187.0 0.0 0.0 1.0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 0.9948037081398989 -0.008609739346261828 0.10144680704436077 -0.9310196491167189 -0.00243513335902953 0.9941207388057604 0.10824983511217395 -0.3331300878664132 -0.10178237763301698 -0.10793437387912405 0.9889340314392521 -2.912719281841762 0.0 0.0 0.0 1.0 +reichstag/test/images/92342560_2757258130.jpg reichstag/test/images/34120311_5589470818.jpg 0 0 1743.4 0.0 319.5 0.0 1743.4 239.5 0.0 0.0 1.0 512.125 0.0 319.5 0.0 512.125 241.5 0.0 0.0 1.0 0.9971682356869956 -0.01669446171265417 -0.07332669830975043 0.817834599216209 0.02301977908694317 0.9960047061821744 0.08628276208924225 -1.6601166991939655 0.07159329233715105 -0.08772639403899583 0.9935685584202242 -5.4248560282841245 0.0 0.0 0.0 1.0 +reichstag/test/images/05545431_1341290848.jpg reichstag/test/images/64097451_5212815345.jpg 0 0 492.313 0.0 319.5 0.0 492.313 213.0 0.0 0.0 1.0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 0.9983162932290963 0.024317825595646207 0.05266139033121856 -0.6512223197032257 -0.020172793294656037 0.9967601963592755 -0.07785993426987955 0.15561542096832187 -0.054384162069561266 0.07666651362960636 0.9955725029368143 2.0420699170442127 0.0 0.0 0.0 1.0 +reichstag/test/images/63329391_7754963780.jpg reichstag/test/images/64097451_5212815345.jpg 0 0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 0.9988405049558055 0.01078317397314863 -0.04691874698557399 -0.2443331750633102 -0.012887611881738722 0.9989135603779765 -0.04478401894627254 0.32754644501151287 0.046384858732318734 0.0453367626993728 0.9978942944161587 3.5414570188568044 0.0 0.0 0.0 1.0 +reichstag/test/images/78040542_6368040213.jpg reichstag/test/images/77594532_1434504133.jpg 0 0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 0.994382443833639 0.03471281915825768 0.0999928776539903 -2.8322477959016585 -0.05079968434773521 0.985295755143559 0.16313082776181256 -1.751693947978553 -0.09285982697383327 -0.16729403779624 0.9815242011546227 -6.912508509095767 0.0 0.0 0.0 1.0 +reichstag/test/images/63329391_7754963780.jpg reichstag/test/images/64127786_281241429.jpg 0 0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 0.9955756855535353 -0.012245592075372954 -0.0931616863808927 0.10752254705914477 0.004818205802227241 0.9968202997521947 -0.07953662612150492 0.1945760892403649 0.09383943322215685 0.07873585889966679 0.9924690550822609 3.9997150099495475 0.0 0.0 0.0 1.0 +reichstag/test/images/92342560_2757258130.jpg reichstag/test/images/64097451_5212815345.jpg 0 0 1743.4 0.0 319.5 0.0 1743.4 239.5 0.0 0.0 1.0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 0.9996392671977476 0.002615088895188915 -0.0267300726976242 0.23152899444538555 -0.005430377247540121 0.9943725860383721 -0.10580014715636989 0.04419460004966994 0.02630297472339228 0.10590713595140971 0.9940280841481643 0.8655920820230891 0.0 0.0 0.0 1.0 +reichstag/test/images/34481400_9199849492.jpg reichstag/test/images/48815289_2513792540.jpg 0 0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 776.799 0.0 319.5 0.0 776.799 211.0 0.0 0.0 1.0 0.9892326171521371 -0.029944423652906605 -0.14325557809184572 1.4989305611355088 0.022947761567180234 0.9984732006150618 -0.05024607340449395 0.2654730608790106 0.1445414452722453 0.04641765984632569 0.988409414894962 2.894804591838421 0.0 0.0 0.0 1.0 +reichstag/test/images/78040542_6368040213.jpg reichstag/test/images/34959164_3067403556.jpg 0 0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 0.9477014687091507 0.02201237007451262 0.31839814975941866 -4.355168458870332 -0.020701714284350383 0.9997575650700982 -0.007500007386490578 -0.3076424997610529 -0.31848605186445395 0.0005163804905213046 0.9479274065660205 -4.226913505320146 0.0 0.0 0.0 1.0 +reichstag/test/images/64127786_281241429.jpg reichstag/test/images/35221995_8835396469.jpg 0 0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 918.648 0.0 319.5 0.0 918.648 213.0 0.0 0.0 1.0 0.9726943829993009 0.022721439539230948 0.23097483297293364 -2.3409729731977156 -0.04007919876911644 0.9966894489569008 0.0707375442322888 -0.2721982642384273 -0.2286029201642779 -0.07806329818329759 0.9703848856866589 -1.8790376603674723 0.0 0.0 0.0 1.0 +reichstag/test/images/34537245_34002183.jpg reichstag/test/images/19799508_3094174298.jpg 0 0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 0.9995773525765571 -0.0030992694520197202 0.028905202730730842 -0.3621592552268504 0.003972291971727279 0.9995361457078316 -0.03019460746596134 -0.1191063421151975 -0.028798213703843223 0.030296665697662418 0.9991260055343729 -4.745738450217881 0.0 0.0 0.0 1.0 +reichstag/test/images/62810349_4295140640.jpg reichstag/test/images/64127786_281241429.jpg 0 0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 0.9996882945714619 -0.02134012277120579 0.012958119343173256 -0.03622657149157382 0.022460610340687914 0.9953590803681598 -0.09357254999076794 0.060116004514693636 -0.010901132047904018 0.09383443018828881 0.9955281337216509 0.9081236908328337 0.0 0.0 0.0 1.0 +reichstag/test/images/77349640_2188160842.jpg reichstag/test/images/06796518_2036664706.jpg 0 0 708.96 0.0 239.0 0.0 708.96 319.5 0.0 0.0 1.0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 0.9996481548508322 0.00507930176175932 0.026033962374939015 0.39089299819272066 -0.004128212035927356 0.9993266928670497 -0.03645708146288913 -0.137180969185444 -0.026201610040476067 0.03633678049880444 0.9989960530523976 3.0108572880814073 0.0 0.0 0.0 1.0 +reichstag/test/images/77902859_6141520050.jpg reichstag/test/images/78043438_3428167710.jpg 0 0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 0.9974274495337534 -0.03808569305888365 -0.06072860035284828 0.27842107463907406 0.039164668683662765 0.9990935999582228 0.016676547886695255 0.1730900589276968 0.060038418062856945 -0.019012062138095823 0.9980149948020655 1.6358363135013971 0.0 0.0 0.0 1.0 +reichstag/test/images/92102978_5376734902.jpg reichstag/test/images/77122925_1063274053.jpg 0 0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 658.554 0.0 319.5 0.0 658.554 239.5 0.0 0.0 1.0 0.8757271944588999 0.018341464856723066 0.48245774069036745 -4.489114162799065 -0.078180856061912 0.9914770378700952 0.10421629969332338 -0.9177494433240124 -0.47643429203886123 -0.12898400692819084 0.8696973561683269 -4.333484064843988 0.0 0.0 0.0 1.0 +reichstag/test/images/92241023_5405455015.jpg reichstag/test/images/64127786_281241429.jpg 0 0 523.981 0.0 319.5 0.0 523.981 213.0 0.0 0.0 1.0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 0.9974748152831792 -0.03088414298926286 -0.06395437895567466 0.18134129334421611 0.020012054158161173 0.9862340351333927 -0.16414001837722736 0.2625194857433083 0.06814330901972769 0.16244567601609 0.9843616671627949 5.242238339391427 0.0 0.0 0.0 1.0 +reichstag/test/images/20613988_1265419368.jpg reichstag/test/images/05936329_2458217347.jpg 0 0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 864.162 0.0 319.5 0.0 864.162 200.0 0.0 0.0 1.0 0.9888232741592399 0.04972503841777122 0.14055587157907057 -1.6701522764826575 -0.014073211513002958 0.9696641013391031 -0.24403580739707026 0.1644368104567594 -0.14842667280078498 0.23933021357233786 0.9595262225039541 2.7603644819631272 0.0 0.0 0.0 1.0 +reichstag/test/images/77023786_7168337563.jpg reichstag/test/images/48900330_6782044072.jpg 0 0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 769.928 0.0 319.5 0.0 769.928 170.0 0.0 0.0 1.0 0.9997537300438727 -0.01743277489057523 -0.013732356788910428 0.09410469039450978 0.01744501400135858 0.9998475261501121 0.0007719702025908899 0.6334419493298218 0.013716805380838786 -0.0010113412459771614 0.9999054087457615 6.617114168067919 0.0 0.0 0.0 1.0 +reichstag/test/images/05461164_9050854768.jpg reichstag/test/images/35221995_8835396469.jpg 0 0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 918.648 0.0 319.5 0.0 918.648 213.0 0.0 0.0 1.0 0.979433159860694 0.005020581585687778 0.20170641815727564 -1.066972252625549 -0.02511817312824989 0.9949476182485442 0.09720243988835116 0.23483783507666534 -0.20019930755123894 -0.10026978957837057 0.9746107974745168 2.3635586732950435 0.0 0.0 0.0 1.0 +reichstag/test/images/91549947_3428166276.jpg reichstag/test/images/77214581_8512429399.jpg 0 0 543.843 0.0 319.5 0.0 543.843 213.0 0.0 0.0 1.0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 0.9909169758387678 0.028781556027363316 0.13135893204192337 -1.189779067929583 -0.030691028701203237 0.9994503217561963 0.012534556182745175 -0.23711780394747825 -0.13092596286379876 -0.016452245259545056 0.9912556258978343 -2.4925754775287587 0.0 0.0 0.0 1.0 +reichstag/test/images/78040542_6368040213.jpg reichstag/test/images/91840440_9426147613.jpg 0 0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 0.8563981575720859 0.038828092223166424 0.5148539355598306 -7.052482133629843 -0.02463164712223486 0.9991053701295968 -0.034376464888745815 -0.21460017104618256 -0.5157281043991908 0.016758240734359813 0.8565883980654343 -3.4530474993596254 0.0 0.0 0.0 1.0 +reichstag/test/images/49284352_2431392889.jpg reichstag/test/images/64282931_8298463790.jpg 0 0 666.383 0.0 319.5 0.0 666.383 179.5 0.0 0.0 1.0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 0.988904263568193 0.034454874194412115 0.14450335338979792 -0.19820650474595936 -0.019556589727461188 0.9944599789100568 -0.10328063780032055 0.5239372657021026 -0.1472613231465796 0.09930867026829272 0.9840995329308221 2.0215903869460767 0.0 0.0 0.0 1.0 +reichstag/test/images/64271070_4602086309.jpg reichstag/test/images/64282931_8298463790.jpg 0 0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 0.9987542364994675 0.01147151265738376 0.04856314931835856 0.33697580868878996 -0.009084023088410689 0.9987525117473972 -0.049100924663333406 0.18208953182249887 -0.04906582923883919 0.04859860775389158 0.9976125098080361 0.6159826253663381 0.0 0.0 0.0 1.0 +reichstag/test/images/35531158_5960344226.jpg reichstag/test/images/34537245_34002183.jpg 0 0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 0.9982811864651262 0.004829015548059258 -0.05840679205894129 0.26202514835062196 0.0007657706202852135 0.9954396430864542 0.09539041129625932 0.6088145477259361 0.05860107802026268 -0.09527117917161002 0.9937249700365357 7.678390314082463 0.0 0.0 0.0 1.0 +reichstag/test/images/77458003_1504115665.jpg reichstag/test/images/48551853_12793928283.jpg 0 0 612.932 0.0 249.5 0.0 612.932 187.0 0.0 0.0 1.0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 0.9879484166611499 0.017045615571050297 0.1538420391392789 -0.9448535220239768 -0.0015884915564706554 0.9949819038782793 -0.10004242924544361 -0.16705537271991916 -0.15477532978902833 0.09859238279176813 0.9830178733594516 0.27741346574504966 0.0 0.0 0.0 1.0 +reichstag/test/images/49284352_2431392889.jpg reichstag/test/images/05534141_6340060522.jpg 0 0 666.383 0.0 319.5 0.0 666.383 179.5 0.0 0.0 1.0 668.983 0.0 319.5 0.0 668.983 213.5 0.0 0.0 1.0 0.9994086741258182 -0.00932207041580245 -0.03309684403741457 0.07874762032890106 0.0020869028835522217 0.9772182668744913 -0.21222653868724758 0.6608873453444545 0.03432123130700216 0.2120319737444756 0.9766598666841969 5.6036715088524325 0.0 0.0 0.0 1.0 +reichstag/test/images/20613988_1265419368.jpg reichstag/test/images/64127786_281241429.jpg 0 0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 0.9951085105802004 0.030870051661283156 0.09384078048100791 -1.1833063975610898 -0.00313529855874071 0.9593122570741576 -0.2823298838774119 0.004566584504977024 -0.09873814902965605 0.28065465137373913 0.9547165781468772 2.038015027215771 0.0 0.0 0.0 1.0 +reichstag/test/images/78040542_6368040213.jpg reichstag/test/images/77107104_4141016705.jpg 0 0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 0.9352132173707801 0.020515298707365834 0.353490255274373 -4.866413371590071 -0.02354474276805575 0.9997136587323235 0.0042714906083666515 -0.12064655606344948 -0.3533014055208102 -0.012317591606269121 0.9354284546634454 -1.7717976276996064 0.0 0.0 0.0 1.0 +reichstag/test/images/05866831_3427466899.jpg reichstag/test/images/64271070_4602086309.jpg 0 0 961.582 0.0 249.5 0.0 961.582 176.5 0.0 0.0 1.0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 0.914938570789787 0.007993740887569808 0.4035139548860294 -7.163394529217252 -0.08101404832815497 0.9830916219988437 0.1642181071903037 -2.5600336365947416 -0.39537847141014837 -0.18293977933272226 0.9001160488976236 -9.500092709688982 0.0 0.0 0.0 1.0 +reichstag/test/images/92753909_16247242.jpg reichstag/test/images/77594532_1434504133.jpg 0 0 520.573 0.0 249.5 0.0 520.573 187.0 0.0 0.0 1.0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 0.957408560455071 0.01108103565213158 -0.28852393144456007 1.6258063859660024 0.033176666243438464 0.9884230311763825 0.14805141085806323 -1.084398978195309 0.2868242618474255 -0.1513179503197414 0.9459570395777559 -3.599032144534828 0.0 0.0 0.0 1.0 +reichstag/test/images/48900330_6782044072.jpg reichstag/test/images/77023786_7168337563.jpg 0 0 769.928 0.0 319.5 0.0 769.928 170.0 0.0 0.0 1.0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 0.9997537300438726 0.01744501400135857 0.013716805380838783 -0.1958975861378201 -0.01743277489057523 0.9998475261501119 -0.0010113412459771636 -0.6250126996258252 -0.013732356788910424 0.0007719702025908864 0.9999054087457614 -6.615684966065268 0.0 0.0 0.0 1.0 +reichstag/test/images/05461164_9050854768.jpg reichstag/test/images/92241023_5405455015.jpg 0 0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 523.981 0.0 319.5 0.0 523.981 213.0 0.0 0.0 1.0 0.9992516473702154 0.00620778509454388 0.038178641046149854 0.012136076405885654 -0.013294891067517581 0.9820229922224503 0.18829256123906873 -0.18984840578670958 -0.036323423564053554 -0.18865923287951106 0.9813706245603141 -0.7773010208565347 0.0 0.0 0.0 1.0 +reichstag/test/images/19799508_3094174298.jpg reichstag/test/images/05461164_9050854768.jpg 0 0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 0.9992301877747625 0.00598726624721928 0.03877092315766573 -0.5445704236028619 -0.004364766805171893 0.9991165231191551 -0.04179858898368839 -0.06742353028168974 -0.03898692922441034 0.04159718588048665 0.9983735240261908 -2.8619828199287065 0.0 0.0 0.0 1.0 +reichstag/test/images/20329925_5164269072.jpg reichstag/test/images/06030835_119872882.jpg 0 0 517.71 0.0 319.5 0.0 517.71 245.0 0.0 0.0 1.0 710.363 0.0 319.5 0.0 710.363 239.5 0.0 0.0 1.0 0.9538297006428085 -0.02930572680230033 0.29891483159629156 -3.218365837704728 -0.024799101010768765 0.984145747306158 0.17561934018855022 -0.15713192798305808 -0.2993224127269925 -0.1749237617815057 0.9379806878627615 -2.2022496715264035 0.0 0.0 0.0 1.0 +reichstag/test/images/19799508_3094174298.jpg reichstag/test/images/48716728_829974943.jpg 0 0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 0.997928178429361 0.0148153683290133 0.06260874985122453 -0.6568963615714883 -0.01798536887376192 0.998568392370681 0.05037551255033352 0.05734219528364204 -0.06177278691407935 -0.05139718493759908 0.9967659967000069 0.6749299555493222 0.0 0.0 0.0 1.0 +reichstag/test/images/06229406_8584869180.jpg reichstag/test/images/91549947_3428166276.jpg 0 0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 543.843 0.0 319.5 0.0 543.843 213.0 0.0 0.0 1.0 0.9975818068676331 -0.037089353865203165 -0.05877855422320007 0.22776284022620213 0.03342539271788963 0.997507730225931 -0.06213751894923256 0.10086054939972558 0.060936702637759944 0.060022562169347 0.996335290101813 3.016824033512291 0.0 0.0 0.0 1.0 +reichstag/test/images/34120311_5589470818.jpg reichstag/test/images/05791347_12791964625.jpg 0 0 512.125 0.0 319.5 0.0 512.125 241.5 0.0 0.0 1.0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 0.9965663677737369 -0.05236968735998112 -0.06413182102575042 -0.1895882981988234 0.035422033357376474 0.9697622470439918 -0.24146731406344946 0.36212613984730413 0.07483818661011207 0.23836652460864857 0.9682874809533087 7.272390796557289 0.0 0.0 0.0 1.0 +reichstag/test/images/77214581_8512429399.jpg reichstag/test/images/34272622_11098902473.jpg 0 0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 0.9868986161878686 -0.012616009934454211 -0.16084762248725903 0.1439614650693265 -0.010418409270523675 0.9898743289226999 -0.14156365948966587 -0.07936141510227657 0.16100490090286665 0.14138475601410483 0.9767741666588496 1.1716622867196445 0.0 0.0 0.0 1.0 +reichstag/test/images/05461164_9050854768.jpg reichstag/test/images/77274889_6889793618.jpg 0 0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 757.774 0.0 319.5 0.0 757.774 239.5 0.0 0.0 1.0 0.9007780424799962 -0.015834042486568486 -0.43399101521165157 1.8943036609485193 0.03643757436593191 0.9985669522157544 0.039196238555077055 0.5422769235664608 0.43274845044232524 -0.05112069092914211 0.9000641386027407 8.532410987585111 0.0 0.0 0.0 1.0 +reichstag/test/images/77792600_3686854267.jpg reichstag/test/images/77349640_2188160842.jpg 0 0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 708.96 0.0 239.0 0.0 708.96 319.5 0.0 0.0 1.0 0.9947898787613584 0.03333833171755489 0.09634133459866401 -0.8320482255695376 -0.02968211165302266 0.9987928594031095 -0.03913816875095261 0.05162710982295843 -0.09752983831514822 0.036074639896343005 0.9945785795976957 0.37938923748910414 0.0 0.0 0.0 1.0 +reichstag/test/images/77594532_1434504133.jpg reichstag/test/images/64282931_8298463790.jpg 0 0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 0.9080199856129811 0.06476132151235696 0.41389089983155536 -0.6383048468289495 -0.038481775709028374 0.9966959325737244 -0.07152881188216546 0.26180207429885205 -0.41715567677508786 0.04902233396083163 0.9075119570051687 1.143938442689092 0.0 0.0 0.0 1.0 +reichstag/test/images/05534141_6340060522.jpg reichstag/test/images/06030835_119872882.jpg 0 0 668.983 0.0 319.5 0.0 668.983 213.5 0.0 0.0 1.0 710.363 0.0 319.5 0.0 710.363 239.5 0.0 0.0 1.0 0.9998365000776345 -0.005954129259786344 -0.017073999451325126 0.12449844146729552 0.005194195775931797 0.9990086566998211 -0.04421226265483961 -0.024510984342941952 0.017320318783076334 0.04411634825749962 0.9988762457750587 -0.205387872191658 0.0 0.0 0.0 1.0 +reichstag/test/images/63329391_7754963780.jpg reichstag/test/images/48668943_3586566128.jpg 0 0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 550.231 0.0 319.5 0.0 550.231 212.0 0.0 0.0 1.0 0.9590165034429539 -0.012460118812680363 -0.283076123265853 2.2874163637139406 -0.026979213662772453 0.9904783673083791 -0.13499898490087267 -0.050520962756507415 0.28206287978780376 0.13710342568040185 0.9495489363442567 -0.6485551082687246 0.0 0.0 0.0 1.0 +reichstag/test/images/76958303_5507621260.jpg reichstag/test/images/78043438_3428167710.jpg 0 0 708.355 0.0 319.5 0.0 708.355 239.5 0.0 0.0 1.0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 0.9788060083169204 -0.04242770899119807 -0.20034641896588765 1.966139348852919 0.03596702552729702 0.9987122643214614 -0.03577968933093633 0.20447176080050933 0.20160647598084624 0.027815510127584667 0.9790715633899938 2.3094117432952688 0.0 0.0 0.0 1.0 +reichstag/test/images/92342560_2757258130.jpg reichstag/test/images/05936329_2458217347.jpg 0 0 1743.4 0.0 319.5 0.0 1743.4 239.5 0.0 0.0 1.0 864.162 0.0 319.5 0.0 864.162 200.0 0.0 0.0 1.0 0.9996887877299978 -0.011271794983668747 -0.02225475959819696 0.19092382000472286 0.009007898024727972 0.9950140664090523 -0.09932706288468486 0.1298789846695015 0.023263393133923987 0.09909568247894646 0.9948059410025296 1.9699782498330536 0.0 0.0 0.0 1.0 +reichstag/test/images/05936329_2458217347.jpg reichstag/test/images/05461164_9050854768.jpg 0 0 864.162 0.0 319.5 0.0 864.162 200.0 0.0 0.0 1.0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 0.9997615332439758 0.0070924469931246455 -0.020653664113274496 0.21879204343525194 -0.008440435351424025 0.9977886693449903 -0.06592822140655714 -0.11530200710697684 0.02014039961700555 0.06608682563418602 0.9976105932581429 -5.099525694331929 0.0 0.0 0.0 1.0 +reichstag/test/images/49501249_12793461434.jpg reichstag/test/images/62673079_4759250457.jpg 0 0 587.147 0.0 319.5 0.0 587.147 230.0 0.0 0.0 1.0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 0.9453995624372904 -0.0380031113562635 -0.3236903317533956 -0.3501301015851105 0.07081852009249893 0.9934018652028841 0.09020793437020401 -0.08759316575361331 0.31812639713687424 -0.1082058119449882 0.941853012792356 -1.4520331712726016 0.0 0.0 0.0 1.0 +reichstag/test/images/35221995_8835396469.jpg reichstag/test/images/62751178_369337490.jpg 0 0 918.648 0.0 319.5 0.0 918.648 213.0 0.0 0.0 1.0 700.224 0.0 319.5 0.0 700.224 258.5 0.0 0.0 1.0 0.9718927519991231 -0.032418390827334304 -0.23318131689253666 1.9316579797735265 0.05905329801935563 0.9923774050332107 0.10816558589767844 -0.9690318323180567 0.22789731592234372 -0.11889547474869301 0.9663988200943099 -3.722871824038989 0.0 0.0 0.0 1.0 +reichstag/test/images/20613988_1265419368.jpg reichstag/test/images/06229406_8584869180.jpg 0 0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 0.9970382540207756 0.038196606264250726 0.06675132424976432 -0.6573416234655803 -0.026654201912234415 0.9857725599049376 -0.165957867119604 -0.07356012819179797 -0.07214065108955706 0.16368713879947958 0.9838710520449387 -1.0129394258529678 0.0 0.0 0.0 1.0 +reichstag/test/images/63790741_1504116525.jpg reichstag/test/images/06796518_2036664706.jpg 0 0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 0.9988572606897618 -0.024948034745190733 -0.0407647927714332 0.40865016232009105 0.017339267437149048 0.9839964611956197 -0.1773423642541185 -0.10518805072813908 0.04453675529366906 0.17643287651923084 0.9833045904047546 2.6266665024313616 0.0 0.0 0.0 1.0 +reichstag/test/images/64127786_281241429.jpg reichstag/test/images/06229406_8584869180.jpg 0 0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 0.9996043795244997 0.01467056634299114 -0.023997060624510482 0.5743360096366628 -0.011666589092513795 0.9926021336374365 0.12085071368161293 -0.3381936497586396 0.02559248198957995 -0.12052293881906734 0.9923805953786219 -3.0045918660992914 0.0 0.0 0.0 1.0 +reichstag/test/images/34537245_34002183.jpg reichstag/test/images/05866831_3427466899.jpg 0 0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 961.582 0.0 249.5 0.0 961.582 176.5 0.0 0.0 1.0 0.967032050026841 -0.013939538074786153 -0.25427289178979856 3.7195441562210947 0.010386391731262806 0.999828833053389 -0.015311024195100673 0.3083484466296248 0.2544427972800365 0.012165273254628935 0.9670113076065607 3.5473261771002287 0.0 0.0 0.0 1.0 +reichstag/test/images/77214581_8512429399.jpg reichstag/test/images/20982577_4977562846.jpg 0 0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 0.9987916497753203 -0.001994007793985426 -0.04910462576999167 0.14005040703198385 0.0020062718802048196 0.9999979673409829 0.0002004670665083666 0.26186300892969244 0.04910412622413829 -0.0002987420619538249 0.9987936200942336 1.9413554828473056 0.0 0.0 0.0 1.0 +reichstag/test/images/06030835_119872882.jpg reichstag/test/images/92241023_5405455015.jpg 0 0 710.363 0.0 319.5 0.0 710.363 239.5 0.0 0.0 1.0 523.981 0.0 319.5 0.0 523.981 213.0 0.0 0.0 1.0 0.9950364976769439 0.015661969958816944 0.09827039731175578 -0.7830470998280994 -0.030694901378042223 0.987689374188132 0.1533868414996824 -0.8859034033968415 -0.09465828711842132 -0.1556419057094379 0.983267718308163 -4.072549051821776 0.0 0.0 0.0 1.0 +reichstag/test/images/64127786_281241429.jpg reichstag/test/images/77122925_1063274053.jpg 0 0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 658.554 0.0 319.5 0.0 658.554 239.5 0.0 0.0 1.0 0.8807771479049455 0.02718642219255722 0.4727499488913752 -3.6733590172101658 -0.10186770098271612 0.9858542273833192 0.13309550648663895 -0.9953715440823615 -0.4624441449785325 -0.16538543103552697 0.8710872929714145 -4.353924891811615 0.0 0.0 0.0 1.0 +reichstag/test/images/91549947_3428166276.jpg reichstag/test/images/78043438_3428167710.jpg 0 0 543.843 0.0 319.5 0.0 543.843 213.0 0.0 0.0 1.0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 0.9994094577877857 0.0077809609999910274 0.03346927442058835 -0.3688857461751909 -0.00719271346706109 0.9998181712749746 -0.017660386783613872 0.08576960426375475 -0.03360060352590096 0.01740922267887639 0.999283702663269 0.3134891221641037 0.0 0.0 0.0 1.0 +reichstag/test/images/63812586_393800330.jpg reichstag/test/images/63790741_1504116525.jpg 0 0 1002.64 0.0 187.0 0.0 1002.64 249.5 0.0 0.0 1.0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 0.9999560457865398 0.005482889254210828 -0.007605551944041739 0.1571105289959936 -0.004280884302421438 0.9886897425602699 0.1499141987461387 -0.2700158484151962 0.008341494142942215 -0.14987505089751785 0.9886697570948195 -1.7518289379688712 0.0 0.0 0.0 1.0 +reichstag/test/images/77349640_2188160842.jpg reichstag/test/images/05791347_12791964625.jpg 0 0 708.96 0.0 239.0 0.0 708.96 319.5 0.0 0.0 1.0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 0.9994556213866992 -0.03229176562421587 -0.006760381009819709 0.06998221287525883 0.032456652796800836 0.9991376106819617 0.025895957405902933 0.11614636433996162 0.005918324742284874 -0.026101279539730037 0.9996417841600229 2.924917352653375 0.0 0.0 0.0 1.0 +reichstag/test/images/62810349_4295140640.jpg reichstag/test/images/91629190_2705184160.jpg 0 0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 1208.55 0.0 319.5 0.0 1208.55 213.5 0.0 0.0 1.0 0.9981881104163803 -0.026549342767500757 -0.05399656120523002 0.504755605530212 0.02320398734589293 0.997827126772306 -0.06166522560224474 0.9402772899716489 0.0555164047343489 0.060300559499376565 0.996635224808673 11.23829257097118 0.0 0.0 0.0 1.0 +reichstag/test/images/35221995_8835396469.jpg reichstag/test/images/77274889_6889793618.jpg 0 0 918.648 0.0 319.5 0.0 918.648 213.0 0.0 0.0 1.0 757.774 0.0 319.5 0.0 757.774 239.5 0.0 0.0 1.0 0.7946336151863961 -0.08056492724859121 -0.6017197936857553 4.183275409713371 0.0486076883354372 0.9964165354894751 -0.06921979801932979 0.5237487302280213 0.6051402401513916 0.025756170145831387 0.795702148701972 7.291341594612845 0.0 0.0 0.0 1.0 +reichstag/test/images/05978621_9257964873.jpg reichstag/test/images/63790741_1504116525.jpg 0 0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 0.9967983709694411 0.031992983742189805 0.07327657622965628 -0.7479687269478559 -0.038355170406302555 0.9954581820752656 0.08713144462540955 -0.2513868223646001 -0.07015617247093901 -0.08966301763090116 0.9934981906040639 -2.1308789240550894 0.0 0.0 0.0 1.0 +reichstag/test/images/62673079_4759250457.jpg reichstag/test/images/77902859_6141520050.jpg 0 0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 0.9986041693370842 -0.00024420139419215335 -0.05281716906717923 0.9195832503173865 -0.0019972548848578146 0.9990995221784928 -0.04238107780167933 0.17852169229619802 0.05277995789612597 0.042427410342680126 0.9977044606977041 2.416540161813016 0.0 0.0 0.0 1.0 +reichstag/test/images/91549947_3428166276.jpg reichstag/test/images/77107104_4141016705.jpg 0 0 543.843 0.0 319.5 0.0 543.843 213.0 0.0 0.0 1.0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 0.9960257202055215 0.028491400215104625 0.08438604625680182 -0.9645184737850818 -0.028765603016927165 0.9995841128551344 0.0020350456228564275 -0.02733889304007603 -0.08429296988566075 -0.004454373288947881 0.9964310582205164 -1.0500777448101906 0.0 0.0 0.0 1.0 +reichstag/test/images/05936329_2458217347.jpg reichstag/test/images/77274889_6889793618.jpg 0 0 864.162 0.0 319.5 0.0 864.162 200.0 0.0 0.0 1.0 757.774 0.0 319.5 0.0 757.774 239.5 0.0 0.0 1.0 0.8919561305977151 -0.03809139621326105 -0.4505144910251789 4.306360759604659 0.028789973319512607 0.9992075770508937 -0.027483729738589542 0.23523017546585473 0.4512043866424764 0.011543981055356986 0.8923459743709163 4.0430870222682405 0.0 0.0 0.0 1.0 +reichstag/test/images/05791347_12791964625.jpg reichstag/test/images/62663981_6029901745.jpg 0 0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 0.9972188857832683 0.029775947290122097 0.0683219349854268 -0.29641502451334206 -0.03239437096501575 0.9987698346727855 0.0375422705423835 0.8789388458063448 -0.06712003104109801 -0.03965110730701528 0.9969567147686852 10.91800483607431 0.0 0.0 0.0 1.0 +reichstag/test/images/64271070_4602086309.jpg reichstag/test/images/62663981_6029901745.jpg 0 0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 0.9918350963134913 -0.03078091184964218 -0.12375652381394546 0.8632740094752048 0.00668944284850671 0.9816553024384946 -0.19054689330651373 1.3576462912307772 0.12735145493940636 0.1881632340817194 0.9738460885913772 16.299070243842266 0.0 0.0 0.0 1.0 +reichstag/test/images/05866831_3427466899.jpg reichstag/test/images/35531158_5960344226.jpg 0 0 961.582 0.0 249.5 0.0 961.582 176.5 0.0 0.0 1.0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 0.9504585621916687 0.01023693648281572 0.31068267844859504 -5.352524870363946 0.01501872223128537 0.9967781120987627 -0.07878980405716354 0.04050119116421588 -0.3104882599054041 0.07955250072922616 0.9472425455439809 -9.902812581737395 0.0 0.0 0.0 1.0 +reichstag/test/images/06229406_8584869180.jpg reichstag/test/images/48668943_3586566128.jpg 0 0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 550.231 0.0 319.5 0.0 550.231 212.0 0.0 0.0 1.0 0.9857314002785676 -0.020037194641117275 -0.16712904396234604 1.87164187792989 -0.010356873294284207 0.9837887209691273 -0.17903208558661982 -0.2070197590159869 0.16800696914241375 0.1782084827522041 0.9695439108130881 -1.7227250041890931 0.0 0.0 0.0 1.0 +reichstag/test/images/92241023_5405455015.jpg reichstag/test/images/78043438_3428167710.jpg 0 0 523.981 0.0 319.5 0.0 523.981 213.0 0.0 0.0 1.0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 0.9922360593623848 -0.048630366206265235 -0.11446698206753839 0.5224120416804092 0.03426994719895287 0.9916606939819791 -0.12423622149019403 0.5273845399233222 0.1195540598222687 0.11934888141002456 0.9856280593034011 5.5466330705178875 0.0 0.0 0.0 1.0 +reichstag/test/images/35221995_8835396469.jpg reichstag/test/images/06796518_2036664706.jpg 0 0 918.648 0.0 319.5 0.0 918.648 213.0 0.0 0.0 1.0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 0.9617567766844689 -0.0344473769159863 -0.271730161603582 2.415343214087664 -0.006820908256433745 0.9887404735139196 -0.14948495324288474 -0.04800364655199331 0.27381997317956575 0.1456216132965093 0.9506928883866039 2.8373572645310468 0.0 0.0 0.0 1.0 +reichstag/test/images/20982577_4977562846.jpg reichstag/test/images/06857713_2570944910.jpg 0 0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 782.61 0.0 319.5 0.0 782.61 239.5 0.0 0.0 1.0 0.9994502568567113 -0.0067243616473753095 -0.03246485837778555 0.45978399741672343 0.007846451534728849 0.9993718064648655 0.034560463559751814 -0.06807810734617747 0.032212067107956856 -0.03479619811972409 0.9988751710444332 -0.09680259872529362 0.0 0.0 0.0 1.0 +reichstag/test/images/77458003_1504115665.jpg reichstag/test/images/06373813_9127207861.jpg 0 0 612.932 0.0 249.5 0.0 612.932 187.0 0.0 0.0 1.0 1495.37 0.0 319.5 0.0 1495.37 211.5 0.0 0.0 1.0 0.9999476825928625 0.0073467861965291455 0.007117359745489856 -0.11915312759138581 -0.006879639390634351 0.9979534825249596 -0.06357292881533713 1.1187127040284868 -0.007569850660288013 0.06352063797607499 0.9979518154260221 9.237394154969568 0.0 0.0 0.0 1.0 +reichstag/test/images/92414106_7915968882.jpg reichstag/test/images/77361791_2035867493.jpg 0 0 1871.37 0.0 319.5 0.0 1871.37 212.5 0.0 0.0 1.0 601.346 0.0 249.5 0.0 601.346 187.0 0.0 0.0 1.0 0.9982369475718484 0.0038916304446434125 -0.05922711975877848 1.527842528058803 -0.004304433976525051 0.9999673162186464 -0.006843854368690525 -0.29135359923138626 0.05919855024052617 0.00708672752124932 0.9982210726800249 -14.062054884095993 0.0 0.0 0.0 1.0 +reichstag/test/images/49284352_2431392889.jpg reichstag/test/images/92241023_5405455015.jpg 0 0 666.383 0.0 319.5 0.0 666.383 179.5 0.0 0.0 1.0 523.981 0.0 319.5 0.0 523.981 213.0 0.0 0.0 1.0 0.998859335069228 0.02151000713019753 0.042630368733083145 -0.14098569177789955 -0.01703794940420477 0.9945745537769288 -0.10262146588079134 0.3262551178897539 -0.044606468422859265 0.10177807510795986 0.9938065638755658 1.188969723103666 0.0 0.0 0.0 1.0 +reichstag/test/images/19799508_3094174298.jpg reichstag/test/images/34120311_5589470818.jpg 0 0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 512.125 0.0 319.5 0.0 512.125 241.5 0.0 0.0 1.0 0.99996903871271 -0.0006934815259599284 0.007838411787575156 -0.1045541684433594 -0.0009632572469471835 0.9778303767594397 0.20939633812932004 -1.5589205056687203 -0.007809849643536587 -0.2093974053560967 0.9777994338711186 -5.212210283622286 0.0 0.0 0.0 1.0 +reichstag/test/images/77214581_8512429399.jpg reichstag/test/images/34537245_34002183.jpg 0 0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 0.9964738359748859 -0.00017503435662459692 -0.08390389490643524 0.47820848934005566 -0.0020842948726842244 0.9996375899586735 -0.02683923353038407 0.35845521364988864 0.08387818508038805 0.026919474448599306 0.9961123390275975 5.788234022660453 0.0 0.0 0.0 1.0 +reichstag/test/images/62663981_6029901745.jpg reichstag/test/images/49284352_2431392889.jpg 0 0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 666.383 0.0 319.5 0.0 666.383 179.5 0.0 0.0 1.0 0.9995419820462947 0.01025267305017871 0.028472948956697035 -0.5979596068982227 -0.01681968792286516 0.9703695744711041 0.24103938897812158 -5.692719875624979 -0.025157985315640022 -0.24140789472611474 0.9700975745453461 -16.732839793795762 0.0 0.0 0.0 1.0 +reichstag/test/images/92697655_166630020.jpg reichstag/test/images/77214581_8512429399.jpg 0 0 431.56 0.0 249.5 0.0 431.56 187.0 0.0 0.0 1.0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 0.9942084022933562 0.01628514661816395 -0.10622827688010966 1.3329488267842202 -0.006154742813576579 0.9954578914835367 0.09500371268560898 0.17805615809056086 0.10729292590935838 -0.09379968167736984 0.9897928307312763 0.8857855577431741 0.0 0.0 0.0 1.0 +reichstag/test/images/63812586_393800330.jpg reichstag/test/images/92102978_5376734902.jpg 0 0 1002.64 0.0 187.0 0.0 1002.64 249.5 0.0 0.0 1.0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 0.9998301806373147 0.0020863109706014673 -0.018310029854932935 0.7061928597101207 -0.0006683437067446021 0.9970224424414318 0.07710903050104959 -0.0442797261366557 0.018416384103407554 -0.07708369850140877 0.9968545230984807 0.8630340065174258 0.0 0.0 0.0 1.0 +reichstag/test/images/49501249_12793461434.jpg reichstag/test/images/77107104_4141016705.jpg 0 0 587.147 0.0 319.5 0.0 587.147 230.0 0.0 0.0 1.0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 0.922636124259282 -0.05099241273359168 -0.38228569951728203 0.3864550299597609 0.08761911650575012 0.9930157866026809 0.07900973345487704 0.2753400249187591 0.3755868376748078 -0.10639276949805362 0.9206601468315938 1.1798001744062947 0.0 0.0 0.0 1.0 +reichstag/test/images/06857713_2570944910.jpg reichstag/test/images/49051226_8836027266.jpg 0 0 782.61 0.0 319.5 0.0 782.61 239.5 0.0 0.0 1.0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 0.9979285379135848 0.025895386949858854 0.058890255156279235 -0.694246326758075 -0.020904862163086953 0.9962604518118832 -0.08383375748184584 0.3202905866707181 -0.06084093979876485 0.08242900636486944 0.9947380755526065 3.866309038318532 0.0 0.0 0.0 1.0 +reichstag/test/images/05466646_5360480312.jpg reichstag/test/images/06030835_119872882.jpg 0 0 750.195 0.0 319.5 0.0 750.195 178.5 0.0 0.0 1.0 710.363 0.0 319.5 0.0 710.363 239.5 0.0 0.0 1.0 0.9999711456186839 -0.005811392504014783 -0.004892407098864365 0.009598356837900404 0.0058903615677020115 0.9998500476767672 0.01628452643978717 -0.5700298559206635 0.004797037696170079 -0.016312874606600435 0.9998554288252932 -10.732583129595794 0.0 0.0 0.0 1.0 +reichstag/test/images/06373813_9127207861.jpg reichstag/test/images/05466646_5360480312.jpg 0 0 1495.37 0.0 319.5 0.0 1495.37 211.5 0.0 0.0 1.0 750.195 0.0 319.5 0.0 750.195 178.5 0.0 0.0 1.0 0.9998747939487176 0.002224023014934532 -0.01566684868245038 0.3042726029132981 -0.003410999262166919 0.9970905912900886 -0.07614931283219264 -0.07552697034127359 0.01545190959212655 0.07619321808672137 0.9969733356552452 -0.8096169363605892 0.0 0.0 0.0 1.0 +reichstag/test/images/77594532_1434504133.jpg reichstag/test/images/34481400_9199849492.jpg 0 0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 0.9159676033044486 0.07382904184339473 0.39440160024674176 -1.2147735358623533 -0.03152379568276676 0.9931294607456503 -0.11269482909523988 0.6974742806386477 -0.4000119998230748 0.09079177704803669 0.9120017835607582 3.672645050459791 0.0 0.0 0.0 1.0 +reichstag/test/images/62673079_4759250457.jpg reichstag/test/images/63812586_393800330.jpg 0 0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 1002.64 0.0 187.0 0.0 1002.64 249.5 0.0 0.0 1.0 0.9985174160727079 -0.003347168175887426 -0.054330159807280766 0.6693398292349781 -0.002941725860734976 0.9933307551381851 -0.11526212363809234 0.04229454166941261 0.0543536203802711 0.11525106230228391 0.9918482124749493 3.272227882048233 0.0 0.0 0.0 1.0 +reichstag/test/images/64127786_281241429.jpg reichstag/test/images/77792600_3686854267.jpg 0 0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 0.9857393081669273 -0.031073315313622774 -0.16538580776477768 1.4822153805244644 0.03033501014146786 0.9995153546653555 -0.006988772990006181 -0.09816368209424789 0.16552281865140192 0.0018721280963050068 0.9862041835452159 -2.8814237224780506 0.0 0.0 0.0 1.0 +reichstag/test/images/49051226_8836027266.jpg reichstag/test/images/91840440_9426147613.jpg 0 0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 0.988165799339543 -0.0005623776893920143 0.1533885156945488 -2.397541060829191 0.00027026799574284043 0.9999981102347951 0.001925222597297754 -0.5271501671298157 -0.1533893085285048 -0.0018609831200585602 0.9881640839308896 -6.741018513905306 0.0 0.0 0.0 1.0 +reichstag/test/images/20982577_4977562846.jpg reichstag/test/images/20099963_3586531606.jpg 0 0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 502.573 0.0 319.5 0.0 502.573 212.0 0.0 0.0 1.0 0.997322310961075 0.00823728616985182 -0.07266605243039571 2.2485226875753783 0.004258189128870379 0.985409547162144 0.17014667844845355 -1.3585830642698653 0.07300736870072652 -0.17000050434705968 0.9827358508964359 -3.9104833550962916 0.0 0.0 0.0 1.0 +reichstag/test/images/05791347_12791964625.jpg reichstag/test/images/06857713_2570944910.jpg 0 0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 782.61 0.0 319.5 0.0 782.61 239.5 0.0 0.0 1.0 0.9986663887241435 0.032561911136033385 0.0400645226584262 0.0818041921243349 -0.03724727444481288 0.99178373457747 0.12238326835805229 -0.22714413539721495 -0.03575030879742538 -0.1237123509223526 0.9916739230463577 -1.0066105964905852 0.0 0.0 0.0 1.0 +reichstag/test/images/05791347_12791964625.jpg reichstag/test/images/34481400_9199849492.jpg 0 0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 0.9731563974395429 0.044746680115445095 0.2257528753773397 -2.2349797408700307 -0.0760614694209687 0.9883296512148959 0.1319816403859466 -0.3288502822269042 -0.21721252033898433 -0.14560987311335832 0.9652028211002587 -1.8972533816418702 0.0 0.0 0.0 1.0 +reichstag/test/images/48551853_12793928283.jpg reichstag/test/images/05936329_2458217347.jpg 0 0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 864.162 0.0 319.5 0.0 864.162 200.0 0.0 0.0 1.0 0.9962136527778472 0.004108536952507188 -0.08684168321220334 -0.057578521463159005 -0.00330297401304297 0.9999501957123236 0.009417879674079123 0.148751722116384 0.08687605183068552 -0.009095384488637786 0.9961776074572828 -0.7255485177142438 0.0 0.0 0.0 1.0 +reichstag/test/images/63790741_1504116525.jpg reichstag/test/images/62799820_4661707438.jpg 0 0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 625.353 0.0 319.5 0.0 625.353 239.5 0.0 0.0 1.0 0.995627205714102 -0.02040714319832676 0.09115928777920645 -0.7601058335559148 0.009792350225566083 0.9932702030025098 0.11540543186701804 -1.199732902727086 -0.09290089945199155 -0.11400812398174118 0.9891266706277692 -4.044388127213484 0.0 0.0 0.0 1.0 +reichstag/test/images/48668943_3586566128.jpg reichstag/test/images/77274889_6889793618.jpg 0 0 550.231 0.0 319.5 0.0 550.231 212.0 0.0 0.0 1.0 757.774 0.0 319.5 0.0 757.774 239.5 0.0 0.0 1.0 0.9743418998084117 -0.015606778122620282 -0.22453126899023748 -0.42833531475826536 0.03465409746143157 0.9960998884174465 0.08114250318966182 0.5476399187833473 0.22238919894380818 -0.08684146919175181 0.9710826964897219 8.183145918902872 0.0 0.0 0.0 1.0 +reichstag/test/images/63790741_1504116525.jpg reichstag/test/images/34120311_5589470818.jpg 0 0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 512.125 0.0 319.5 0.0 512.125 241.5 0.0 0.0 1.0 0.9997404997414925 -0.022659547859277335 0.0023405271722512612 -0.0742767255271793 0.022188691904602396 0.9918916031382077 0.12513476565478904 -1.3729230192971726 -0.005157046460286977 -0.12505035991443386 0.9921369927369291 -4.54341912269041 0.0 0.0 0.0 1.0 +reichstag/test/images/77122925_1063274053.jpg reichstag/test/images/92414106_7915968882.jpg 0 0 658.554 0.0 319.5 0.0 658.554 239.5 0.0 0.0 1.0 1871.37 0.0 319.5 0.0 1871.37 212.5 0.0 0.0 1.0 0.882795087111317 -0.09271046855082964 -0.46051884130099163 1.1630707998708807 0.006165433134795216 0.9825337520077246 -0.18598229378057338 0.5750620768857418 0.4697178106122683 0.16134495711582916 0.867947569388214 20.151620510854357 0.0 0.0 0.0 1.0 +reichstag/test/images/49284352_2431392889.jpg reichstag/test/images/77349640_2188160842.jpg 0 0 666.383 0.0 319.5 0.0 666.383 179.5 0.0 0.0 1.0 708.96 0.0 239.0 0.0 708.96 319.5 0.0 0.0 1.0 0.9958136562260297 -0.03159018697667732 -0.08577425115106113 -0.13299428279986011 0.0041916520785992084 0.9531764014660836 -0.30238580942401905 0.14602342495957601 0.09131041630941522 0.30076038265527216 0.9493184924452148 3.8130756282818767 0.0 0.0 0.0 1.0 +reichstag/test/images/05936329_2458217347.jpg reichstag/test/images/77594532_1434504133.jpg 0 0 864.162 0.0 319.5 0.0 864.162 200.0 0.0 0.0 1.0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 0.9514504080132518 0.018724474828419376 -0.30723202166085517 2.48388373998788 0.03826045398313269 0.9832122107134283 0.17840932252832883 -1.6264479413288457 0.3054148960879624 -0.18150245933984632 0.934761252139372 -5.449028564071848 0.0 0.0 0.0 1.0 +reichstag/test/images/34537245_34002183.jpg reichstag/test/images/34481400_9199849492.jpg 0 0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 0.9821275078943064 0.015858243919920804 0.1875475255424483 -2.811160027392267 -0.03008357428981897 0.9968599336131584 0.07324787583758531 -0.5924118120868334 -0.18579703117990862 -0.07758085367244721 0.979520634978246 -4.746243755662059 0.0 0.0 0.0 1.0 +reichstag/test/images/05791347_12791964625.jpg reichstag/test/images/48551853_12793928283.jpg 0 0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 0.9771144533466147 0.024188187070070692 0.21133451366828299 -0.9125330455882854 -0.0347189418120098 0.9983258249418882 0.04626167240332367 -0.1744593088352214 -0.20986171671031545 -0.05254025942419227 0.976318380959325 1.245610147660692 0.0 0.0 0.0 1.0 +reichstag/test/images/48668943_3586566128.jpg reichstag/test/images/06030835_119872882.jpg 0 0 550.231 0.0 319.5 0.0 550.231 212.0 0.0 0.0 1.0 710.363 0.0 319.5 0.0 710.363 239.5 0.0 0.0 1.0 0.98673553669583 -0.019455828415782535 0.1611659125319243 -1.823479299070105 0.00828505835970529 0.9975338430412278 0.06969641163916218 0.25215320922615536 -0.16212445352126412 -0.06743665715362004 0.9844632846594008 3.9795621294789836 0.0 0.0 0.0 1.0 +reichstag/test/images/62673079_4759250457.jpg reichstag/test/images/77349640_2188160842.jpg 0 0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 708.96 0.0 239.0 0.0 708.96 319.5 0.0 0.0 1.0 0.9911722763412474 -0.030084602591180915 -0.12912178475935274 0.7210078627975216 0.016070447659745236 0.9939955347876261 -0.10823408674847367 0.08407393531866805 0.13160265698125284 0.10520358125649261 0.9857042899197929 1.1721290086664728 0.0 0.0 0.0 1.0 +reichstag/test/images/49501249_12793461434.jpg reichstag/test/images/06373813_9127207861.jpg 0 0 587.147 0.0 319.5 0.0 587.147 230.0 0.0 0.0 1.0 1495.37 0.0 319.5 0.0 1495.37 211.5 0.0 0.0 1.0 0.9190532873345524 -0.05121270991481731 -0.39079190547237974 0.5812725267423886 0.0909344844453947 0.9923235541378055 0.08381457774136969 1.609226538438648 0.38349964091013555 -0.11256652364932752 0.9166552259030124 12.73222458691408 0.0 0.0 0.0 1.0 +reichstag/test/images/63812586_393800330.jpg reichstag/test/images/05791347_12791964625.jpg 0 0 1002.64 0.0 187.0 0.0 1002.64 249.5 0.0 0.0 1.0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 0.9951514717880001 -0.05012801768740205 -0.08462109690206479 0.39288377794239754 0.052944271404798286 0.9981046174175403 0.03136999864840404 0.07360082879413787 0.08288819170178699 -0.03569810264590152 0.9959192703948901 0.7858538694837772 0.0 0.0 0.0 1.0 +reichstag/test/images/92697655_166630020.jpg reichstag/test/images/64271070_4602086309.jpg 0 0 431.56 0.0 249.5 0.0 431.56 187.0 0.0 0.0 1.0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 0.9993861693476095 0.013496202040575347 -0.032328579418085854 0.4527460219983075 -0.005572623266626031 0.9723071854823132 0.2336400713263679 -0.40309445365123675 0.03458656367203561 -0.23331650089511882 0.9717855627778271 -1.5787831864044697 0.0 0.0 0.0 1.0 +reichstag/test/images/05866831_3427466899.jpg reichstag/test/images/77274889_6889793618.jpg 0 0 961.582 0.0 249.5 0.0 961.582 176.5 0.0 0.0 1.0 757.774 0.0 319.5 0.0 757.774 239.5 0.0 0.0 1.0 0.9921120689410862 -0.02804658076879087 -0.12217623323960056 0.957393669299599 0.027205105962285696 0.9995933034052 -0.008550438413361347 -0.16059515093724763 0.12236635514314559 0.005159175773277009 0.9924715905426825 -2.7500772271529437 0.0 0.0 0.0 1.0 +reichstag/test/images/77902859_6141520050.jpg reichstag/test/images/92753909_16247242.jpg 0 0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 520.573 0.0 249.5 0.0 520.573 187.0 0.0 0.0 1.0 0.9994980361774207 -0.022566461236409107 0.02223579332393145 -0.562541946072627 0.02148384556410476 0.9986268446019387 0.047779384886711546 0.014219967344165307 -0.02328347176124397 -0.04727769101426664 0.9986103844218238 -0.08770302945054986 0.0 0.0 0.0 1.0 +reichstag/test/images/64127786_281241429.jpg reichstag/test/images/05534141_6340060522.jpg 0 0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 668.983 0.0 319.5 0.0 668.983 213.5 0.0 0.0 1.0 0.999863178111384 0.010229498422568628 -0.012999323791087345 0.2041177337827677 -0.009532787824586329 0.9985716236573245 0.05257222063662722 -0.06470473284092682 0.013518543312586687 -0.05244110781054745 0.9985325128398714 -0.8219884108990599 0.0 0.0 0.0 1.0 +reichstag/test/images/64127786_281241429.jpg reichstag/test/images/06030835_119872882.jpg 0 0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 710.363 0.0 319.5 0.0 710.363 239.5 0.0 0.0 1.0 0.9995256444091989 0.005177580823944436 -0.030359163776159454 0.3430026920361774 -0.004927537850635413 0.9999533704183902 0.008305200758124515 -0.05174937758796637 0.03040074898923882 -0.00815166521109151 0.9995045496720759 -1.0257717224506393 0.0 0.0 0.0 1.0 +reichstag/test/images/35531158_5960344226.jpg reichstag/test/images/77214581_8512429399.jpg 0 0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 0.9996748392347812 -0.0052539756963778505 0.02495218508059883 -0.05739998650319583 0.002168269814546541 0.9925133904472377 0.1221166179884635 0.3011884548422357 -0.02540697555644739 -0.1220228073857952 0.9922020560706186 1.8942271762652294 0.0 0.0 0.0 1.0 +reichstag/test/images/78043438_3428167710.jpg reichstag/test/images/92241023_5405455015.jpg 0 0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 523.981 0.0 319.5 0.0 523.981 213.0 0.0 0.0 1.0 0.992236059362385 0.03426994719895287 0.11955405982226872 -1.199552007862013 -0.04863036620626524 0.9916606939819791 0.11934888141002457 -1.1595658825164075 -0.11446698206753843 -0.12423622149019406 0.9856280593034014 -5.341597996643297 0.0 0.0 0.0 1.0 +reichstag/test/images/05466646_5360480312.jpg reichstag/test/images/05534141_6340060522.jpg 0 0 750.195 0.0 319.5 0.0 750.195 178.5 0.0 0.0 1.0 668.983 0.0 319.5 0.0 668.983 213.5 0.0 0.0 1.0 0.9999213323272935 -0.0008995696360383429 0.012510792592006643 -0.3000492080428475 0.000142192525764553 0.9981737903557417 0.06040748321307089 -1.008715357293757 -0.01254228599960578 -0.06040095215575449 0.9980953942587765 -10.489284849641562 0.0 0.0 0.0 1.0 +reichstag/test/images/92753909_16247242.jpg reichstag/test/images/05791347_12791964625.jpg 0 0 520.573 0.0 249.5 0.0 520.573 187.0 0.0 0.0 1.0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 0.9938469006419598 -0.04167421561241719 -0.1026235734978095 0.6254164996745307 0.032438328763707655 0.9954063729636957 -0.09007723069831283 0.12129918803274578 0.10590605700991876 0.08619403933190052 0.9906333805562291 1.7532986225253613 0.0 0.0 0.0 1.0 +reichstag/test/images/77214581_8512429399.jpg reichstag/test/images/64271070_4602086309.jpg 0 0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 0.9972521236157482 0.004212600911997201 0.07396253063164303 -0.9428050471649815 -0.014525365988167211 0.9901218330056543 0.13945526002425573 -0.6835576290060732 -0.07264444704717823 -0.14014638703541102 0.987462290173215 -2.33167776414618 0.0 0.0 0.0 1.0 +reichstag/test/images/34481400_9199849492.jpg reichstag/test/images/06229406_8584869180.jpg 0 0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 0.9845799093330958 -0.025745709074144578 -0.1730305192788325 1.9719088055589309 0.025533638475760147 0.9996680043321007 -0.0034517272290822956 -0.05682342100009263 0.1730619410610608 -0.0010195974422863288 0.9849104146962978 -1.007776127517936 0.0 0.0 0.0 1.0 +reichstag/test/images/19799508_3094174298.jpg reichstag/test/images/64097451_5212815345.jpg 0 0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 0.9983217955148785 0.012723611674363915 0.05649515294172217 -0.6778025164807584 -0.013696914106211822 0.9997637967604037 0.016874395728121997 0.1156482428152231 -0.05626710534509168 -0.01761988629878741 0.9982602628888431 1.1381182297293828 0.0 0.0 0.0 1.0 +reichstag/test/images/48716728_829974943.jpg reichstag/test/images/48983853_5719892543.jpg 0 0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 0.9997287197785644 -0.011470242424136285 -0.020271171368329708 0.16106743549154057 0.013133659218450465 0.9963852792807077 0.08392783941124314 0.28147487281294764 0.019235224080999352 -0.08417130610509349 0.9962656259166609 1.3694611128262015 0.0 0.0 0.0 1.0 +reichstag/test/images/06857713_2570944910.jpg reichstag/test/images/49501249_12793461434.jpg 0 0 782.61 0.0 319.5 0.0 782.61 239.5 0.0 0.0 1.0 587.147 0.0 319.5 0.0 587.147 230.0 0.0 0.0 1.0 0.9084943838244901 0.1127815884791672 0.4023906905725774 -1.4022274591763673 -0.054554386054721724 0.9866616773804768 -0.1533706404463916 -0.05773694585923764 -0.41432085817823894 0.1173841884107895 0.9025293229527713 -1.0745059073415566 0.0 0.0 0.0 1.0 +reichstag/test/images/19799508_3094174298.jpg reichstag/test/images/35221995_8835396469.jpg 0 0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 918.648 0.0 319.5 0.0 918.648 213.0 0.0 0.0 1.0 0.9707933527237753 0.01927069248674505 0.2391420220672492 -2.177961392151629 -0.03323117583288336 0.9979615638000798 0.054483081139590196 -0.09675814462604326 -0.23760461961017376 -0.06083878359057228 0.9694548401813898 -0.30997752028188663 0.0 0.0 0.0 1.0 +reichstag/test/images/48983853_5719892543.jpg reichstag/test/images/20613988_1265419368.jpg 0 0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 0.9911854705445232 -0.03397941737758875 -0.12804984254622087 1.795013531760669 0.05092026402148723 0.9900150456684988 0.13144328077913278 -0.6739507553694309 0.12230490461716721 -0.136805001899344 0.9830187697912517 -2.2419934316747665 0.0 0.0 0.0 1.0 +reichstag/test/images/77361791_2035867493.jpg reichstag/test/images/49501249_12793461434.jpg 0 0 601.346 0.0 249.5 0.0 601.346 187.0 0.0 0.0 1.0 587.147 0.0 319.5 0.0 587.147 230.0 0.0 0.0 1.0 0.9006381328966511 0.04634099277125993 0.4320919647035897 -2.0150329008583645 -0.04591064308499907 0.9988801196225534 -0.01143326175485544 -0.05592469423995231 -0.4321379020913994 -0.009540388451590822 0.901757070703766 -2.050112534132123 0.0 0.0 0.0 1.0 +reichstag/test/images/77107104_4141016705.jpg reichstag/test/images/64127786_281241429.jpg 0 0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 0.9999646150714884 -0.008303430535241942 0.0013496837690612207 -0.022973795085764137 0.008371614591991147 0.9980054979081134 -0.06256949907344163 0.017397455736783713 -0.0008274503327792382 0.06257858408852557 0.9980396966751482 1.0988466385053703 0.0 0.0 0.0 1.0 +reichstag/test/images/77902859_6141520050.jpg reichstag/test/images/20982577_4977562846.jpg 0 0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 0.9997385976894618 -0.020055225661060234 -0.010978352043530258 -0.2119823323937024 0.02057220990025406 0.9985770149088724 0.049200909295510756 0.137308316997862 0.009975994673596352 -0.04941389702673873 0.9987285648818216 0.6790900638599697 0.0 0.0 0.0 1.0 +reichstag/test/images/06030835_119872882.jpg reichstag/test/images/63329391_7754963780.jpg 0 0 710.363 0.0 319.5 0.0 710.363 239.5 0.0 0.0 1.0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 0.9922794885891411 0.0006915995895078616 0.1240199105598792 -0.6964179594437199 -0.009469020476785387 0.9974880761721568 0.07019882866244778 -0.3806864550143594 -0.12365983251033 -0.07083120487735102 0.9897935068685486 -2.8900480939602824 0.0 0.0 0.0 1.0 +reichstag/test/images/77902859_6141520050.jpg reichstag/test/images/06796518_2036664706.jpg 0 0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 0.998439927711071 -0.019846092915933436 -0.05219045265451406 0.3541040262936355 0.01450098354582297 0.9947940039314888 -0.10086927787072054 -0.04604502712044296 0.05392061042416627 0.09995510161031795 0.9935298412395857 1.6976395432824067 0.0 0.0 0.0 1.0 +reichstag/test/images/06796518_2036664706.jpg reichstag/test/images/62663981_6029901745.jpg 0 0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 0.9992967491457865 -0.010624535985246484 0.03596006648716534 -0.5236792737011834 0.006987169596435119 0.9949825455716691 0.09980437600001142 0.9357480411082434 -0.03684001367662344 -0.09948292940409022 0.9943570586813806 10.831604432329693 0.0 0.0 0.0 1.0 +reichstag/test/images/49051226_8836027266.jpg reichstag/test/images/64097451_5212815345.jpg 0 0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 0.9997459819369929 -0.0027475023997717784 0.0223701325745014 -0.41757113061356854 0.0025688314371448188 0.9999646050208989 0.008011854369924 -0.2657429022498721 -0.022391353373234415 -0.007952354114385388 0.9997176538193944 -3.5257393032327826 0.0 0.0 0.0 1.0 +reichstag/test/images/48551853_12793928283.jpg reichstag/test/images/91840440_9426147613.jpg 0 0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 0.998905463653909 0.021153531687838022 0.04171813489959377 -1.7683105023122518 -0.021090660488403707 0.999775672146665 -0.0019466442529943167 -0.18759083743547883 -0.041749954760837205 0.0010646505607297407 0.9991275232905217 -5.112154491927205 0.0 0.0 0.0 1.0 +reichstag/test/images/77792600_3686854267.jpg reichstag/test/images/64282931_8298463790.jpg 0 0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 0.943223452724248 0.03425992686946724 0.33038731156303003 -1.693217884463118 -0.09030620737968607 0.9836496316961835 0.15581460449091383 -0.2233029161396659 -0.31964716038101304 -0.17680401430641085 0.9308952859400961 -1.0597019384729158 0.0 0.0 0.0 1.0 +reichstag/test/images/06639257_4979506057.jpg reichstag/test/images/77902859_6141520050.jpg 0 0 678.155 0.0 319.5 0.0 678.155 239.5 0.0 0.0 1.0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 0.9981999591531071 0.013960911642242476 0.05832610472895612 0.016686397585268034 -0.009548530292474846 0.997118589855248 -0.07525518808916508 -0.0022298640756475696 -0.0592086743306194 0.07456279709881747 0.9954570418520385 0.07671354630019889 0.0 0.0 0.0 1.0 +reichstag/test/images/91831337_388207037.jpg reichstag/test/images/62663981_6029901745.jpg 0 0 678.613 0.0 319.5 0.0 678.613 239.5 0.0 0.0 1.0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 0.9911502674397813 -0.020190600031429546 0.13120017920879845 -4.9637850586945795 0.011871378061975503 0.9978867098995563 0.06388414974583552 0.7446169218732586 -0.13221277448476618 -0.061761265176561324 0.98929536963782 8.07545309219638 0.0 0.0 0.0 1.0 +reichstag/test/images/78040542_6368040213.jpg reichstag/test/images/48716728_829974943.jpg 0 0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 0.914230999789886 0.03615377470171548 0.4035772337459129 -5.455927236946351 -0.040435260288553446 0.9991799768497327 0.002088920286838403 -0.06425112064990667 -0.40317076871790025 -0.018228506175368007 0.9149431964958438 -1.3100197598084589 0.0 0.0 0.0 1.0 +reichstag/test/images/05466646_5360480312.jpg reichstag/test/images/78043438_3428167710.jpg 0 0 750.195 0.0 319.5 0.0 750.195 178.5 0.0 0.0 1.0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 0.9994158081533852 -0.02011546260578116 -0.027629885581946876 0.5141798679549043 0.02146668194062756 0.998542847561841 0.049511242658107656 -0.7990932056490136 0.026593683076550162 -0.050075440559674604 0.9983913192096466 -9.371244281327694 0.0 0.0 0.0 1.0 +reichstag/test/images/20982577_4977562846.jpg reichstag/test/images/48551853_12793928283.jpg 0 0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 0.9901592743556845 0.000853232820437087 0.13994242888123226 -0.3818883063308529 0.005051305038905605 0.9991118897059004 -0.04183199930327258 -0.08547388156990719 -0.13985383700431153 0.042127233971140335 0.9892755937720855 2.08609755489492 0.0 0.0 0.0 1.0 +reichstag/test/images/19812646_389634613.jpg reichstag/test/images/62799820_4661707438.jpg 0 0 747.529 0.0 319.5 0.0 747.529 239.5 0.0 0.0 1.0 625.353 0.0 319.5 0.0 625.353 239.5 0.0 0.0 1.0 0.9748630420841016 0.07155280798064183 0.21100294985761858 -1.0085551138516555 -0.07265933617436161 0.9973536476591899 -0.0025144318662801684 0.08396377991670301 -0.2106244763678533 -0.012880107569211586 0.9774821905199979 -0.16242374098759882 0.0 0.0 0.0 1.0 +reichstag/test/images/06639257_4979506057.jpg reichstag/test/images/20613988_1265419368.jpg 0 0 678.155 0.0 319.5 0.0 678.155 239.5 0.0 0.0 1.0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 0.9985934664267897 -0.026900555188063304 -0.04568860843035334 0.9843575198986444 0.034987920821480514 0.981803822943103 0.18664698939682392 -0.08315694921197947 0.039836342782916256 -0.1879830135541035 0.9813640773988009 -0.5259252783988284 0.0 0.0 0.0 1.0 +reichstag/test/images/34481400_9199849492.jpg reichstag/test/images/62751178_369337490.jpg 0 0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 700.224 0.0 319.5 0.0 700.224 258.5 0.0 0.0 1.0 0.9878150551267639 -0.030003878337116062 -0.15271275044880828 1.5406194416949242 0.04015981540011133 0.9971505477232127 0.06385901974134613 -1.1585649897838959 0.15036158449530057 -0.06921381697340634 0.9862052734841942 -4.096694773017618 0.0 0.0 0.0 1.0 +reichstag/test/images/92697655_166630020.jpg reichstag/test/images/35221995_8835396469.jpg 0 0 431.56 0.0 249.5 0.0 431.56 187.0 0.0 0.0 1.0 918.648 0.0 319.5 0.0 918.648 213.0 0.0 0.0 1.0 0.9963254273358977 0.029104317486958263 0.08055173212016752 -0.1775675405251964 -0.03691670230776415 0.9945738689438774 0.09726240951532125 0.15240272072829247 -0.07728389181880542 -0.09987871603912649 0.9919936704171628 1.2466884367809232 0.0 0.0 0.0 1.0 +reichstag/test/images/77902859_6141520050.jpg reichstag/test/images/06639257_4979506057.jpg 0 0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 678.155 0.0 319.5 0.0 678.155 239.5 0.0 0.0 1.0 0.9981999591531068 -0.009548530292474844 -0.05920867433061938 -0.012135545933066094 0.01396091164224247 0.9971185898552477 0.07456279709881745 -0.003729494987149168 0.05832610472895611 -0.07525518808916506 0.9954570418520385 -0.07750610128350877 0.0 0.0 0.0 1.0 +reichstag/test/images/76958303_5507621260.jpg reichstag/test/images/77792600_3686854267.jpg 0 0 708.355 0.0 319.5 0.0 708.355 239.5 0.0 0.0 1.0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 0.9487878106393911 -0.07173501144433102 -0.3076617924201716 2.59088831908504 0.047332705561442305 0.9951643777937582 -0.08606669596653464 -0.006280117470389056 0.3123480516448676 0.06709656700192496 0.9475952434083929 -0.745396229372576 0.0 0.0 0.0 1.0 +reichstag/test/images/05978621_9257964873.jpg reichstag/test/images/49051226_8836027266.jpg 0 0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 0.9946714295027606 0.025475564491807285 0.09989866337823958 -1.1189994961338017 -0.02673430476274136 0.9995789130978038 0.01128155304318278 0.3003452702966554 -0.09956919342742475 -0.013892159804618205 0.994933657896935 3.2281587834231793 0.0 0.0 0.0 1.0 +reichstag/test/images/34959164_3067403556.jpg reichstag/test/images/20613988_1265419368.jpg 0 0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 0.9980329128656338 -0.01789786938765009 -0.060083035112427276 0.6657637027053102 0.03146590434050498 0.9719309484891171 0.2331525857310599 0.5103283063465048 0.05422362677811898 -0.23458452131465884 0.9705822482709024 1.3409789370990581 0.0 0.0 0.0 1.0 +reichstag/test/images/34481400_9199849492.jpg reichstag/test/images/77361791_2035867493.jpg 0 0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 601.346 0.0 249.5 0.0 601.346 187.0 0.0 0.0 1.0 0.9785607894186682 -0.0331682123353683 -0.2032698971879235 2.0221323161874034 0.0008222680097790357 0.9875686231996444 -0.15718631730172547 -0.035720237518093965 0.20595656165228907 0.15364922441078102 0.9664232046832961 2.4619782276281343 0.0 0.0 0.0 1.0 +reichstag/test/images/49501249_12793461434.jpg reichstag/test/images/06639257_4979506057.jpg 0 0 587.147 0.0 319.5 0.0 587.147 230.0 0.0 0.0 1.0 678.155 0.0 319.5 0.0 678.155 239.5 0.0 0.0 1.0 0.9031372648943322 -0.03792528850350079 -0.42767365274366703 0.5759023951285285 0.09578034191492185 0.9887859081594434 0.11457990193731707 0.22861213576835956 0.4185322052863378 -0.14444410793532136 0.8966418977612659 0.8900262493136222 0.0 0.0 0.0 1.0 +reichstag/test/images/77487845_5932034347.jpg reichstag/test/images/92342560_2757258130.jpg 0 0 774.031 0.0 319.5 0.0 774.031 212.0 0.0 0.0 1.0 1743.4 0.0 319.5 0.0 1743.4 239.5 0.0 0.0 1.0 0.9966543487400513 0.012674602312560393 0.08074319534030563 -0.5487728339359671 -0.013093162337638018 0.9999034385037251 0.00465647596661682 0.8148161027076035 -0.08067637967549468 -0.0056980807861824355 0.9967240609305114 3.7333433069496254 0.0 0.0 0.0 1.0 +reichstag/test/images/05936329_2458217347.jpg reichstag/test/images/64282931_8298463790.jpg 0 0 864.162 0.0 319.5 0.0 864.162 200.0 0.0 0.0 1.0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 0.992822229521076 0.005554103239390301 0.11947038338435814 -0.7435230226238907 -0.02032542698430395 0.9922257155045472 0.1227803180863889 -1.0650936912359905 -0.11785965207273037 -0.12432731569810111 0.9852166365752253 -4.917018610003825 0.0 0.0 0.0 1.0 +reichstag/test/images/05545431_1341290848.jpg reichstag/test/images/77122925_1063274053.jpg 0 0 492.313 0.0 319.5 0.0 492.313 213.0 0.0 0.0 1.0 658.554 0.0 319.5 0.0 658.554 239.5 0.0 0.0 1.0 0.8774602626367207 0.07915431831476219 0.47307301908439325 -2.6977648281700777 -0.10186355535710664 0.994543195508164 0.0225310532026378 -0.5778584058074163 -0.4687081219517187 -0.06795900352812513 0.8807350738195666 -2.1028484403055923 0.0 0.0 0.0 1.0 +reichstag/test/images/62810349_4295140640.jpg reichstag/test/images/92342560_2757258130.jpg 0 0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 1743.4 0.0 319.5 0.0 1743.4 239.5 0.0 0.0 1.0 0.9963411993917689 -0.0014219842734033846 0.08545286627900804 -0.7809445037583795 -0.002442130999831587 0.9989795954392927 0.04509771493242767 0.005428578950276541 -0.08542979802593179 -0.04514139847936747 0.9953210556160136 -0.38141650070445987 0.0 0.0 0.0 1.0 +reichstag/test/images/05791347_12791964625.jpg reichstag/test/images/48716728_829974943.jpg 0 0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 0.9903275001873966 0.04904354630746927 0.1297928077289703 -1.0226051538494962 -0.05966649509092599 0.9950664637948736 0.07926311875222986 -0.18639467746441604 -0.12526512577787502 -0.08624072817615062 0.9883679401252857 -1.1252781810157864 0.0 0.0 0.0 1.0 +reichstag/test/images/76958303_5507621260.jpg reichstag/test/images/64271070_4602086309.jpg 0 0 708.355 0.0 319.5 0.0 708.355 239.5 0.0 0.0 1.0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 0.9994288365078173 -0.015988568464001943 -0.029771906809987665 0.33066463197556617 0.01998747193794154 0.9900517037150185 0.13927715152356904 -0.914171393666388 0.02724888478746724 -0.13979266665122722 0.9898057933899852 -3.1434833884104694 0.0 0.0 0.0 1.0 +reichstag/test/images/06229406_8584869180.jpg reichstag/test/images/63329391_7754963780.jpg 0 0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 0.9930006306672935 0.00450815140211993 0.1180229810896695 -0.6974958333398258 0.0004937416918033686 0.999104105418435 -0.04231716856278032 -0.2971004452061089 -0.11810801714320114 0.04207924793724993 0.9921087809204878 -0.8811538739023663 0.0 0.0 0.0 1.0 +reichstag/test/images/92753909_16247242.jpg reichstag/test/images/77361791_2035867493.jpg 0 0 520.573 0.0 249.5 0.0 520.573 187.0 0.0 0.0 1.0 601.346 0.0 249.5 0.0 601.346 187.0 0.0 0.0 1.0 0.9962926524546284 0.0005396515511910992 -0.0860270855087197 0.8969868772846354 -0.009765010198856304 0.9942268514146079 -0.10685322878608483 -0.005201324832178875 0.08547277485104544 0.10729714209800022 0.9905461766403746 1.8593578664291166 0.0 0.0 0.0 1.0 +reichstag/test/images/78043438_3428167710.jpg reichstag/test/images/62663981_6029901745.jpg 0 0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 0.9989048029841228 0.012107241616683346 0.04519523509935977 -0.46243163211788146 -0.011259585653959904 0.9997567813053894 -0.018963121177401936 0.922947590977341 -0.04541383386317754 0.01843347320292462 0.9987981731859168 10.886782988208365 0.0 0.0 0.0 1.0 +reichstag/test/images/77594532_1434504133.jpg reichstag/test/images/34959164_3067403556.jpg 0 0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 0.9749793611355259 0.025486313056840015 0.22082955691331363 -0.02265490068354936 0.013369034995758904 0.9848850431741525 -0.17269256103008637 0.2617002921437641 -0.2218930243676981 0.17132396090044338 0.9599018627747002 2.0800674052684998 0.0 0.0 0.0 1.0 +reichstag/test/images/49284352_2431392889.jpg reichstag/test/images/77487845_5932034347.jpg 0 0 666.383 0.0 319.5 0.0 666.383 179.5 0.0 0.0 1.0 774.031 0.0 319.5 0.0 774.031 212.0 0.0 0.0 1.0 0.9995777677889917 -0.0069292510396113055 -0.028218285242137507 0.06316089496654195 0.003153676101869794 0.9912838408146161 -0.1317057374105891 0.27771087708671405 0.028884952293903577 0.1315611356740759 0.9908871414601798 1.3301683714986785 0.0 0.0 0.0 1.0 +reichstag/test/images/06030835_119872882.jpg reichstag/test/images/48542127_4157749181.jpg 0 0 710.363 0.0 319.5 0.0 710.363 239.5 0.0 0.0 1.0 713.145 0.0 319.5 0.0 713.145 239.5 0.0 0.0 1.0 0.9899295996635057 0.031335189331596416 0.13804888126893552 -1.0229960917899326 -0.035697350666430545 0.9989348993362183 0.02923638218961771 0.02521796027728953 -0.13698571774257906 -0.033869939440343125 0.9899938082315756 -1.135441519471458 0.0 0.0 0.0 1.0 +reichstag/test/images/05534141_6340060522.jpg reichstag/test/images/05978621_9257964873.jpg 0 0 668.983 0.0 319.5 0.0 668.983 213.5 0.0 0.0 1.0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 0.9980297287575001 -0.015108568330466626 -0.06089656541410244 0.6768315792887885 0.012639054235049022 0.9990900120623132 -0.040735759540855794 -0.0013401666600534497 0.061456609280645516 0.03988582405229402 0.9973124917574206 0.7580854771236935 0.0 0.0 0.0 1.0 +reichstag/test/images/34537245_34002183.jpg reichstag/test/images/78040542_6368040213.jpg 0 0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 0.9475317297493844 -0.01951783935145478 -0.3190653147322507 4.888447506772921 0.022203877786993557 0.9997420223075956 0.004782953432705163 -0.03055272667809747 0.31888965008190473 -0.011616487393785409 0.9477206594198895 -0.816034785700209 0.0 0.0 0.0 1.0 +reichstag/test/images/62751178_369337490.jpg reichstag/test/images/64127786_281241429.jpg 0 0 700.224 0.0 319.5 0.0 700.224 258.5 0.0 0.0 1.0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 0.9999598538464085 -0.007059848786784373 0.005518082146610386 -0.08129025960806877 0.007974636984755664 0.9819901025352673 -0.18876398938287042 0.4112347964292596 -0.004086056831514728 0.18880041593673147 0.9820069791410276 6.23008281442739 0.0 0.0 0.0 1.0 +reichstag/test/images/92414106_7915968882.jpg reichstag/test/images/92102978_5376734902.jpg 0 0 1871.37 0.0 319.5 0.0 1871.37 212.5 0.0 0.0 1.0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 0.9997428168410929 0.017192250089182876 -0.014789412142053607 0.9202408341428151 -0.016328980255455663 0.998261478592692 0.056633777569125826 -1.26301866211134 0.01573736249990672 -0.056377716296452364 0.9982854744644655 -14.072681061166815 0.0 0.0 0.0 1.0 +reichstag/test/images/62673079_4759250457.jpg reichstag/test/images/92697655_166630020.jpg 0 0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 431.56 0.0 249.5 0.0 431.56 187.0 0.0 0.0 1.0 0.995285629057859 -0.02572216892637059 0.09351409849121639 -0.7097189860647894 0.034045632061153 0.9954913823240188 -0.08853136538069839 -0.02237003713755774 -0.0908152604382009 0.09129774227404193 0.9916739941771208 0.31530710064413947 0.0 0.0 0.0 1.0 +reichstag/test/images/19799508_3094174298.jpg reichstag/test/images/49284352_2431392889.jpg 0 0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 666.383 0.0 319.5 0.0 666.383 179.5 0.0 0.0 1.0 0.9995430428586797 0.0035052827256787634 0.030023631789384594 -0.26963213292392607 -0.010836350052040407 0.9687874981856293 0.24765572247937093 -1.6013679151112656 -0.028218415801761987 -0.24786790101229847 0.9683827882905583 -4.620093323950772 0.0 0.0 0.0 1.0 +reichstag/test/images/64282931_8298463790.jpg reichstag/test/images/77023786_7168337563.jpg 0 0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 0.9846285072632982 -0.008789440020480039 -0.17444038646074914 0.6376530253761052 -0.004558098043765204 0.9970997964621205 -0.0759685437363485 0.16260846804965973 0.17460219479340044 0.07559591020236778 0.981732821053673 1.5613360477910394 0.0 0.0 0.0 1.0 +reichstag/test/images/62799820_4661707438.jpg reichstag/test/images/77902859_6141520050.jpg 0 0 625.353 0.0 319.5 0.0 625.353 239.5 0.0 0.0 1.0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 0.9964908477786353 0.009797553026619726 -0.08312639922495933 0.5366946399672409 -0.025525738027587484 0.981389427877422 -0.19032400675840405 0.421202102532434 0.0797146598284388 0.19177799353710173 0.9781956727584309 5.17301184559995 0.0 0.0 0.0 1.0 +reichstag/test/images/34481400_9199849492.jpg reichstag/test/images/06373813_9127207861.jpg 0 0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 1495.37 0.0 319.5 0.0 1495.37 211.5 0.0 0.0 1.0 0.9868708963310562 -0.030950276240953447 -0.1585178676848342 1.6651185651066192 0.022258698334259704 0.9981648721455191 -0.0563155250635535 1.4182641363785315 0.1599699481877841 0.052047751299436285 0.9857487749226319 12.444284484404479 0.0 0.0 0.0 1.0 +reichstag/test/images/77487845_5932034347.jpg reichstag/test/images/77214581_8512429399.jpg 0 0 774.031 0.0 319.5 0.0 774.031 212.0 0.0 0.0 1.0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 0.9985268700750423 0.0019777109449124796 0.0542234118952146 -0.08438358035813515 0.0013394585513013888 0.998132497541729 -0.06107145979833817 0.36448394607093587 -0.0542429312346694 0.06105412361609215 0.9966594696286902 2.482097832697512 0.0 0.0 0.0 1.0 +reichstag/test/images/34120311_5589470818.jpg reichstag/test/images/92342560_2757258130.jpg 0 0 512.125 0.0 319.5 0.0 512.125 241.5 0.0 0.0 1.0 1743.4 0.0 319.5 0.0 1743.4 239.5 0.0 0.0 1.0 0.9971682356869958 0.023019779086943165 0.07159329233715102 -0.38891986119031663 -0.016694461712654173 0.9960047061821744 -0.08772639403899583 1.1912342960706308 -0.07332669830975044 0.08628276208924221 0.9935685584202238 5.593174948780453 0.0 0.0 0.0 1.0 +reichstag/test/images/34537245_34002183.jpg reichstag/test/images/35531158_5960344226.jpg 0 0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 0.9982811864651261 0.0007657706202852135 0.058601078020262674 -0.7120029381385862 0.004829015548059258 0.9954396430864543 -0.09527117917161002 0.12422583975299069 -0.05840679205894128 0.09539041129625936 0.9937249700365358 -7.67297920654722 0.0 0.0 0.0 1.0 +reichstag/test/images/34537245_34002183.jpg reichstag/test/images/05545431_1341290848.jpg 0 0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 492.313 0.0 319.5 0.0 492.313 213.0 0.0 0.0 1.0 0.9994777957115148 -0.009550149690693618 0.03086957273005593 -0.34634479899404447 0.00753439717310807 0.9978718991443778 0.0647680921228217 -0.6801888735685622 -0.031422424140869994 -0.06450168632584578 0.9974227607801183 -5.61048587894631 0.0 0.0 0.0 1.0 +reichstag/test/images/77214581_8512429399.jpg reichstag/test/images/92697655_166630020.jpg 0 0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 431.56 0.0 249.5 0.0 431.56 187.0 0.0 0.0 1.0 0.9942084022933559 -0.006154742813576575 0.1072929259093584 -1.4191715577750394 0.016285146618163954 0.9954578914835367 -0.09379968167736986 -0.11586827142645839 -0.10622827688010965 0.09500371268560896 0.9897928307312763 -0.7520633336659865 0.0 0.0 0.0 1.0 +reichstag/test/images/63329391_7754963780.jpg reichstag/test/images/62751178_369337490.jpg 0 0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 700.224 0.0 319.5 0.0 700.224 258.5 0.0 0.0 1.0 0.995190707204159 -0.004617539626535764 -0.09784750698041951 0.19619086162413624 0.015419740637568352 0.9938194833006433 0.10993209818207081 -0.6351840651289713 0.0967351430099527 -0.11091218571392283 0.9891111156826639 -2.14829750356766 0.0 0.0 0.0 1.0 +reichstag/test/images/64282931_8298463790.jpg reichstag/test/images/77214581_8512429399.jpg 0 0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 0.9923153122704311 -0.019999397558951252 -0.12210792411189322 0.5053737546211274 0.008759598227185958 0.9957297174780517 -0.09189994107711832 0.22634581582409546 0.12342443223501223 0.09012410237199898 0.9882530322235832 1.8007534182184473 0.0 0.0 0.0 1.0 +reichstag/test/images/62751178_369337490.jpg reichstag/test/images/34272622_11098902473.jpg 0 0 700.224 0.0 319.5 0.0 700.224 258.5 0.0 0.0 1.0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 0.9937755827625878 -0.023790375376880415 -0.1088306443255118 -0.4365198368651014 -0.0049171909441127325 0.9666107843398924 -0.25620189857032044 -0.02506486384179389 0.11129201381095619 0.255142332115321 0.9604772136936185 4.76553845627226 0.0 0.0 0.0 1.0 +reichstag/test/images/64271070_4602086309.jpg reichstag/test/images/62751178_369337490.jpg 0 0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 700.224 0.0 319.5 0.0 700.224 258.5 0.0 0.0 1.0 0.9922432222390948 -0.02319481479116867 -0.12212857359103856 0.812037860255372 0.020288077635925463 0.9994817932964648 -0.02499077379196532 -0.3391827720130953 0.12264494211510314 0.0223191719310082 0.9921996133530275 -1.056722957549865 0.0 0.0 0.0 1.0 +reichstag/test/images/48815289_2513792540.jpg reichstag/test/images/77792600_3686854267.jpg 0 0 776.799 0.0 319.5 0.0 776.799 211.0 0.0 0.0 1.0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 0.984592248920245 -0.05045342231835028 -0.16742925533651762 1.5990421020727272 0.03717411062655459 0.9959780404416448 -0.08152195076877286 -0.09322215897795692 0.1708689230530213 0.07404184718379021 0.9825078198163681 -3.8073807210308512 0.0 0.0 0.0 1.0 +reichstag/test/images/05545431_1341290848.jpg reichstag/test/images/19799508_3094174298.jpg 0 0 492.313 0.0 319.5 0.0 492.313 213.0 0.0 0.0 1.0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 0.9999772587415414 0.006310673718801404 -0.002378528319640504 -0.024874582051162296 -0.006507596820170196 0.9954833136883604 -0.09471337472430959 0.024368407928082647 0.001770080048645647 0.09472669932630506 0.9955017424652582 0.9045551232801752 0.0 0.0 0.0 1.0 +reichstag/test/images/48900330_6782044072.jpg reichstag/test/images/91629190_2705184160.jpg 0 0 769.928 0.0 319.5 0.0 769.928 170.0 0.0 0.0 1.0 1208.55 0.0 319.5 0.0 1208.55 213.5 0.0 0.0 1.0 0.9988147803426102 -0.012498779788422358 -0.0470405683739459 0.4953365558315779 0.009893147644380805 0.9984250892132226 -0.05522197804547677 0.8359756345537757 0.04765669101846913 0.054691148583378285 0.9973653884448772 6.548382159424827 0.0 0.0 0.0 1.0 +reichstag/test/images/62751178_369337490.jpg reichstag/test/images/92342560_2757258130.jpg 0 0 700.224 0.0 319.5 0.0 700.224 258.5 0.0 0.0 1.0 1743.4 0.0 319.5 0.0 1743.4 239.5 0.0 0.0 1.0 0.9969289838989543 0.019679202031799067 0.07579795557658407 -0.4270978920734336 -0.015845545073102218 0.9985805509559973 -0.050850781250175704 1.0920546750527242 -0.07669106703870054 0.049493557760667925 0.9958257216886179 4.828439577720526 0.0 0.0 0.0 1.0 +reichstag/test/images/05461164_9050854768.jpg reichstag/test/images/77361791_2035867493.jpg 0 0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 601.346 0.0 249.5 0.0 601.346 187.0 0.0 0.0 1.0 0.9963299329391071 0.0003358400257296929 -0.08559527989925295 0.69307069781066 -0.0011438913189235143 0.9999552446082741 -0.009391501107783915 0.03690730555366896 0.08558829500699748 0.009454945366533483 0.99628572596716 4.861003397836469 0.0 0.0 0.0 1.0 +reichstag/test/images/05545431_1341290848.jpg reichstag/test/images/77023786_7168337563.jpg 0 0 492.313 0.0 319.5 0.0 492.313 213.0 0.0 0.0 1.0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 0.9996918924063202 0.024820393303726363 0.00026140642495471963 -0.08576077257749083 -0.024806786085462128 0.9993988897419583 -0.02421740173204772 -0.12696033974428084 -0.0008623347266549283 0.02420345551340966 0.999706681542156 -0.38574513271702715 0.0 0.0 0.0 1.0 +reichstag/test/images/77594532_1434504133.jpg reichstag/test/images/06373813_9127207861.jpg 0 0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 1495.37 0.0 319.5 0.0 1495.37 211.5 0.0 0.0 1.0 0.9683264891281155 0.027729982645175347 0.24814281878651256 -0.1374729668879802 0.011449186880436767 0.9878372929839166 -0.15506901273299112 1.880592250469089 -0.24942479141535748 0.1529984661776254 0.9562315319914416 15.906564551925527 0.0 0.0 0.0 1.0 +reichstag/test/images/62810349_4295140640.jpg reichstag/test/images/05791347_12791964625.jpg 0 0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 0.996559281664372 -0.05813286465934673 -0.05907764530758736 0.34230790378169995 0.05137071893783367 0.9925856373510854 -0.11015807623660323 0.12552365587068554 0.06504342675782943 0.10674419221127332 0.9921567568004371 1.1964820412936825 0.0 0.0 0.0 1.0 +reichstag/test/images/05791347_12791964625.jpg reichstag/test/images/91840440_9426147613.jpg 0 0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 0.9665554984193663 0.04308794756255361 0.25281198003681976 -2.631570645660404 -0.054910616475411025 0.997694005005384 0.039893565579014884 -0.3451898453749185 -0.25051006501452405 -0.05244140683814147 0.9666926120413125 -3.8297186349393324 0.0 0.0 0.0 1.0 +reichstag/test/images/05466646_5360480312.jpg reichstag/test/images/77274889_6889793618.jpg 0 0 750.195 0.0 319.5 0.0 750.195 178.5 0.0 0.0 1.0 757.774 0.0 319.5 0.0 757.774 239.5 0.0 0.0 1.0 0.9235585319665873 -0.022354475986972315 -0.38280532315404137 6.847799247039852 0.03381301398403278 0.9991581648379333 0.02323018990470953 -0.32738212609175826 0.3819637654503864 -0.03439824183066837 0.9235369201293044 -4.731016038766292 0.0 0.0 0.0 1.0 +reichstag/test/images/48542127_4157749181.jpg reichstag/test/images/62810349_4295140640.jpg 0 0 713.145 0.0 319.5 0.0 713.145 239.5 0.0 0.0 1.0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 0.9928069806187264 -0.017696188346854755 -0.11841091230423002 0.6042261749753908 0.024120088811979388 0.9983010672566823 0.05303961189404724 0.059194528429690335 0.11727114116622912 -0.05551417865880366 0.9915471019661188 1.372781547436316 0.0 0.0 0.0 1.0 +reichstag/test/images/48900330_6782044072.jpg reichstag/test/images/62810349_4295140640.jpg 0 0 769.928 0.0 319.5 0.0 769.928 170.0 0.0 0.0 1.0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 0.9998803268657743 0.01372756569655112 0.007133434435052898 -0.2721891622883137 -0.013772499743532623 0.9998853793150329 0.006288599434475635 -0.386629173382415 -0.007046289634035726 -0.006386092081998701 0.9999547827928588 -4.667189535938457 0.0 0.0 0.0 1.0 +reichstag/test/images/63329391_7754963780.jpg reichstag/test/images/91549947_3428166276.jpg 0 0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 543.843 0.0 319.5 0.0 543.843 213.0 0.0 0.0 1.0 0.9834949387455842 -0.0340762359980668 -0.1776978210390421 0.7470432738335189 0.030354696697905612 0.9992600558287495 -0.023620609930789224 0.3981000393877599 0.17837123605054023 0.017836786855496056 0.9838015812065326 4.013417119192441 0.0 0.0 0.0 1.0 +reichstag/test/images/78040542_6368040213.jpg reichstag/test/images/05534141_6340060522.jpg 0 0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 668.983 0.0 319.5 0.0 668.983 213.5 0.0 0.0 1.0 0.9394496070764188 0.021757820189827616 0.34199566228908457 -4.677405547851921 -0.021139604271536303 0.999761210555326 -0.00553525068917761 -0.08630553092840404 -0.34203443232400643 -0.002029563878355836 0.93968522813507 -1.5583908755729108 0.0 0.0 0.0 1.0 +reichstag/test/images/05978621_9257964873.jpg reichstag/test/images/20613988_1265419368.jpg 0 0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 0.999704806640343 -0.0017387516094280878 -0.024233784744346915 0.44615075335580967 0.008238533141132414 0.9626019256912812 0.2707944963013823 -0.504694219267827 0.022856643495428052 -0.2709142104029938 0.9623320967575827 -1.8130124401796108 0.0 0.0 0.0 1.0 +reichstag/test/images/92342560_2757258130.jpg reichstag/test/images/77349640_2188160842.jpg 0 0 1743.4 0.0 319.5 0.0 1743.4 239.5 0.0 0.0 1.0 708.96 0.0 239.0 0.0 708.96 319.5 0.0 0.0 1.0 0.9896038605236651 -0.03022435835668705 -0.1406082764227794 0.9816118109775167 0.004520151115420538 0.9837216114655106 -0.17964230951975885 -0.024639063840070904 0.1437489738069526 0.17713915235663072 0.9736313230539692 -1.2467569405828225 0.0 0.0 0.0 1.0 +reichstag/test/images/34272622_11098902473.jpg reichstag/test/images/35531158_5960344226.jpg 0 0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 0.9906370121779611 -0.004672002548660126 0.13644223134831682 -0.19799370113509668 0.0019203783190247304 0.9997922595395914 0.020291621715139808 -0.01280269458968181 -0.13650868928472693 -0.019839610805250926 0.9904401888013541 -3.0571878845053484 0.0 0.0 0.0 1.0 +reichstag/test/images/77274889_6889793618.jpg reichstag/test/images/77458003_1504115665.jpg 0 0 757.774 0.0 319.5 0.0 757.774 239.5 0.0 0.0 1.0 612.932 0.0 249.5 0.0 612.932 187.0 0.0 0.0 1.0 0.9208815926644492 0.02429609782903845 0.38908455626260596 -4.559531185860585 -0.06761345568466359 0.9928842515244376 0.0980269538705318 -0.2653870559708448 -0.3839342559633944 -0.11657856880678855 0.9159715740091476 -1.4283045028047145 0.0 0.0 0.0 1.0 +reichstag/test/images/05461164_9050854768.jpg reichstag/test/images/48815289_2513792540.jpg 0 0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 776.799 0.0 319.5 0.0 776.799 211.0 0.0 0.0 1.0 0.9996754768900282 -0.005331604243804416 -0.024910136508699523 0.31749454568128105 0.00779529379955775 0.9949691229835825 0.09987831448247005 0.6011487500084245 0.024252305030103314 -0.10004008349390787 0.9946877939309694 5.348074264308838 0.0 0.0 0.0 1.0 +reichstag/test/images/92697655_166630020.jpg reichstag/test/images/35531158_5960344226.jpg 0 0 431.56 0.0 249.5 0.0 431.56 187.0 0.0 0.0 1.0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 0.9911457908394615 0.02082143884476326 -0.13113538418616177 1.4152511939130177 -0.02442439547211364 0.9993654256494062 -0.025926722168498322 -0.006462434820323701 0.13051233737482548 0.028900064031321636 0.991025386199539 -0.9809221060534941 0.0 0.0 0.0 1.0 +reichstag/test/images/92102978_5376734902.jpg reichstag/test/images/63790741_1504116525.jpg 0 0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 0.9999369307832914 0.004211792568816072 0.010411304387462857 -0.5578366044007129 -0.004962376523673 0.9973084615699697 0.07315194666020605 -0.2854835256056042 -0.010075181136259371 -0.07319899783670265 0.9972664626070477 -2.6086300193570664 0.0 0.0 0.0 1.0 +reichstag/test/images/92102978_5376734902.jpg reichstag/test/images/92697655_166630020.jpg 0 0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 431.56 0.0 249.5 0.0 431.56 187.0 0.0 0.0 1.0 0.9859311400837011 -0.028706284096947268 0.16466856490113332 -2.680378828909992 0.03702429128072164 0.9981768101156564 -0.047668203264788885 -0.12332135794005981 -0.16299996585402615 0.053094302902272864 0.9851964302264336 -3.5563494481035525 0.0 0.0 0.0 1.0 +reichstag/test/images/77107104_4141016705.jpg reichstag/test/images/91831337_388207037.jpg 0 0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 678.613 0.0 319.5 0.0 678.613 239.5 0.0 0.0 1.0 0.9903574406512365 -0.0011803687042531523 -0.13853066980439505 4.5086853640842355 -0.012984997156524535 0.9947705711548671 -0.10130597520908842 -0.10782760379133324 0.13792581192647504 0.10212794668425196 0.9851631097998347 4.840440145970179 0.0 0.0 0.0 1.0 +reichstag/test/images/63329391_7754963780.jpg reichstag/test/images/05866831_3427466899.jpg 0 0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 961.582 0.0 249.5 0.0 961.582 176.5 0.0 0.0 1.0 0.9253217243781021 -0.02536286046395244 -0.37833375702284555 2.3238014701814036 0.007318225047895831 0.998769168226566 -0.04905702989543571 0.7123305064537289 0.3791123184177531 0.042624803918603564 0.9243684201198226 10.60834028515949 0.0 0.0 0.0 1.0 +reichstag/test/images/64097451_5212815345.jpg reichstag/test/images/63790741_1504116525.jpg 0 0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 0.9987520068438192 0.008510483066528279 -0.049213824312055496 0.701035912028155 -0.005109629873363019 0.997615944679174 0.0688209169107512 -0.2973328875036755 0.04968219508033804 -0.06848356445055719 0.9964144122262312 -1.7793207544029164 0.0 0.0 0.0 1.0 +reichstag/test/images/05534141_6340060522.jpg reichstag/test/images/77023786_7168337563.jpg 0 0 668.983 0.0 319.5 0.0 668.983 213.5 0.0 0.0 1.0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 0.9998416855940007 0.01581149888177017 0.008160897723862396 -0.04967463608729719 -0.01607984276595672 0.9992946324202852 0.03393635620730615 -0.3169707438832762 -0.007618556632963439 -0.03406220954546018 0.9993906761000482 -2.0261479263050433 0.0 0.0 0.0 1.0 +reichstag/test/images/05466646_5360480312.jpg reichstag/test/images/34959164_3067403556.jpg 0 0 750.195 0.0 319.5 0.0 750.195 178.5 0.0 0.0 1.0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 0.9999224082319199 0.0008208458706194213 -0.01242995284521248 0.2438727224443721 -9.339462765963536e-05 0.9982925639484701 0.0584118827177592 -1.2133651470981301 0.012456676648329727 -0.05840618954568445 0.9982151813259666 -13.047426091795492 0.0 0.0 0.0 1.0 +reichstag/test/images/48716728_829974943.jpg reichstag/test/images/91629190_2705184160.jpg 0 0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 1208.55 0.0 319.5 0.0 1208.55 213.5 0.0 0.0 1.0 0.9924392481141443 -0.02823969361141258 -0.11944395550786564 1.0237577855770996 0.024108040547997128 0.9990647157448034 -0.03589562835068984 0.9400838495219103 0.12034592300351336 0.0327446706883466 0.9921918389897912 11.297155093231014 0.0 0.0 0.0 1.0 +reichstag/test/images/62810349_4295140640.jpg reichstag/test/images/78040542_6368040213.jpg 0 0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 0.9386202885941279 -0.0468410929953983 -0.3417570275012248 3.9778791069549055 0.034075870687066384 0.9984823883655738 -0.04326378578786015 0.23153953589620055 0.3432648960735642 0.02896259882634789 0.9387919785516008 3.193189242460794 0.0 0.0 0.0 1.0 +reichstag/test/images/64127786_281241429.jpg reichstag/test/images/48668943_3586566128.jpg 0 0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 550.231 0.0 319.5 0.0 550.231 212.0 0.0 0.0 1.0 0.9812979434221766 0.014715159291637721 -0.1919317855969377 2.946713935004262 -0.02641211009047585 0.9979363153834369 -0.058527864128962694 -0.0077608343077215924 0.19067445207991482 0.06250259615369162 0.9796615123592805 -4.5995852773957075 0.0 0.0 0.0 1.0 +reichstag/test/images/48815289_2513792540.jpg reichstag/test/images/48542127_4157749181.jpg 0 0 776.799 0.0 319.5 0.0 776.799 211.0 0.0 0.0 1.0 713.145 0.0 319.5 0.0 713.145 239.5 0.0 0.0 1.0 0.9942932210863523 0.03606643783694377 0.10040021196929781 -0.9652894230621588 -0.03263249971910141 0.9988318544789516 -0.035637710928475765 -0.1036248191537381 -0.1015682551972264 0.032158024502332634 0.9943086799361144 -3.118482472945274 0.0 0.0 0.0 1.0 +reichstag/test/images/91840440_9426147613.jpg reichstag/test/images/92102978_5376734902.jpg 0 0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 0.9817707765525361 0.0021789690282933405 -0.19005629271719438 2.116456728478425 -0.0018735043282229371 0.9999966484949816 0.0017868912490000251 0.21952905468858686 0.19005954932326405 -0.0013982463221340058 0.9817715684507572 4.366780511831901 0.0 0.0 0.0 1.0 +reichstag/test/images/64282931_8298463790.jpg reichstag/test/images/62751178_369337490.jpg 0 0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 700.224 0.0 319.5 0.0 700.224 258.5 0.0 0.0 1.0 0.9848100940823763 -0.02618281398120039 -0.17164946503117057 0.59068138684934 0.030514740852695135 0.9992777242362108 0.022646863712054943 -0.54537358902135 0.1709325281628808 -0.02754069892586952 0.9848977514029162 -1.7159881141118651 0.0 0.0 0.0 1.0 +reichstag/test/images/06639257_4979506057.jpg reichstag/test/images/48542127_4157749181.jpg 0 0 678.155 0.0 319.5 0.0 678.155 239.5 0.0 0.0 1.0 713.145 0.0 319.5 0.0 713.145 239.5 0.0 0.0 1.0 0.9872268990908752 0.031829881778512786 0.15610864273761693 -0.9250930582106149 -0.022457342314260026 0.997858142945884 -0.06143935491826173 0.06616354990719246 -0.15772988774355726 0.05714879860992605 0.9858272147439667 -0.7659010459089659 0.0 0.0 0.0 1.0 +reichstag/test/images/48551853_12793928283.jpg reichstag/test/images/91629190_2705184160.jpg 0 0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 1208.55 0.0 319.5 0.0 1208.55 213.5 0.0 0.0 1.0 0.9791602282867488 -0.0034854349986909536 -0.20305934867499165 1.2943964850861776 0.0035242831965421116 0.9999937751982892 -0.0001702722061382453 0.9474894054551715 0.2030586781435172 -0.0005489148782028496 0.9791664168684832 9.017035837583306 0.0 0.0 0.0 1.0 +reichstag/test/images/92342560_2757258130.jpg reichstag/test/images/62810349_4295140640.jpg 0 0 1743.4 0.0 319.5 0.0 1743.4 239.5 0.0 0.0 1.0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 0.9963411993917686 -0.0024421309998315806 -0.08542979802593176 0.7455161062150334 -0.001421984273403376 0.9989795954392928 -0.04514139847936748 -0.023751204651208724 0.08545286627900804 0.045097714932427646 0.9953210556160136 0.44612100385553255 0.0 0.0 0.0 1.0 +reichstag/test/images/34481400_9199849492.jpg reichstag/test/images/34537245_34002183.jpg 0 0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 0.9821275078943065 -0.03008357428981897 -0.18579703117990864 1.8612577281775862 0.0158582439199208 0.9968599336131582 -0.0775808536724472 0.2669140187790649 0.18754752554244827 0.0732478758375853 0.979520634978246 5.219662711205351 0.0 0.0 0.0 1.0 +reichstag/test/images/05936329_2458217347.jpg reichstag/test/images/34272622_11098902473.jpg 0 0 864.162 0.0 319.5 0.0 864.162 200.0 0.0 0.0 1.0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 0.9862178615011479 -0.006502472642987295 -0.16532406813779252 1.0551936427949973 -0.0117207644654447 0.9939712049578221 -0.10901315239474799 -0.008765525321711196 0.16503621825662337 0.10944844249335933 0.9801959421969313 -1.9915062491033821 0.0 0.0 0.0 1.0 +reichstag/test/images/20982577_4977562846.jpg reichstag/test/images/64282931_8298463790.jpg 0 0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 0.9850380705769852 0.010775177263080077 0.1719996949675195 -1.2004189357154633 -0.026386234419605015 0.9957056361845439 0.0887358591747826 -0.806874287781746 -0.17030492108898146 -0.09194662378403244 0.981092275083029 -3.5538088929551557 0.0 0.0 0.0 1.0 +reichstag/test/images/76958303_5507621260.jpg reichstag/test/images/05791347_12791964625.jpg 0 0 708.355 0.0 319.5 0.0 708.355 239.5 0.0 0.0 1.0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 0.973274916813873 -0.06452461901923512 -0.22039171908529404 1.7466242344763938 0.044237439938542525 0.9944189614676976 -0.09578088526000123 0.15216079874541247 0.22534192953960527 0.08347156769779898 0.9706974359590321 2.3202214942552937 0.0 0.0 0.0 1.0 +reichstag/test/images/20613988_1265419368.jpg reichstag/test/images/48815289_2513792540.jpg 0 0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 776.799 0.0 319.5 0.0 776.799 211.0 0.0 0.0 1.0 0.9945141936956448 0.03898985308641359 0.09706343232238153 -1.1291883718858238 -0.017702802109371345 0.9772853752426595 -0.21118689858580425 0.23431957066801867 -0.10309281902915494 0.2083100734316855 0.9726144066234612 2.967502112328327 0.0 0.0 0.0 1.0 +reichstag/test/images/06796518_2036664706.jpg reichstag/test/images/34481400_9199849492.jpg 0 0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 0.9808434113776796 -0.004670722374351275 0.1947418463235308 -2.4717558992399677 -0.034020753818394193 0.9802408026658869 0.19486035281340747 -0.27227480183771213 -0.19180404236257426 -0.19775275760767316 0.9613038313623515 -1.9527296760684276 0.0 0.0 0.0 1.0 +reichstag/test/images/48983853_5719892543.jpg reichstag/test/images/77792600_3686854267.jpg 0 0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 0.9792968049971712 -0.07148136765266586 -0.18938896958597454 1.9266386973264855 0.04128944347162283 0.9864446298963813 -0.15881490486221567 -0.09821232064108498 0.19817403861287294 0.14770716376362852 0.9689735002531121 -3.2822900291538617 0.0 0.0 0.0 1.0 +reichstag/test/images/64282931_8298463790.jpg reichstag/test/images/92414106_7915968882.jpg 0 0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 1871.37 0.0 319.5 0.0 1871.37 212.5 0.0 0.0 1.0 0.9861547770053506 -0.024120515772461496 -0.1640638793531281 0.5402014122746506 -0.007778983074077848 0.981546763144493 -0.19106396620739932 0.4583088584593034 0.16564493113844608 0.18969489312957125 0.9677693962451489 18.928093794959796 0.0 0.0 0.0 1.0 +reichstag/test/images/48542127_4157749181.jpg reichstag/test/images/77594532_1434504133.jpg 0 0 713.145 0.0 319.5 0.0 713.145 239.5 0.0 0.0 1.0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 0.9326471789379165 -0.012413573161218768 -0.3605761262486979 1.695774678725978 0.08048624141649562 0.9813807636611225 0.17439541753887197 -0.9452085533401744 0.3516976038613163 -0.19167081133360644 0.9162811225387796 -2.728468036248514 0.0 0.0 0.0 1.0 +reichstag/test/images/06857713_2570944910.jpg reichstag/test/images/77792600_3686854267.jpg 0 0 782.61 0.0 319.5 0.0 782.61 239.5 0.0 0.0 1.0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 0.9909023293938631 -0.04810515843692372 -0.12569195413221396 0.8437105989346996 0.033790858852196806 0.9929482331864317 -0.11363091159528095 -0.07511661446581824 0.13027183678695495 0.1083498959099736 0.9855402318507605 -2.20698462363727 0.0 0.0 0.0 1.0 +reichstag/test/images/19799508_3094174298.jpg reichstag/test/images/06796518_2036664706.jpg 0 0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 0.9993761542660337 0.0006882934514726219 -0.03531045930821982 0.4082373917859935 -0.003960385470593776 0.9956880282352834 -0.09268044980392644 -0.08247969031827143 0.035094410258004013 0.09276247453069843 0.9950695984138922 1.9322044333342328 0.0 0.0 0.0 1.0 +reichstag/test/images/63329391_7754963780.jpg reichstag/test/images/34481400_9199849492.jpg 0 0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 0.9982288666153979 0.01867339984586894 0.0564839268636193 -1.014063809957728 -0.021179186561868072 0.9988028419305321 0.04409450088242289 0.42737163523773136 -0.055592912428797756 -0.045212687264624185 0.9974293162916333 2.160253641018132 0.0 0.0 0.0 1.0 +reichstag/test/images/77349640_2188160842.jpg reichstag/test/images/48551853_12793928283.jpg 0 0 708.96 0.0 239.0 0.0 708.96 319.5 0.0 0.0 1.0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 0.9786183470061246 -0.012901524697232682 0.20527952056522092 -0.22320705767960414 -0.0020239352839882064 0.9973785265028765 0.07233241705429998 0.07437446615702728 -0.2056745842075935 -0.0712013028773888 0.9760268130945973 4.080471774396283 0.0 0.0 0.0 1.0 +reichstag/test/images/35531158_5960344226.jpg reichstag/test/images/62810349_4295140640.jpg 0 0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 0.9994073253166319 0.014055978310631588 -0.03142336037388455 -0.061754871623182855 -0.009426024088233252 0.989691135793924 0.14290768279144642 0.5464070346942854 0.033108128508630784 -0.14252678767397967 0.9892370629035246 3.567992604657532 0.0 0.0 0.0 1.0 +reichstag/test/images/06796518_2036664706.jpg reichstag/test/images/05461164_9050854768.jpg 0 0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 0.9972419241765182 -0.0015891939907943557 0.07420255472135039 -1.0951874471338647 -0.0021984311284501895 0.9986995590690185 0.05093483695783323 -0.08257013591986491 -0.07418700401882285 -0.050957484021556726 0.9959415762266899 -4.760262597332235 0.0 0.0 0.0 1.0 +reichstag/test/images/05978621_9257964873.jpg reichstag/test/images/49501249_12793461434.jpg 0 0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 587.147 0.0 319.5 0.0 587.147 230.0 0.0 0.0 1.0 0.8913858484790633 0.07846147099131492 0.4464023596500582 -2.025903415972582 -0.057612418506166094 0.9965276507950063 -0.06011198245654791 -0.01817380084123933 -0.4495687693391649 0.0278646509194893 0.8928110006401153 -1.5189289904882362 0.0 0.0 0.0 1.0 +reichstag/test/images/77594532_1434504133.jpg reichstag/test/images/35221995_8835396469.jpg 0 0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 918.648 0.0 319.5 0.0 918.648 213.0 0.0 0.0 1.0 0.8804522829679267 0.09471237065999313 0.46457867391920826 -1.3832599201862772 -0.02111361542324904 0.9867051793563012 -0.16114311736840853 0.3981313057985011 -0.4736644304360685 0.1320698901166106 0.8707465483504722 3.4973201538886847 0.0 0.0 0.0 1.0 +reichstag/test/images/77902859_6141520050.jpg reichstag/test/images/05461164_9050854768.jpg 0 0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 0.9996641568549485 -0.01395535264307985 0.021836245833291773 -0.6160177010062003 0.015033561956934675 0.9986351601629512 -0.0500180857410951 -0.04286476416622592 -0.021108422830038102 0.05032956406451201 0.9985095740485939 -3.093436372818762 0.0 0.0 0.0 1.0 +reichstag/test/images/78043438_3428167710.jpg reichstag/test/images/63790741_1504116525.jpg 0 0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 0.9978928235127272 0.04087772734508729 0.050387738477706716 -0.4621701665391286 -0.04379217939827592 0.9973461869448962 0.05816208739398244 -0.35993525318424724 -0.047876484889205075 -0.06024611849386428 0.9970347272793846 -2.52900926137758 0.0 0.0 0.0 1.0 +reichstag/test/images/92697655_166630020.jpg reichstag/test/images/91549947_3428166276.jpg 0 0 431.56 0.0 249.5 0.0 431.56 187.0 0.0 0.0 1.0 543.843 0.0 319.5 0.0 543.843 213.0 0.0 0.0 1.0 0.9713194491092085 -0.0021335848404710465 -0.23776874394653377 2.0447566088644837 0.020698295616450882 0.9969226371659928 0.07560976170161962 0.431972159859626 0.23687572340946603 -0.07836263983385325 0.9683745083063224 3.6854062459620884 0.0 0.0 0.0 1.0 +reichstag/test/images/92414106_7915968882.jpg reichstag/test/images/06373813_9127207861.jpg 0 0 1871.37 0.0 319.5 0.0 1871.37 212.5 0.0 0.0 1.0 1495.37 0.0 319.5 0.0 1495.37 211.5 0.0 0.0 1.0 0.9999030343318754 -0.0006284210126831643 -0.013911398956933246 0.42401170711721614 0.001968522783501004 0.9953282726953517 0.09652851646709683 -0.5467384231251515 0.013785748146509234 -0.09654654142080163 0.9952329970854676 -3.9249476232974576 0.0 0.0 0.0 1.0 +reichstag/test/images/77902859_6141520050.jpg reichstag/test/images/92697655_166630020.jpg 0 0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 431.56 0.0 249.5 0.0 431.56 187.0 0.0 0.0 1.0 0.9889635102977986 -0.03165007405190608 0.14473924178316125 -1.963271231288059 0.03843098583357446 0.9982790212918806 -0.04429508975478344 -0.12888412490456994 -0.14308820575894837 0.04936869920337766 0.9884778687009897 -1.9506212345294882 0.0 0.0 0.0 1.0 +reichstag/test/images/92241023_5405455015.jpg reichstag/test/images/20982577_4977562846.jpg 0 0 523.981 0.0 319.5 0.0 523.981 213.0 0.0 0.0 1.0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 0.9974047086975412 -0.023884247471603705 -0.06792193894970865 0.2317536390472958 0.017653363395610244 0.9957035734712338 -0.09089968392374806 0.6089688979969505 0.06980118787524525 0.08946472209385085 0.9935410699472238 4.559814497510643 0.0 0.0 0.0 1.0 +reichstag/test/images/64127786_281241429.jpg reichstag/test/images/34272622_11098902473.jpg 0 0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 0.993303106512692 0.005106392951142211 -0.11542470854745306 0.3612315971488433 -0.013154862633353108 0.9975247028744615 -0.06907544241128535 -0.006005367494586675 0.11478627174594343 0.07013124771630488 0.9909115600861766 -1.427432028386338 0.0 0.0 0.0 1.0 +reichstag/test/images/06373813_9127207861.jpg reichstag/test/images/48815289_2513792540.jpg 0 0 1495.37 0.0 319.5 0.0 1495.37 211.5 0.0 0.0 1.0 776.799 0.0 319.5 0.0 776.799 211.0 0.0 0.0 1.0 0.999880236525857 0.0001970716991500437 0.015474939991531668 -0.3588426389438008 -0.00029164293601454235 0.9999812959409871 0.006109231750539802 -1.2283039460211518 -0.015473446590659265 -0.006113013244654792 0.9998615921814762 -9.51332251566309 0.0 0.0 0.0 1.0 +reichstag/test/images/06639257_4979506057.jpg reichstag/test/images/77214581_8512429399.jpg 0 0 678.155 0.0 319.5 0.0 678.155 239.5 0.0 0.0 1.0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 0.9951983431156137 -0.0036007942431770393 0.09781253570353783 -0.39419477726384966 0.006110072765109567 0.9996595447817039 -0.025366543667635362 -0.12163907852736044 -0.09768789521093506 0.02584238393908906 0.994881523761298 -1.167460909287899 0.0 0.0 0.0 1.0 +reichstag/test/images/77792600_3686854267.jpg reichstag/test/images/92241023_5405455015.jpg 0 0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 523.981 0.0 319.5 0.0 523.981 213.0 0.0 0.0 1.0 0.9713583572562522 0.049784525929424076 0.23234552452418245 -1.3087497529382777 -0.08795548423610729 0.9836838946657235 0.15693893133338851 -0.42574546779435873 -0.22074142017579493 -0.17288000564916886 0.9598883940675168 -2.0295099686330516 0.0 0.0 0.0 1.0 +reichstag/test/images/48668943_3586566128.jpg reichstag/test/images/05534141_6340060522.jpg 0 0 550.231 0.0 319.5 0.0 550.231 212.0 0.0 0.0 1.0 668.983 0.0 319.5 0.0 668.983 213.5 0.0 0.0 1.0 0.9838091925098001 -0.01543928571503897 0.17855279664520637 -1.8737375302222938 -0.004750644760703718 0.9936857280141602 0.11209864100570677 0.47261314735067506 -0.17915608867011087 -0.11113191439716193 0.9775238071243325 4.20127496730496 0.0 0.0 0.0 1.0 +reichstag/test/images/77792600_3686854267.jpg reichstag/test/images/63812586_393800330.jpg 0 0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 1002.64 0.0 187.0 0.0 1002.64 249.5 0.0 0.0 1.0 0.9835143027569863 0.05460560071196966 0.17238864418320504 -0.9408178777858235 -0.04657303536856205 0.997647447149553 -0.05030430968156211 0.0452109639626689 -0.1747299878355098 0.041446345639450245 0.9837436819538601 2.6022607127722996 0.0 0.0 0.0 1.0 +reichstag/test/images/34272622_11098902473.jpg reichstag/test/images/92102978_5376734902.jpg 0 0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 0.9943632476702496 0.013104283069464404 0.1052141123989972 0.5212555040337181 -0.02318909314816963 0.9951873243976105 0.09520743309894786 0.09089339167777453 -0.10346012585358175 -0.09711059223154021 0.989881576369012 1.8174791113382924 0.0 0.0 0.0 1.0 +reichstag/test/images/48900330_6782044072.jpg reichstag/test/images/05791347_12791964625.jpg 0 0 769.928 0.0 319.5 0.0 769.928 170.0 0.0 0.0 1.0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 0.9976569333550392 -0.044068593138103004 -0.05233165798488707 0.36925769713188134 0.03847039151773025 0.9938805410429647 -0.10354467206291251 0.24190715914712585 0.056574484576453754 0.10128884062408794 0.9932471487298298 -3.493076126695547 0.0 0.0 0.0 1.0 +reichstag/test/images/20099963_3586531606.jpg reichstag/test/images/62663981_6029901745.jpg 0 0 502.573 0.0 319.5 0.0 502.573 212.0 0.0 0.0 1.0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 0.9975261759344362 -0.0032895351794518047 0.07021899517882135 -1.8654525471300378 0.01864055018092534 0.9755229301013684 -0.21910623618553904 1.3871731242083067 -0.06777948225364806 0.21987312660883315 0.9731709767459589 16.08364993784713 0.0 0.0 0.0 1.0 +reichstag/test/images/20982577_4977562846.jpg reichstag/test/images/91549947_3428166276.jpg 0 0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 543.843 0.0 319.5 0.0 543.843 213.0 0.0 0.0 1.0 0.9962098696488128 -0.028729163796269178 -0.08210073545263084 0.8727422626352763 0.027561747442934003 0.9995027357076691 -0.0153176822913063 -0.0056330659840261605 0.08249997389204228 0.012996786543319627 0.9965063160097681 0.6805092064080444 0.0 0.0 0.0 1.0 +reichstag/test/images/91629190_2705184160.jpg reichstag/test/images/20329925_5164269072.jpg 0 0 1208.55 0.0 319.5 0.0 1208.55 213.5 0.0 0.0 1.0 517.71 0.0 319.5 0.0 517.71 245.0 0.0 0.0 1.0 0.9642914271755993 -0.026870858269898216 -0.2634767550496337 5.208312221748347 -0.027210930275948283 0.9795228220858796 -0.19948585485299866 1.0382645904371262 0.2634418507928517 0.19953194728853121 0.9438142790094266 -7.898054223823353 0.0 0.0 0.0 1.0 +reichstag/test/images/34272622_11098902473.jpg reichstag/test/images/06229406_8584869180.jpg 0 0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 0.9957549028705199 0.0031422016111578533 0.09199076028795691 0.34596730333001025 -0.02046900105395798 0.9819508042928752 0.18802563108371315 -0.056508816408047335 -0.08973958661134213 -0.18911040298621964 0.9778466454803713 -1.5775011487583583 0.0 0.0 0.0 1.0 +reichstag/test/images/77594532_1434504133.jpg reichstag/test/images/20099963_3586531606.jpg 0 0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 502.573 0.0 319.5 0.0 502.573 212.0 0.0 0.0 1.0 0.982625375830234 0.02647885464397321 0.1837014998067103 1.6311420206549436 -0.02984747183089418 0.9994327824033759 0.015596213731235755 0.08591657745986958 -0.18318433120710795 -0.020808260719958102 0.9828583402942739 0.6785397808774976 0.0 0.0 0.0 1.0 +reichstag/test/images/49051226_8836027266.jpg reichstag/test/images/77902859_6141520050.jpg 0 0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 0.9998435752132719 0.0042875837996956484 -0.01715930447025683 0.5082064772056695 -0.004299684418436712 0.9999905329580542 -0.0006683623032896457 -0.3573230967100506 0.01715627636301775 0.0007420373489208661 0.9998525449094625 -4.419208447002849 0.0 0.0 0.0 1.0 +reichstag/test/images/92753909_16247242.jpg reichstag/test/images/49501249_12793461434.jpg 0 0 520.573 0.0 249.5 0.0 520.573 187.0 0.0 0.0 1.0 587.147 0.0 319.5 0.0 587.147 230.0 0.0 0.0 1.0 0.9337787332724081 0.09292172303608155 0.3455760852202928 -0.4039997554319503 -0.05647174353838635 0.9918619042120668 -0.11410918085126763 -0.12355996376829131 -0.3533669756356868 0.08703744229248889 0.9314270042087408 -0.7609958358049347 0.0 0.0 0.0 1.0 +reichstag/test/images/62810349_4295140640.jpg reichstag/test/images/92414106_7915968882.jpg 0 0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 1871.37 0.0 319.5 0.0 1871.37 212.5 0.0 0.0 1.0 0.9997973718970213 -0.012254428228210813 0.01597010133372312 -0.01460856940389288 0.014110531547935371 0.9924496631370078 -0.12183824948953603 0.4188648645565489 -0.01435646360509703 0.12203890825486491 0.9924214814405804 15.396203214134907 0.0 0.0 0.0 1.0 +reichstag/test/images/64127786_281241429.jpg reichstag/test/images/77214581_8512429399.jpg 0 0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 0.9989076663227637 0.005938346113948129 0.046348788625393655 -0.20480758327905713 -0.009324153656380119 0.9972751628848073 0.0731799812221465 -0.29760012934559793 -0.04578792766879365 -0.07353220749108828 0.9962411756905477 -2.5840601184329253 0.0 0.0 0.0 1.0 +reichstag/test/images/77122925_1063274053.jpg reichstag/test/images/05534141_6340060522.jpg 0 0 658.554 0.0 319.5 0.0 658.554 239.5 0.0 0.0 1.0 668.983 0.0 319.5 0.0 668.983 213.5 0.0 0.0 1.0 0.8747893121171944 -0.09349912057153699 -0.4753962282747679 1.2546271058350391 0.04360484269760486 0.9924142660400039 -0.11494582312375451 0.5828269491256632 0.4825373323369326 0.07982379978821796 0.8722304075693116 4.8276244717420855 0.0 0.0 0.0 1.0 +reichstag/test/images/49051226_8836027266.jpg reichstag/test/images/05791347_12791964625.jpg 0 0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 0.993527811771352 -0.054987886952712055 -0.09939225083126337 0.9655040574095783 0.050891632037313075 0.997765480470495 -0.04329073538368965 -0.018784206303731524 0.10155062296907755 0.037952315739064824 0.9941061777821496 -2.762425647733507 0.0 0.0 0.0 1.0 +reichstag/test/images/77487845_5932034347.jpg reichstag/test/images/48716728_829974943.jpg 0 0 774.031 0.0 319.5 0.0 774.031 212.0 0.0 0.0 1.0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 0.9980372950076567 0.018237527229288474 0.059907849021316344 -0.37167203715399993 -0.014156609512709594 0.9975949855651248 -0.067851567280523 0.5215987838809069 -0.06100121458548618 0.06687030264534202 0.9958951824580818 4.169978642492206 0.0 0.0 0.0 1.0 +reichstag/test/images/20613988_1265419368.jpg reichstag/test/images/77122925_1063274053.jpg 0 0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 658.554 0.0 319.5 0.0 658.554 239.5 0.0 0.0 1.0 0.8297051433470507 0.18594937618627827 0.5263194890932542 -3.751992602101257 -0.11760196749403853 0.9799512557976581 -0.16082696758356277 -0.5990782128910742 -0.5456731185838105 0.07154275474516752 0.8349386096585135 -2.0321780299981147 0.0 0.0 0.0 1.0 +reichstag/test/images/34959164_3067403556.jpg reichstag/test/images/77487845_5932034347.jpg 0 0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 774.031 0.0 319.5 0.0 774.031 212.0 0.0 0.0 1.0 0.99954107028724 0.0010321245516710916 0.030275130519103077 -0.25023847382685616 -0.0035607383875217594 0.9964941470480406 0.08358669775229431 -0.39924424488466737 -0.030082718480458476 -0.08365613915253088 0.9960405014008807 -1.668914410645836 0.0 0.0 0.0 1.0 +reichstag/test/images/35531158_5960344226.jpg reichstag/test/images/06373813_9127207861.jpg 0 0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 1495.37 0.0 319.5 0.0 1495.37 211.5 0.0 0.0 1.0 0.9995101817313 -0.0006890884385790672 -0.03128772558988 0.1332360188472364 0.004354001164083728 0.9930964651733508 0.11721968066011114 1.810809913452788 0.030990954959906815 -0.11729849111271251 0.9926130286739913 14.938081973895361 0.0 0.0 0.0 1.0 +reichstag/test/images/62751178_369337490.jpg reichstag/test/images/77902859_6141520050.jpg 0 0 700.224 0.0 319.5 0.0 700.224 258.5 0.0 0.0 1.0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 0.9997309362745338 0.021425774762638065 0.0088877011349745 0.24216116822090006 -0.019665721975141593 0.9860840535864417 -0.16508027938469258 0.4500261985470943 -0.01230099324609026 0.1648610792102018 0.9862400874669448 4.880126503733975 0.0 0.0 0.0 1.0 +reichstag/test/images/64282931_8298463790.jpg reichstag/test/images/78040542_6368040213.jpg 0 0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 0.8611954403084496 -0.08225528784299663 -0.5015740037260716 3.2304672544011535 0.026087508896339703 0.9926708043712006 -0.11800049164565933 0.5595842633565603 0.5076040341363719 0.0885366690750205 0.857029406005174 6.6741924310247365 0.0 0.0 0.0 1.0 +reichstag/test/images/48815289_2513792540.jpg reichstag/test/images/06030835_119872882.jpg 0 0 776.799 0.0 319.5 0.0 776.799 211.0 0.0 0.0 1.0 710.363 0.0 319.5 0.0 710.363 239.5 0.0 0.0 1.0 0.9993585844217987 -0.004357606664557282 -0.035544774673864216 0.3333731736743255 0.0019987341644653305 0.9978089563234616 -0.06613086830236355 -0.05973182250897318 0.0357550668325284 0.06601740637772556 0.9971776558121224 -1.9589988210909102 0.0 0.0 0.0 1.0 +reichstag/test/images/92753909_16247242.jpg reichstag/test/images/62663981_6029901745.jpg 0 0 520.573 0.0 249.5 0.0 520.573 187.0 0.0 0.0 1.0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 0.999284487606372 -0.006030203613922291 -0.037338311071139794 0.450662673169979 0.004179332918906421 0.9987677885011513 -0.04945136832153477 1.0456516529140905 0.037590504194856274 0.049259936022022846 0.9980783599985938 12.619180048802946 0.0 0.0 0.0 1.0 +reichstag/test/images/77107104_4141016705.jpg reichstag/test/images/48716728_829974943.jpg 0 0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 0.9984032396007768 0.016341965027097068 0.054073203472024364 -0.4995059860806044 -0.016578701216749533 0.9998548309941648 0.003932378872381656 -0.017333512454543024 -0.05400109092082825 -0.00482256328971869 0.99852923095054 0.1957985061885481 0.0 0.0 0.0 1.0 +reichstag/test/images/77458003_1504115665.jpg reichstag/test/images/77792600_3686854267.jpg 0 0 612.932 0.0 249.5 0.0 612.932 187.0 0.0 0.0 1.0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 0.9885210642094264 -0.05156780964124642 -0.1420100933844762 1.3193180563014713 0.03184990718859345 0.9899514433341845 -0.13777417483927443 -0.1355931744685204 0.1476878093355761 0.13166966563855606 0.9802302842313582 -4.145790282872644 0.0 0.0 0.0 1.0 +reichstag/test/images/92753909_16247242.jpg reichstag/test/images/34959164_3067403556.jpg 0 0 520.573 0.0 249.5 0.0 520.573 187.0 0.0 0.0 1.0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 0.9976384121759864 0.002579563943847959 -0.06863631983750632 0.7400627652044396 -0.004057585428489663 0.9997626868584404 -0.021403410150779872 -0.16304650157449835 0.06856482007172025 0.021631361849213236 0.9974121262713227 -1.9211888786156321 0.0 0.0 0.0 1.0 +reichstag/test/images/48983853_5719892543.jpg reichstag/test/images/92241023_5405455015.jpg 0 0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 523.981 0.0 319.5 0.0 523.981 213.0 0.0 0.0 1.0 0.9993485620860567 0.013994752838133397 0.03326557303776384 -0.2048080051646899 -0.0144175422937268 0.9998178781456595 0.012503800003177436 -1.2069328749397576 -0.033084527059334616 -0.012975262359984007 0.999368328813731 -5.588452089247618 0.0 0.0 0.0 1.0 +reichstag/test/images/92342560_2757258130.jpg reichstag/test/images/35531158_5960344226.jpg 0 0 1743.4 0.0 319.5 0.0 1743.4 239.5 0.0 0.0 1.0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 0.9985932813231029 -0.010363988399450385 -0.05200044462131247 0.7088075279184114 0.00041790252973252217 0.9822192914641473 -0.18773675408173032 -0.10798324133187609 0.05302154141321971 0.1874509301660691 0.9808419163790065 -3.1951182528046 0.0 0.0 0.0 1.0 +reichstag/test/images/77122925_1063274053.jpg reichstag/test/images/06373813_9127207861.jpg 0 0 658.554 0.0 319.5 0.0 658.554 239.5 0.0 0.0 1.0 1495.37 0.0 319.5 0.0 1495.37 211.5 0.0 0.0 1.0 0.8761711799475396 -0.09556345774186416 -0.47243167651392215 1.3062711154029851 0.053215595571190794 0.9933355089309585 -0.10223828580760314 1.973132684243197 0.4790534039304385 0.06443750647947688 0.8754174112624032 16.091123600347103 0.0 0.0 0.0 1.0 +reichstag/test/images/77274889_6889793618.jpg reichstag/test/images/34959164_3067403556.jpg 0 0 757.774 0.0 319.5 0.0 757.774 239.5 0.0 0.0 1.0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 0.9282267739635639 0.034341795061095665 0.3704263721836992 -4.34870188352155 -0.04476294219378178 0.9988059273404827 0.019570347868002325 -0.4872586675547305 -0.36931197530455323 -0.03474709515197174 0.9286556435380925 -6.13634265919899 0.0 0.0 0.0 1.0 +reichstag/test/images/34537245_34002183.jpg reichstag/test/images/77122925_1063274053.jpg 0 0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 658.554 0.0 319.5 0.0 658.554 239.5 0.0 0.0 1.0 0.8627333281414749 0.040091985600211946 0.504067294321469 -5.709678006354346 -0.09502505864096203 0.9919462285582689 0.08374316616481867 -1.3454658649016042 -0.49665022172975604 -0.12014704465636722 0.8595948143841522 -6.835640556720125 0.0 0.0 0.0 1.0 +reichstag/test/images/49284352_2431392889.jpg reichstag/test/images/77594532_1434504133.jpg 0 0 666.383 0.0 319.5 0.0 666.383 179.5 0.0 0.0 1.0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 0.9601283043973384 -0.04841004704511842 -0.2753363514688557 0.023413171825976686 0.037331679758701136 0.9982739020714757 -0.045338307526675885 0.3327949759974851 0.2770559235632503 0.033251823830867965 0.9602782572933928 0.9598821135275735 0.0 0.0 0.0 1.0 +reichstag/test/images/62799820_4661707438.jpg reichstag/test/images/64271070_4602086309.jpg 0 0 625.353 0.0 319.5 0.0 625.353 239.5 0.0 0.0 1.0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 0.9994545803906407 0.011845456074669329 0.030825750705395283 -0.3432358795492829 -0.011732619011155129 0.9999238017584978 -0.003838792514747754 0.4074389548971191 -0.030868874085511797 0.003475031973274684 0.9995174019322911 1.3968526734590343 0.0 0.0 0.0 1.0 +reichstag/test/images/92102978_5376734902.jpg reichstag/test/images/49051226_8836027266.jpg 0 0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 0.9993054964072142 -0.001855155825225961 0.03721670656029818 -0.9417863879769919 0.0019805304823308782 0.999992486978694 -0.003332189246612343 0.3040877523078156 -0.03721024522009725 0.0034035838510033584 0.9993016627963898 2.7442781923842077 0.0 0.0 0.0 1.0 +reichstag/test/images/63812586_393800330.jpg reichstag/test/images/64127786_281241429.jpg 0 0 1002.64 0.0 187.0 0.0 1002.64 249.5 0.0 0.0 1.0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 0.9996794241120258 -0.023971737365354136 -0.008148914942180386 -0.018353130367992354 0.024340819941572757 0.9985169444702717 0.04869739305470464 0.000600899921387503 0.006969468532129301 -0.04888013311601091 0.9987803357570375 0.49580356407410453 0.0 0.0 0.0 1.0 +reichstag/test/images/92414106_7915968882.jpg reichstag/test/images/06857713_2570944910.jpg 0 0 1871.37 0.0 319.5 0.0 1871.37 212.5 0.0 0.0 1.0 782.61 0.0 319.5 0.0 782.61 239.5 0.0 0.0 1.0 0.9992046652277881 -0.004410337880311076 -0.039630618299560647 1.1022847013288868 0.009764589800294122 0.9906680620269573 0.1359464735319922 -2.4768453985687064 0.038661217945842964 -0.13622532730565987 0.9899232144097894 -15.03129118366059 0.0 0.0 0.0 1.0 +reichstag/test/images/77349640_2188160842.jpg reichstag/test/images/77361791_2035867493.jpg 0 0 708.96 0.0 239.0 0.0 708.96 319.5 0.0 0.0 1.0 601.346 0.0 249.5 0.0 601.346 187.0 0.0 0.0 1.0 0.9998627162600456 0.007779991965444156 0.014629434647346656 0.3657455450347046 -0.007853271482287915 0.9999568698259992 0.00495828748817321 -0.012862173175353937 -0.014590228240464426 -0.00507249571784107 0.9998806903961511 3.0421292753002414 0.0 0.0 0.0 1.0 +reichstag/test/images/05461164_9050854768.jpg reichstag/test/images/20613988_1265419368.jpg 0 0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 0.9915532138195693 -0.012602683361445557 -0.1290867790913333 1.1868328968777329 0.05164742604576867 0.9513215371049617 0.30384186088012993 0.9107999063886968 0.1189738103404711 -0.3079423735252174 0.9439368236490856 2.3783292637884044 0.0 0.0 0.0 1.0 +reichstag/test/images/91840440_9426147613.jpg reichstag/test/images/48815289_2513792540.jpg 0 0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 776.799 0.0 319.5 0.0 776.799 211.0 0.0 0.0 1.0 0.9847931836091309 -0.01601220875718798 -0.17299131390826808 1.493172588545946 0.023972635660673237 0.9987427483559622 0.04402539432940189 0.5576130297926032 0.17206887648983274 -0.047502965982083124 0.9839389056066598 4.885852849905816 0.0 0.0 0.0 1.0 +reichstag/test/images/48551853_12793928283.jpg reichstag/test/images/20982577_4977562846.jpg 0 0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 0.9901592743556842 0.005051305038905608 -0.13985383700431156 0.6703107503475143 0.0008532328204370914 0.9991118897059004 0.042127233971140335 -0.0021577088091711254 0.13994242888123226 -0.04183199930327259 0.9892755937720855 -2.0138585634901682 0.0 0.0 0.0 1.0 +reichstag/test/images/48551853_12793928283.jpg reichstag/test/images/92753909_16247242.jpg 0 0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 520.573 0.0 249.5 0.0 520.573 187.0 0.0 0.0 1.0 0.9942684004480893 0.002778099924250718 -0.10687670481077063 0.2297262084219447 0.0015723725365225187 0.9991742535189952 0.04059973829183634 -0.12062348761289055 0.10690124187774486 -0.04053508684547365 0.9934430186072204 -2.808730882998435 0.0 0.0 0.0 1.0 +reichstag/test/images/34537245_34002183.jpg reichstag/test/images/63812586_393800330.jpg 0 0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 1002.64 0.0 187.0 0.0 1002.64 249.5 0.0 0.0 1.0 0.9989376332151187 0.014465631494224663 0.043753290756809005 -0.6170109872822651 -0.01022953130419925 0.9953733550520314 -0.09553659373119176 0.202747488563084 -0.04493285697430089 0.09498752316981257 0.9944638800912736 -3.6571101070764294 0.0 0.0 0.0 1.0 +reichstag/test/images/78043438_3428167710.jpg reichstag/test/images/77349640_2188160842.jpg 0 0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 708.96 0.0 239.0 0.0 708.96 319.5 0.0 0.0 1.0 0.9997877979441739 0.011194165621110308 -0.017293054617018237 -0.2547548223110343 -0.012584646213619299 0.9965106792150699 -0.08251116827434926 0.009162116223401587 0.016309069918853777 0.08271128620912079 0.996440092214286 -2.96504983427677 0.0 0.0 0.0 1.0 +reichstag/test/images/78040542_6368040213.jpg reichstag/test/images/64127786_281241429.jpg 0 0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 0.9348987818813671 0.012196895001106359 0.3547048116237893 -4.890604555189152 0.006437353853192238 0.9986621794593076 -0.05130703453674097 -0.03288771768580598 -0.35485606675397946 0.050250244476196596 0.9335695393584658 -0.6730009037035364 0.0 0.0 0.0 1.0 +reichstag/test/images/19799508_3094174298.jpg reichstag/test/images/34481400_9199849492.jpg 0 0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 0.9870843645101104 0.014089261305266788 0.15958054410091277 -1.6946726446716487 -0.031043152384166297 0.9940663442549978 0.10425174295692981 0.00949673410279575 -0.1571648180405681 -0.10785914859378523 0.9816647207855128 -0.15728514710995056 0.0 0.0 0.0 1.0 +reichstag/test/images/48983853_5719892543.jpg reichstag/test/images/62810349_4295140640.jpg 0 0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 0.9989646700309557 0.0044755633470876174 -0.04527203731521636 0.42116301085187713 -0.007054271815806249 0.9983514281942568 -0.05696194406475299 -0.21229020437280713 0.044942466321874874 0.057222330913844585 0.9973493768813881 -1.35852454497801 0.0 0.0 0.0 1.0 +reichstag/test/images/35221995_8835396469.jpg reichstag/test/images/48716728_829974943.jpg 0 0 918.648 0.0 319.5 0.0 918.648 213.0 0.0 0.0 1.0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 0.9840399275606401 -0.014966041021886242 -0.17731733864058993 1.4298921336948034 0.013829929801386438 0.999875162504768 -0.007641495125487498 0.18184062231860898 0.17740956571768934 0.005067249963771673 0.9841240617776121 1.3668677743052502 0.0 0.0 0.0 1.0 +reichstag/test/images/06030835_119872882.jpg reichstag/test/images/06373813_9127207861.jpg 0 0 710.363 0.0 319.5 0.0 710.363 239.5 0.0 0.0 1.0 1495.37 0.0 319.5 0.0 1495.37 211.5 0.0 0.0 1.0 0.9997901688035084 0.0027307633141846685 0.020301755972674574 -0.0821314434085482 -0.003943294186973283 0.9981949460136096 0.05992745767878136 1.3485330337275125 -0.020101462504183803 -0.059994938824946324 0.9979962617768584 11.483254040804376 0.0 0.0 0.0 1.0 +reichstag/test/images/35221995_8835396469.jpg reichstag/test/images/06639257_4979506057.jpg 0 0 918.648 0.0 319.5 0.0 918.648 213.0 0.0 0.0 1.0 678.155 0.0 319.5 0.0 678.155 239.5 0.0 0.0 1.0 0.9599763956929654 -0.024486967228715198 -0.279008437414145 2.0421334077229183 0.03169701614364405 0.9992692813154932 0.021358899475563926 0.1731440095740909 0.27828154606429184 -0.029347774279449287 0.9600510867995046 1.0610728986306064 0.0 0.0 0.0 1.0 +reichstag/test/images/92241023_5405455015.jpg reichstag/test/images/62751178_369337490.jpg 0 0 523.981 0.0 319.5 0.0 523.981 213.0 0.0 0.0 1.0 700.224 0.0 319.5 0.0 700.224 258.5 0.0 0.0 1.0 0.9973159219399299 -0.023681806961750873 -0.06928292620937554 0.2654714473545213 0.025475102836418902 0.9993599098627857 0.025115526960795713 -0.33439655000713486 0.06864379783040339 -0.026813104595905017 0.9972808463223123 -0.9405488509803446 0.0 0.0 0.0 1.0 +reichstag/test/images/49501249_12793461434.jpg reichstag/test/images/49051226_8836027266.jpg 0 0 587.147 0.0 319.5 0.0 587.147 230.0 0.0 0.0 1.0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 0.933229885467495 -0.03792342893736742 -0.3572727171335066 0.2282730163131873 0.05963396285811348 0.9969700974894281 0.049944120632535186 0.5151382280885328 0.35429616332125774 -0.0679149339214324 0.9326638142472797 5.3613444243179895 0.0 0.0 0.0 1.0 +reichstag/test/images/77361791_2035867493.jpg reichstag/test/images/20982577_4977562846.jpg 0 0 601.346 0.0 249.5 0.0 601.346 187.0 0.0 0.0 1.0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 0.9986044780942026 -0.005281543230076827 0.05254713723233073 -0.6461519899830483 -0.00045968571793552764 0.9940798073320234 0.1086513936577331 -0.07371818462877797 -0.05280989508837614 -0.10852392342629245 0.9926901193347896 -1.0134673393797364 0.0 0.0 0.0 1.0 +reichstag/test/images/49051226_8836027266.jpg reichstag/test/images/64271070_4602086309.jpg 0 0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 0.9953536498727166 -0.015410605377257998 0.09504538351213045 -1.4314144308525951 -0.0025895853642522474 0.9824675058931129 0.18641591646586186 -2.151741999490481 -0.09625178301051246 -0.1857958909827458 0.9778627107939156 -7.81640209813375 0.0 0.0 0.0 1.0 +reichstag/test/images/62663981_6029901745.jpg reichstag/test/images/91549947_3428166276.jpg 0 0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 543.843 0.0 319.5 0.0 543.843 213.0 0.0 0.0 1.0 0.9967092364363183 -0.017806728141724616 -0.0790798231878284 1.7180876730473442 0.020664293398968712 0.9991572532083955 0.03546505800609346 -1.3870556723264231 0.07838166227411118 -0.036982479553714996 0.9962372263799453 -11.074842946033721 0.0 0.0 0.0 1.0 +reichstag/test/images/77902859_6141520050.jpg reichstag/test/images/20099963_3586531606.jpg 0 0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 502.573 0.0 319.5 0.0 502.573 212.0 0.0 0.0 1.0 0.9965061516327364 -0.008185246536558504 -0.08311733572035011 1.9888922316647752 0.026226510428259193 0.9755143146756968 0.21836664583576307 -1.1086358799255955 0.0792947659613801 -0.21978358355878386 0.972320686033774 -3.281935958793339 0.0 0.0 0.0 1.0 +reichstag/test/images/77458003_1504115665.jpg reichstag/test/images/05534141_6340060522.jpg 0 0 612.932 0.0 249.5 0.0 612.932 187.0 0.0 0.0 1.0 668.983 0.0 319.5 0.0 668.983 213.5 0.0 0.0 1.0 0.9999481663196319 0.009423747682493844 0.0038545627018632006 -0.15132232748642227 -0.009088314309255907 0.9968064299710709 -0.07933690006135012 -0.15995865901038497 -0.004589903814033298 0.07929775626047167 0.9968404078061004 -2.043114267056697 0.0 0.0 0.0 1.0 +reichstag/test/images/06030835_119872882.jpg reichstag/test/images/05866831_3427466899.jpg 0 0 710.363 0.0 319.5 0.0 710.363 239.5 0.0 0.0 1.0 961.582 0.0 249.5 0.0 961.582 176.5 0.0 0.0 1.0 0.9652026179178573 0.00213863709003494 -0.26149442173000886 2.782448853864815 0.003870743002710885 0.9997401659710197 0.022463701672810768 0.46879324481396806 0.26147451828643187 -0.02269420136588205 0.9649435473183098 7.656623781783195 0.0 0.0 0.0 1.0 +reichstag/test/images/62810349_4295140640.jpg reichstag/test/images/20613988_1265419368.jpg 0 0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 0.9958042667369766 -0.033621523628605106 -0.08510849250999436 1.252858112379232 0.04934771468530597 0.9805364645861796 0.19003432498412795 -0.22840960612369826 0.07706273680430936 -0.19343690125135546 0.9780815404814177 -0.9867663854977391 0.0 0.0 0.0 1.0 +reichstag/test/images/64127786_281241429.jpg reichstag/test/images/77107104_4141016705.jpg 0 0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 0.9999646150714886 0.008371614591991147 -0.0008274503327792331 0.023736578382062445 -0.008303430535241942 0.9980054979081137 0.06257858408852557 -0.0863177845546507 0.0013496837690612157 -0.06256949907344164 0.9980396966751482 -1.0955730083374622 0.0 0.0 0.0 1.0 +reichstag/test/images/62751178_369337490.jpg reichstag/test/images/62663981_6029901745.jpg 0 0 700.224 0.0 319.5 0.0 700.224 258.5 0.0 0.0 1.0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 0.9999698171713598 -0.007549762246822765 -0.0018346215667808686 0.04676122280446758 0.0071394616798853465 0.9860442323234467 -0.16633039406129546 1.5105328481489726 0.0030647729440036017 0.16631227552914077 0.9860683719576044 17.39499287717385 0.0 0.0 0.0 1.0 +reichstag/test/images/49051226_8836027266.jpg reichstag/test/images/62751178_369337490.jpg 0 0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 700.224 0.0 319.5 0.0 700.224 258.5 0.0 0.0 1.0 0.9994480707347259 -0.015388233428918931 -0.029440723098651953 0.3962418890422895 0.02001097523635138 0.9862889161702697 0.16381005680288527 -2.3235124347759797 0.026516311484151206 -0.1643087828194569 0.9860524880114974 -9.035734936782402 0.0 0.0 0.0 1.0 +reichstag/test/images/77214581_8512429399.jpg reichstag/test/images/92342560_2757258130.jpg 0 0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 1743.4 0.0 319.5 0.0 1743.4 239.5 0.0 0.0 1.0 0.999589385632472 0.009054804843480814 0.027185853676929796 -0.5352021821801036 -0.01084386441988364 0.9977342008412314 0.06639936051011396 0.2854332511357371 -0.02652302274138717 -0.06666689569010525 0.9974227059194635 1.279703475896228 0.0 0.0 0.0 1.0 +reichstag/test/images/62663981_6029901745.jpg reichstag/test/images/77274889_6889793618.jpg 0 0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 757.774 0.0 319.5 0.0 757.774 239.5 0.0 0.0 1.0 0.9166503577241675 -0.025200552267832604 -0.39889479045175813 7.799284213782038 0.02396830336958998 0.999680088800004 -0.008077158559757297 -0.6020736424750848 0.39897072839713327 -0.0021569010669004038 0.9169611254900879 -5.943059468807501 0.0 0.0 0.0 1.0 +reichstag/test/images/91629190_2705184160.jpg reichstag/test/images/78040542_6368040213.jpg 0 0 1208.55 0.0 319.5 0.0 1208.55 213.5 0.0 0.0 1.0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 0.9566169167565763 -0.003885055737320583 -0.29132281221534884 6.772645381831259 0.009841173453149433 0.999771379898809 0.018982603622698147 -0.926822228522399 0.29118246149142735 -0.02102603807542825 0.9564364484076525 -7.682729063854466 0.0 0.0 0.0 1.0 +reichstag/test/images/92102978_5376734902.jpg reichstag/test/images/05534141_6340060522.jpg 0 0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 668.983 0.0 319.5 0.0 668.983 213.5 0.0 0.0 1.0 0.9998816967863741 -0.01533880328106344 -0.0011461001293632995 -0.5264712390840544 0.01536228153612371 0.9995819063694497 0.024495157987278495 -0.025591915172636353 0.0007698945424938052 -0.024509866844226194 0.9996992916320746 -1.1915955208245512 0.0 0.0 0.0 1.0 +reichstag/test/images/91629190_2705184160.jpg reichstag/test/images/91840440_9426147613.jpg 0 0 1208.55 0.0 319.5 0.0 1208.55 213.5 0.0 0.0 1.0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 0.9695435152679046 0.024666722312922024 0.2436738082197012 -5.24387114006937 -0.02374050474296851 0.9996954507403987 -0.006737522059377594 -1.0433095819343527 -0.24376579012753943 0.0007473816218669742 0.9698338419462418 -13.542359555500779 0.0 0.0 0.0 1.0 +reichstag/test/images/48716728_829974943.jpg reichstag/test/images/76958303_5507621260.jpg 0 0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 708.355 0.0 319.5 0.0 708.355 239.5 0.0 0.0 1.0 0.9952782380315378 0.0038085940017416066 0.09698826481882768 -1.10189461359431 -0.004296663131060567 0.9999791341650528 0.004823890592570145 -0.044858628543685025 -0.09696786883692622 -0.0052178392310227185 0.9952738349655252 -0.8328899309610134 0.0 0.0 0.0 1.0 +reichstag/test/images/06639257_4979506057.jpg reichstag/test/images/77594532_1434504133.jpg 0 0 678.155 0.0 319.5 0.0 678.155 239.5 0.0 0.0 1.0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 0.9778867901867705 -0.0033074280378533835 -0.20910879105860128 1.1083335538871002 0.029911609151521735 0.9918071424942081 0.12419294559450811 -1.0883038141163397 0.20698483329988682 -0.12770142135954585 0.9699740335527389 -3.76828333956044 0.0 0.0 0.0 1.0 +reichstag/test/images/77107104_4141016705.jpg reichstag/test/images/06796518_2036664706.jpg 0 0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 0.9990684816226723 -0.002333258895405095 -0.04308973115598563 0.6127405009417951 -0.0036796564778877276 0.9902941141086298 -0.13893893511182775 -0.08693207921603388 0.04299568764856361 0.13896806634882328 0.9893630513511692 1.4652207163069368 0.0 0.0 0.0 1.0 +reichstag/test/images/64271070_4602086309.jpg reichstag/test/images/19799508_3094174298.jpg 0 0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 0.9916620558455367 -0.024642670822088607 -0.1264875716066912 0.9052172966491292 -0.0006836259860864462 0.9805259264386801 -0.19638849313816464 0.277995498893871 0.12886388032227958 0.19483748704066675 0.9723335096518907 3.5563697266831977 0.0 0.0 0.0 1.0 +reichstag/test/images/78043438_3428167710.jpg reichstag/test/images/35531158_5960344226.jpg 0 0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 0.9970647824324248 0.022328261975957952 0.0732343385995572 -0.6787929500545953 -0.015602041409652066 0.9957136956447824 -0.09116365838019483 -0.055615227657881044 -0.07495595998206618 0.08975346802515408 0.9931394257810052 -4.793272796293743 0.0 0.0 0.0 1.0 +reichstag/test/images/77792600_3686854267.jpg reichstag/test/images/63790741_1504116525.jpg 0 0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 0.9845446363628882 0.059757968698555444 0.16462334034422402 -0.8032097381944481 -0.07645109941195631 0.9923434331267834 0.09700381502215394 0.1688271300742224 -0.15756613978825185 -0.10809022114498404 0.981574966920539 0.8063237064829538 0.0 0.0 0.0 1.0 +reichstag/test/images/63790741_1504116525.jpg reichstag/test/images/62673079_4759250457.jpg 0 0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 0.9980440085847989 0.0009653877321671139 0.06250779914948719 -0.8931200706775209 0.0012227535285353277 0.9993880280741607 -0.03495817809682096 -0.20848206470658934 -0.06250329432753525 0.03496623183254352 0.9974320532395371 -1.4377213801287327 0.0 0.0 0.0 1.0 +reichstag/test/images/63790741_1504116525.jpg reichstag/test/images/48542127_4157749181.jpg 0 0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 713.145 0.0 319.5 0.0 713.145 239.5 0.0 0.0 1.0 0.9940147855341749 0.01709205101123849 0.10790026845044265 -0.7537810414502444 -0.010332272061111833 0.9979663875741063 -0.06289939130344546 0.11265849320697233 -0.10875592072849886 0.061408070027627513 0.9921699444359211 0.07005058200377068 0.0 0.0 0.0 1.0 +reichstag/test/images/92697655_166630020.jpg reichstag/test/images/06857713_2570944910.jpg 0 0 431.56 0.0 249.5 0.0 431.56 187.0 0.0 0.0 1.0 782.61 0.0 319.5 0.0 782.61 239.5 0.0 0.0 1.0 0.9821715310215728 0.015207447861018372 -0.1873708013013083 1.7896879732323547 0.00900528501993498 0.9917720906595587 0.12769896252702068 0.4855461147143149 0.18777110664969113 -0.12710961300516221 0.9739533653051506 2.8219947247679116 0.0 0.0 0.0 1.0 +reichstag/test/images/63329391_7754963780.jpg reichstag/test/images/49501249_12793461434.jpg 0 0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 587.147 0.0 319.5 0.0 587.147 230.0 0.0 0.0 1.0 0.9542659147225957 0.09003081377025181 0.28508071939454976 0.41034903715751514 -0.05844088027078955 0.9913569857513441 -0.11745633365291318 -0.08688287276398778 -0.2931914519760476 0.09542420748361218 0.9512796608328705 1.6739144886567572 0.0 0.0 0.0 1.0 +reichstag/test/images/34959164_3067403556.jpg reichstag/test/images/91629190_2705184160.jpg 0 0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 1208.55 0.0 319.5 0.0 1208.55 213.5 0.0 0.0 1.0 0.9995158415355087 -0.012148693093319882 -0.028644227615495198 -0.004384425029864247 0.011630812955975659 0.9997671231491323 -0.018177559244585206 1.072775125325153 0.028858390626420666 0.01783560277174893 0.9994243766109677 13.694312234770798 0.0 0.0 0.0 1.0 +reichstag/test/images/48716728_829974943.jpg reichstag/test/images/77792600_3686854267.jpg 0 0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 0.9744493899513856 -0.06651463729851881 -0.21453249042608682 1.804890484377693 0.051179029786757146 0.9957729660992921 -0.07626864949573985 -0.031393395477135856 0.21869863587470947 0.06334037425579586 0.9737345139490932 -1.8818232618838293 0.0 0.0 0.0 1.0 +reichstag/test/images/64097451_5212815345.jpg reichstag/test/images/78040542_6368040213.jpg 0 0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 0.9167323529619669 -0.024806462507607038 -0.39873102769997026 4.660267806190679 0.03386073614793111 0.9993035537703462 0.01567985871994664 0.14835167859990817 0.3980643711516216 -0.027875559901389985 0.9169338632528784 2.982603488326071 0.0 0.0 0.0 1.0 +reichstag/test/images/20329925_5164269072.jpg reichstag/test/images/91840440_9426147613.jpg 0 0 517.71 0.0 319.5 0.0 517.71 245.0 0.0 0.0 1.0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 0.8700572997669681 -0.05083004147988336 0.4903229568410656 -5.850028875551889 -0.047980259521093326 0.9812145507025334 0.18685796794869203 -0.3363593704718837 -0.49061001805762244 -0.1861029617517658 0.8512740438946322 -4.070476728963566 0.0 0.0 0.0 1.0 +reichstag/test/images/19812646_389634613.jpg reichstag/test/images/64282931_8298463790.jpg 0 0 747.529 0.0 319.5 0.0 747.529 239.5 0.0 0.0 1.0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 0.9531206640892498 0.0936946104258376 0.28771916804971087 -0.9493314168672379 -0.08013625488913113 0.9950615370892132 -0.05857233184701559 0.6354665386267133 -0.29178618942371387 0.03276976323996305 0.9559220482229634 1.9698754468102289 0.0 0.0 0.0 1.0 +reichstag/test/images/49501249_12793461434.jpg reichstag/test/images/34481400_9199849492.jpg 0 0 587.147 0.0 319.5 0.0 587.147 230.0 0.0 0.0 1.0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 0.970359442391733 -0.04645976325150617 -0.23715826563672376 -1.0193037735850847 0.08228294885040921 0.9862287266343189 0.14346572792737228 0.23914393077152732 0.227226910575499 -0.15872740519476736 0.9608192035708126 0.444891418260676 0.0 0.0 0.0 1.0 +reichstag/test/images/34120311_5589470818.jpg reichstag/test/images/77122925_1063274053.jpg 0 0 512.125 0.0 319.5 0.0 512.125 241.5 0.0 0.0 1.0 658.554 0.0 319.5 0.0 658.554 239.5 0.0 0.0 1.0 0.8805302564179257 0.127318191811478 0.4565704168761241 -0.44054354375755755 -0.09540833781166393 0.9911418560288893 -0.09238544421944499 0.34393240653246626 -0.4642883980982053 0.03778755431970237 0.8848776096895761 1.7250535933762805 0.0 0.0 0.0 1.0 +reichstag/test/images/49501249_12793461434.jpg reichstag/test/images/62663981_6029901745.jpg 0 0 587.147 0.0 319.5 0.0 587.147 230.0 0.0 0.0 1.0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 0.9196470387370791 -0.058151822454588706 -0.3884169019073851 0.5194309699201531 0.07962058574606103 0.9960465614828136 0.03939301567178693 1.2308677480172239 0.38459054391336167 -0.06715365145301855 0.920641352877955 13.466861267554886 0.0 0.0 0.0 1.0 +reichstag/test/images/64282931_8298463790.jpg reichstag/test/images/49501249_12793461434.jpg 0 0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 587.147 0.0 319.5 0.0 587.147 230.0 0.0 0.0 1.0 0.9737776272135564 0.10127344417887513 0.2037175059794427 0.9434824240383011 -0.06044318005853086 0.9784401207171399 -0.1974881063645115 -0.12005751356725353 -0.21932568185861873 0.17999616572354218 0.9589043881441336 1.9293520335153254 0.0 0.0 0.0 1.0 +reichstag/test/images/63329391_7754963780.jpg reichstag/test/images/77023786_7168337563.jpg 0 0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 0.994987981132838 0.012949688592512767 -0.09915252375283294 0.24307773663521534 -0.012105746994040871 0.9998852365728477 0.009108489083091883 0.1247700597653037 0.09925909676657063 -0.007862521797583672 0.9950305585559003 1.1214966444898726 0.0 0.0 0.0 1.0 +reichstag/test/images/62663981_6029901745.jpg reichstag/test/images/20982577_4977562846.jpg 0 0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 0.9999676076349702 0.006748227950121653 0.004386923788641379 -0.16574922554134935 -0.00696189539361102 0.9986913270008084 0.05066720227023365 -1.5578035436346356 -0.004039268909415213 -0.050696102344238936 0.9987059574838731 -11.762525954139594 0.0 0.0 0.0 1.0 +reichstag/test/images/34272622_11098902473.jpg reichstag/test/images/92697655_166630020.jpg 0 0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 431.56 0.0 249.5 0.0 431.56 187.0 0.0 0.0 1.0 0.9640027326799229 -0.03163927117664892 0.2640031967705153 -1.8697843300652974 0.01860053780146207 0.9984871731777878 0.051743453623882885 -0.09993053027030371 -0.26524093081411343 -0.044970229250483204 0.9631328709487706 -1.8459142236911206 0.0 0.0 0.0 1.0 +reichstag/test/images/06857713_2570944910.jpg reichstag/test/images/92753909_16247242.jpg 0 0 782.61 0.0 319.5 0.0 782.61 239.5 0.0 0.0 1.0 520.573 0.0 249.5 0.0 520.573 187.0 0.0 0.0 1.0 0.997820824808132 0.008114847976172061 0.06548091952273269 -0.8250568354959448 -0.005752981506044608 0.999328809192757 -0.03617781531791868 -0.054756809089506225 -0.06573054680291414 0.03572226700126881 0.9971977812135764 -0.644486379393822 0.0 0.0 0.0 1.0 +reichstag/test/images/20982577_4977562846.jpg reichstag/test/images/06373813_9127207861.jpg 0 0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 1495.37 0.0 319.5 0.0 1495.37 211.5 0.0 0.0 1.0 0.999973589357379 -0.0003456872847904301 -0.007259551502779661 0.17213347681878224 0.0003081079820847845 0.9999865517134837 -0.005177012811247041 1.2673353971672656 0.0072612435017531144 0.0051746393572474755 0.9999602479350522 11.105009457246226 0.0 0.0 0.0 1.0 +reichstag/test/images/35531158_5960344226.jpg reichstag/test/images/91840440_9426147613.jpg 0 0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 0.9874340568429427 0.00029275411618262585 0.15803131867359577 -1.3717591162721658 -0.012499756427914377 0.997009933406852 0.07625581143301433 0.11487130883552116 -0.15753647030427884 -0.07727293823255388 0.9844852226117855 0.7776923028947831 0.0 0.0 0.0 1.0 +reichstag/test/images/77792600_3686854267.jpg reichstag/test/images/05545431_1341290848.jpg 0 0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 492.313 0.0 319.5 0.0 492.313 213.0 0.0 0.0 1.0 0.9868466967884636 0.03133276002934304 0.1585933642579073 -0.7610868758184894 -0.049337811880720985 0.9926063219158027 0.11089846712919164 0.15063619783087595 -0.15394602091811352 -0.11726443553663411 0.9810961598139878 0.5900875162922281 0.0 0.0 0.0 1.0 +reichstag/test/images/05978621_9257964873.jpg reichstag/test/images/77214581_8512429399.jpg 0 0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 0.9926582085078488 0.009039189757907202 0.12061498302660847 -1.1230392098665882 -0.01643515990543656 0.9980349618321894 0.06046569671725568 -0.2492984967195022 -0.11983140907488003 -0.062004096712563746 0.9908561577696271 -2.4230254921072683 0.0 0.0 0.0 1.0 +reichstag/test/images/05466646_5360480312.jpg reichstag/test/images/62663981_6029901745.jpg 0 0 750.195 0.0 319.5 0.0 750.195 178.5 0.0 0.0 1.0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 0.9997830610064411 -0.01026700399991861 0.018122349556735383 -0.38202529540316416 0.009704153711709695 0.9994760616954679 0.03087768609298014 0.29596732835974937 -0.018429875890259347 -0.030695125453119813 0.9993588689495314 1.4887203772472297 0.0 0.0 0.0 1.0 +reichstag/test/images/92414106_7915968882.jpg reichstag/test/images/05791347_12791964625.jpg 0 0 1871.37 0.0 319.5 0.0 1871.37 212.5 0.0 0.0 1.0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 0.9961262597831704 -0.036434043876804864 -0.08003146267046768 1.60430148703546 0.037437504693008314 0.9992376167497321 0.011073324463612904 -0.462962118441219 0.0795670020344639 -0.014026607540618154 0.996730829496183 -14.14235074628363 0.0 0.0 0.0 1.0 +reichstag/test/images/62751178_369337490.jpg reichstag/test/images/77214581_8512429399.jpg 0 0 700.224 0.0 319.5 0.0 700.224 258.5 0.0 0.0 1.0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 0.9987255363923211 0.007529930603765428 0.049905942561711616 0.005189799240963966 -0.0016698894917587773 0.9931965774649895 -0.11643783741085444 0.5691894254908592 -0.05044318018281258 0.11620610421545738 0.991943358723728 3.5960880194102134 0.0 0.0 0.0 1.0 +reichstag/test/images/06796518_2036664706.jpg reichstag/test/images/48542127_4157749181.jpg 0 0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 713.145 0.0 319.5 0.0 713.145 239.5 0.0 0.0 1.0 0.9880539405979278 0.014918717201835545 0.15338462226037622 -1.5588704231541857 -0.03265368442746057 0.9929709665004935 0.11376465435444902 -0.06837069970908702 -0.15060925390632032 -0.11741418808699006 0.9815960274337168 -2.459078895693041 0.0 0.0 0.0 1.0 +reichstag/test/images/77107104_4141016705.jpg reichstag/test/images/06229406_8584869180.jpg 0 0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 0.9997116812980593 0.0048394582634572044 -0.023518799287459514 0.5252574445819672 -0.003456491728344529 0.9982819258658816 0.05849144513890993 -0.18786047175726867 0.02376145915425726 -0.05839328842617514 0.9980108300643024 -1.916802533679871 0.0 0.0 0.0 1.0 +reichstag/test/images/48551853_12793928283.jpg reichstag/test/images/91549947_3428166276.jpg 0 0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 543.843 0.0 319.5 0.0 543.843 213.0 0.0 0.0 1.0 0.9748925526398078 -0.020237051287543665 -0.22175430675101845 1.7059137061930962 0.025999734721616163 0.9993950591077835 0.023098260223569523 0.04153287942287742 0.22115271782604218 -0.028283875019796612 0.9748289582342227 -1.2710409955378572 0.0 0.0 0.0 1.0 +reichstag/test/images/34959164_3067403556.jpg reichstag/test/images/48551853_12793928283.jpg 0 0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 0.9845870965067438 -0.004750380707346824 0.17483044150134608 -0.3215115075616257 0.008131152260661533 0.9997934530494064 -0.018626207409402167 0.12724432982708503 -0.1747058492304544 0.019760696411801802 0.9844223591131941 4.843540243541362 0.0 0.0 0.0 1.0 +reichstag/test/images/49284352_2431392889.jpg reichstag/test/images/35221995_8835396469.jpg 0 0 666.383 0.0 319.5 0.0 666.383 179.5 0.0 0.0 1.0 918.648 0.0 319.5 0.0 918.648 213.0 0.0 0.0 1.0 0.9775972030099036 0.06737423961447182 0.19941018154443593 -0.8851851790587115 -0.028082073212406057 0.9806658381557908 -0.1936644289442259 0.5713290994931939 -0.20860274646156085 0.18372595274095543 0.9605881887979478 4.365996400279871 0.0 0.0 0.0 1.0 +reichstag/test/images/48815289_2513792540.jpg reichstag/test/images/05466646_5360480312.jpg 0 0 776.799 0.0 319.5 0.0 776.799 211.0 0.0 0.0 1.0 750.195 0.0 319.5 0.0 750.195 178.5 0.0 0.0 1.0 0.9995130402184635 0.0018366625867209452 -0.03114978497175973 0.368858529096906 -0.004392498458487478 0.9966077226429314 -0.08218122124769453 0.36521754981740984 0.030893177087125794 0.08227802768062004 0.9961304823016163 8.779041824719954 0.0 0.0 0.0 1.0 +reichstag/test/images/63790741_1504116525.jpg reichstag/test/images/34959164_3067403556.jpg 0 0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 0.9991570174068407 -0.02134333532423992 -0.03506731532215158 0.2451081614021244 0.019543650393664652 0.9985132367521377 -0.05088577168580223 -0.08552395414396488 0.03610125061485219 0.05015753251513108 0.9980886341583284 -1.118250571814356 0.0 0.0 0.0 1.0 +reichstag/test/images/62799820_4661707438.jpg reichstag/test/images/92342560_2757258130.jpg 0 0 625.353 0.0 319.5 0.0 625.353 239.5 0.0 0.0 1.0 1743.4 0.0 319.5 0.0 1743.4 239.5 0.0 0.0 1.0 0.9998194129502924 0.009906167826367447 -0.016217562293031097 -0.11360576322852078 -0.011131842172421271 0.9969442128548557 -0.07731958707248995 1.0985092700315262 0.015402064068844928 0.07748615550024338 0.9968744515375098 5.102380522681128 0.0 0.0 0.0 1.0 +reichstag/test/images/06229406_8584869180.jpg reichstag/test/images/34272622_11098902473.jpg 0 0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 0.9957549028705197 -0.02046900105395799 -0.08973958661134215 -0.4872196185148567 0.003142201611157857 0.9819508042928752 -0.1891104029862196 -0.24392009924932845 0.09199076028795689 0.18802563108371323 0.9778466454803713 1.5213535171536074 0.0 0.0 0.0 1.0 +reichstag/test/images/92414106_7915968882.jpg reichstag/test/images/77349640_2188160842.jpg 0 0 1871.37 0.0 319.5 0.0 1871.37 212.5 0.0 0.0 1.0 708.96 0.0 239.0 0.0 708.96 319.5 0.0 0.0 1.0 0.9972699893994066 -0.00406531559263143 -0.07372951547677149 1.4136784655309138 0.003161742713582345 0.9999185169128892 -0.012367817824548598 -0.1826774085756719 0.07377378685088823 0.012100939792446754 0.9972015822439408 -17.086523484646364 0.0 0.0 0.0 1.0 +reichstag/test/images/06030835_119872882.jpg reichstag/test/images/77487845_5932034347.jpg 0 0 710.363 0.0 319.5 0.0 710.363 239.5 0.0 0.0 1.0 774.031 0.0 319.5 0.0 774.031 212.0 0.0 0.0 1.0 0.9997238512071079 0.006262781337363259 0.022649478968588276 -0.1656808616943077 -0.009058183824468337 0.9920513033672741 0.12550761249061698 -0.7872084506871779 -0.021683418398174406 -0.12567811685895486 0.9918340790219685 -3.9970005977635132 0.0 0.0 0.0 1.0 +reichstag/test/images/76958303_5507621260.jpg reichstag/test/images/62799820_4661707438.jpg 0 0 708.355 0.0 319.5 0.0 708.355 239.5 0.0 0.0 1.0 625.353 0.0 319.5 0.0 625.353 239.5 0.0 0.0 1.0 0.997808080635508 -0.023280505201334793 -0.061943944789255946 0.8291939658717598 0.03191933005621156 0.9893010876445198 0.14235348381452742 -1.3293047982554396 0.05796715093263075 -0.14401866567546345 0.9878757175625954 -4.512298027377316 0.0 0.0 0.0 1.0 +reichstag/test/images/48900330_6782044072.jpg reichstag/test/images/48716728_829974943.jpg 0 0 769.928 0.0 319.5 0.0 769.928 170.0 0.0 0.0 1.0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 0.9972367824809835 0.018247649675712827 0.07201265825039459 -1.0984312748570364 -0.01676182597877493 0.9996350833089602 -0.02118351736010071 -0.24458539645927613 -0.07237292903311936 0.019917919047954775 0.9971787380625231 -4.644839998490221 0.0 0.0 0.0 1.0 +reichstag/test/images/06857713_2570944910.jpg reichstag/test/images/77122925_1063274053.jpg 0 0 782.61 0.0 319.5 0.0 782.61 239.5 0.0 0.0 1.0 658.554 0.0 319.5 0.0 658.554 239.5 0.0 0.0 1.0 0.8634505705776163 0.07858450950646735 0.49827461006438656 -3.763289681748624 -0.10336423892662336 0.9943938062240433 0.02228883699029606 -0.7966248668734955 -0.4937296287243743 -0.07074908486254797 0.8667327273795558 -3.4508745857053977 0.0 0.0 0.0 1.0 +reichstag/test/images/06796518_2036664706.jpg reichstag/test/images/77214581_8512429399.jpg 0 0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 0.9959166357101463 -0.009710857179290287 0.0897538521102423 -0.9193146073684224 -0.00382556006018557 0.9887652782378153 0.149427539769352 -0.3302671210499627 -0.09019656205205238 -0.1491607314414178 0.9846906399422365 -2.890060092945603 0.0 0.0 0.0 1.0 +reichstag/test/images/05978621_9257964873.jpg reichstag/test/images/05534141_6340060522.jpg 0 0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 668.983 0.0 319.5 0.0 668.983 213.5 0.0 0.0 1.0 0.9980297287575004 0.012639054235049022 0.06145660928064555 -0.7220704620219223 -0.015108568330466633 0.9990900120623132 0.03988582405229402 -0.01867196066869438 -0.06089656541410246 -0.0407357595408558 0.997312491757421 -0.7148859903196627 0.0 0.0 0.0 1.0 +reichstag/test/images/92414106_7915968882.jpg reichstag/test/images/62751178_369337490.jpg 0 0 1871.37 0.0 319.5 0.0 1871.37 212.5 0.0 0.0 1.0 700.224 0.0 319.5 0.0 700.224 258.5 0.0 0.0 1.0 0.9999681988219278 -0.0005644497800757006 -0.007955045020292137 0.2013296842375773 0.002273631036675372 0.9762734424508611 0.2165294348744629 -5.092526027345614 0.007644079194917385 -0.21654063582060296 0.9762436791558093 -20.0993068906733 0.0 0.0 0.0 1.0 +reichstag/test/images/05534141_6340060522.jpg reichstag/test/images/20613988_1265419368.jpg 0 0 668.983 0.0 319.5 0.0 668.983 213.5 0.0 0.0 1.0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 0.9962238145925132 -0.017807862222292612 -0.08497641603300092 1.1044135864032918 0.03703079049632205 0.9724023587430092 0.23035271490965722 -0.29512279194750246 0.07852917797837512 -0.2326296042082868 0.9693898263608589 -1.0676492851509265 0.0 0.0 0.0 1.0 +reichstag/test/images/77122925_1063274053.jpg reichstag/test/images/19812646_389634613.jpg 0 0 658.554 0.0 319.5 0.0 658.554 239.5 0.0 0.0 1.0 747.529 0.0 319.5 0.0 747.529 239.5 0.0 0.0 1.0 0.8079196910915876 -0.14409106012406195 -0.5714048819696921 1.9725343997192686 0.1724616274144672 0.985005764635637 -0.004542103490376071 -0.16672155696065327 0.5634915791882141 -0.09487576100821399 0.8206557318127286 -0.34444201321721124 0.0 0.0 0.0 1.0 +reichstag/test/images/20613988_1265419368.jpg reichstag/test/images/91840440_9426147613.jpg 0 0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 0.9612273505843445 0.09766872808352285 0.25788136815820684 -2.9203218512313733 -0.028707699438417406 0.9655370215989595 -0.2586776525229115 -0.18976985692761267 -0.27425872544288404 0.24124485378212218 0.930904437653021 -1.4481273792369591 0.0 0.0 0.0 1.0 +reichstag/test/images/48668943_3586566128.jpg reichstag/test/images/64127786_281241429.jpg 0 0 550.231 0.0 319.5 0.0 550.231 212.0 0.0 0.0 1.0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 0.9812979434221764 -0.026412110090475848 0.19067445207991476 -2.014785901721011 0.014715159291637721 0.9979363153834369 0.0625025961536916 0.25186947452040226 -0.1919317855969377 -0.05852786412896272 0.9796615123592805 5.071150511211817 0.0 0.0 0.0 1.0 +reichstag/test/images/77594532_1434504133.jpg reichstag/test/images/34272622_11098902473.jpg 0 0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 0.9890084790130691 0.0018444776108022458 0.14784730752570013 -0.5927642882941381 0.04095219387239317 0.9573872213771689 -0.2858891851062953 -0.11116387433816646 -0.14207443914122495 0.28880149972956665 0.9467885442360715 3.9901885665135968 0.0 0.0 0.0 1.0 +reichstag/test/images/48815289_2513792540.jpg reichstag/test/images/77902859_6141520050.jpg 0 0 776.799 0.0 319.5 0.0 776.799 211.0 0.0 0.0 1.0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 0.9997854034252893 0.02064233206553466 0.0017439107281519586 0.21199557417444648 -0.020528867577846794 0.9985291954413731 -0.050179791222919476 -0.13548070369199428 -0.00277717368970586 0.050133222299197526 0.9987386781977537 -2.2704510725822167 0.0 0.0 0.0 1.0 +reichstag/test/images/77902859_6141520050.jpg reichstag/test/images/48668943_3586566128.jpg 0 0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 550.231 0.0 319.5 0.0 550.231 212.0 0.0 0.0 1.0 0.9796289460648874 -0.01695106339717754 -0.200099448978508 2.424155393938948 0.00036856686510695674 0.9965811238284807 -0.08261917324221871 -0.005245940217592532 0.2008158165839125 0.08086238358140743 0.9762859636045526 -3.3354286486346805 0.0 0.0 0.0 1.0 +reichstag/test/images/77487845_5932034347.jpg reichstag/test/images/48815289_2513792540.jpg 0 0 774.031 0.0 319.5 0.0 774.031 212.0 0.0 0.0 1.0 776.799 0.0 319.5 0.0 776.799 211.0 0.0 0.0 1.0 0.9999049640243117 -0.0025819938587174967 0.013542386320492922 -0.04523434623515862 0.00338791585049256 0.9982028346917228 -0.05982994935313905 0.7375963543638286 -0.013363567851809255 0.05987014382079557 0.9981167170893129 5.995758719773236 0.0 0.0 0.0 1.0 +reichstag/test/images/77594532_1434504133.jpg reichstag/test/images/48403953_4568435171.jpg 0 0 518.153 0.0 319.5 0.0 518.153 239.5 0.0 0.0 1.0 699.71 0.0 319.5 0.0 699.71 239.5 0.0 0.0 1.0 0.9824584281015674 0.008706893248265185 0.18627835908167292 0.21174784666237323 -0.0024306815239357412 0.9994224588652612 -0.03389454975426771 -0.2927106833384232 -0.1864658918932 0.03284720270705924 0.9819121816307173 -0.979789901443902 0.0 0.0 0.0 1.0 +reichstag/test/images/48900330_6782044072.jpg reichstag/test/images/92414106_7915968882.jpg 0 0 769.928 0.0 319.5 0.0 769.928 170.0 0.0 0.0 1.0 1871.37 0.0 319.5 0.0 1871.37 212.5 0.0 0.0 1.0 0.9997339671620835 0.0013697739510260933 0.023024305020682895 -0.35654014889508273 0.001298837759783135 0.993307681406011 -0.11549096536218127 0.5999563410073776 -0.023028415552011277 0.11549014580966586 0.993041649830472 10.721107932297912 0.0 0.0 0.0 1.0 +reichstag/test/images/34959164_3067403556.jpg reichstag/test/images/20982577_4977562846.jpg 0 0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 0.9993724013094496 -0.002416981021914283 0.03534065228209745 -0.3247817884963364 0.0016041387392962403 0.9997339364922232 0.02301049683662207 0.32874424293662974 -0.035386865358343095 -0.022939364169540774 0.9991103819556715 2.727421600900092 0.0 0.0 0.0 1.0 +reichstag/test/images/91840440_9426147613.jpg reichstag/test/images/34959164_3067403556.jpg 0 0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 0.9763930305447851 -0.012296173819588193 -0.21565123234743808 1.7835332348514215 0.01722836064598621 0.9996308931508893 0.021006214504450883 0.10091662300533144 0.2153133379357212 -0.024225638644907656 0.9762444801069167 0.6573996982036587 0.0 0.0 0.0 1.0 +reichstag/test/images/48668943_3586566128.jpg reichstag/test/images/77107104_4141016705.jpg 0 0 550.231 0.0 319.5 0.0 550.231 212.0 0.0 0.0 1.0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 0.9815452239267122 -0.018008408379456234 0.1903803314796438 -1.9930656012937535 -0.005473148816172531 0.9925026495693445 0.1221005128566912 0.49912438924170155 -0.1911518193183009 -0.12088915511934775 0.9740876727203942 3.947157838984084 0.0 0.0 0.0 1.0 +reichstag/test/images/91549947_3428166276.jpg reichstag/test/images/64097451_5212815345.jpg 0 0 543.843 0.0 319.5 0.0 543.843 213.0 0.0 0.0 1.0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 0.9903244903622198 0.04220294502492364 0.13219801518946064 -1.531515195862359 -0.03875609269919277 0.9988410464042246 -0.028539959649684955 0.07340302610598723 -0.1332492741725116 0.023140342463700544 0.9908123714826947 -0.34475551199197546 0.0 0.0 0.0 1.0 +reichstag/test/images/62663981_6029901745.jpg reichstag/test/images/34537245_34002183.jpg 0 0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 0.9994860657779838 0.010316947406096157 -0.030350698704765706 0.6471834787631752 -0.009606433480385161 0.9996785379567292 0.023463528815657383 -1.0868346812617524 0.030583014099897943 -0.02315990813703921 0.9992638780140357 -7.962535075445052 0.0 0.0 0.0 1.0 +reichstag/test/images/77349640_2188160842.jpg reichstag/test/images/63790741_1504116525.jpg 0 0 708.96 0.0 239.0 0.0 708.96 319.5 0.0 0.0 1.0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 0.997267302740676 0.0240194125299061 0.06986411601140481 -0.001180995080531183 -0.033624228363478406 0.9896182134695171 0.13973261192850436 0.03674597324673845 -0.06578250642304148 -0.1416998919940292 0.987721520701854 0.38417413003536804 0.0 0.0 0.0 1.0 +reichstag/test/images/48551853_12793928283.jpg reichstag/test/images/64097451_5212815345.jpg 0 0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 0.9957931860764176 0.01839709509545142 -0.08976345278466917 -0.008383361182285998 -0.018125113549463123 0.9998283362978904 0.003844241747365823 0.08504867984061729 0.08981876653904616 -0.0022010969633433916 0.9959556939691456 -1.8304693331303852 0.0 0.0 0.0 1.0 +reichstag/test/images/34120311_5589470818.jpg reichstag/test/images/05461164_9050854768.jpg 0 0 512.125 0.0 319.5 0.0 512.125 241.5 0.0 0.0 1.0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 0.9994990007244109 0.013010504425643528 0.02885263117107861 -0.2694003136844662 -0.005385135070031087 0.9682182191492842 -0.2500489560619403 0.13808092699791566 -0.03118890621970428 0.24976830640010939 0.9678032058465394 2.5685190064660626 0.0 0.0 0.0 1.0 +reichstag/test/images/78040542_6368040213.jpg reichstag/test/images/06796518_2036664706.jpg 0 0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 0.9496206476335066 0.018694359253311754 0.31284364548481314 -4.172511934070444 0.02232983750166144 0.9916464558457566 -0.1270381240639965 0.0576707515399521 -0.31260518860900044 0.12762377341490133 0.941270507619395 -0.5137311989121713 0.0 0.0 0.0 1.0 +reichstag/test/images/76958303_5507621260.jpg reichstag/test/images/63329391_7754963780.jpg 0 0 708.355 0.0 319.5 0.0 708.355 239.5 0.0 0.0 1.0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 0.9982600045867089 -0.017813508308877384 -0.05621069439415822 1.1401915422857436 0.018123269582802477 0.9998232292402006 0.005005733844926077 -0.31274126937323776 0.05611158830556264 -0.006015745458937602 0.9984063804205181 -2.1759143496953786 0.0 0.0 0.0 1.0 +reichstag/test/images/05545431_1341290848.jpg reichstag/test/images/49051226_8836027266.jpg 0 0 492.313 0.0 319.5 0.0 492.313 213.0 0.0 0.0 1.0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 0.9992286173432384 0.025155490357819804 0.030155788618071208 -0.357180222726175 -0.0224824735754459 0.9960484235036774 -0.08591901080534214 0.3777081758909005 -0.03219796056040717 0.08517475764976827 0.9958456466717389 5.5643862240563635 0.0 0.0 0.0 1.0 +reichstag/test/images/63329391_7754963780.jpg reichstag/test/images/92697655_166630020.jpg 0 0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 431.56 0.0 249.5 0.0 431.56 187.0 0.0 0.0 1.0 0.9981678681645689 -0.008190828954406874 0.05994845523313652 -1.183497483964022 0.014185273463114646 0.9948599369078298 -0.10026207634258089 -0.05670290008885566 -0.058819086873024326 0.10092876823180055 0.9931534114942338 0.6236319747993431 0.0 0.0 0.0 1.0 +reichstag/test/images/48716728_829974943.jpg reichstag/test/images/63812586_393800330.jpg 0 0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 1002.64 0.0 187.0 0.0 1002.64 249.5 0.0 0.0 1.0 0.9988807353185271 -0.0001241548991814771 -0.0472996955072618 0.5081985125826354 -0.005325921394706962 0.9933418523230185 -0.11508083673996962 0.024496014874016078 0.046999054999181354 0.11520394528415746 0.9922293786318507 0.4343593344407951 0.0 0.0 0.0 1.0 +reichstag/test/images/91629190_2705184160.jpg reichstag/test/images/76958303_5507621260.jpg 0 0 1208.55 0.0 319.5 0.0 1208.55 213.5 0.0 0.0 1.0 708.355 0.0 319.5 0.0 708.355 239.5 0.0 0.0 1.0 0.9760609707008857 0.024317785294425878 0.21613335418861013 -4.565697411847674 -0.03307946606713001 0.9987671287124436 0.037013126431237706 -1.3680611445297268 -0.21496681232031745 -0.04327664406900561 0.9756620325086788 -11.59433760888416 0.0 0.0 0.0 1.0 +reichstag/test/images/77792600_3686854267.jpg reichstag/test/images/77902859_6141520050.jpg 0 0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 0.9830475008242138 0.057583275625997604 0.17407405749119387 -0.6918045201823797 -0.06219021401366884 0.9978407634747561 0.02112316332962721 0.1374088619685136 -0.17248184949205855 -0.03159077581029673 0.9845059849891732 1.7507988132613983 0.0 0.0 0.0 1.0 +reichstag/test/images/34959164_3067403556.jpg reichstag/test/images/05466646_5360480312.jpg 0 0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 750.195 0.0 319.5 0.0 750.195 178.5 0.0 0.0 1.0 0.9999224082319201 -9.339462765963636e-05 0.012456676648329725 -0.08143955379630269 0.0008208458706194192 0.9982925639484701 -0.05840618954568445 0.4490427803844135 -0.012429952845212481 0.058411882717759205 0.9982151813259668 13.098045071165116 0.0 0.0 0.0 1.0 +reichstag/test/images/48815289_2513792540.jpg reichstag/test/images/05936329_2458217347.jpg 0 0 776.799 0.0 319.5 0.0 776.799 211.0 0.0 0.0 1.0 864.162 0.0 319.5 0.0 864.162 200.0 0.0 0.0 1.0 0.9989803884791174 0.0014070514886770258 0.04512431318280548 -0.6763514324581301 0.00012409917829522176 0.9994248457230496 -0.033911094804691816 0.031023386505364306 -0.045146074397511546 0.03388211855193034 0.9984056460221603 -0.26132404728653547 0.0 0.0 0.0 1.0 +reichstag/test/images/92753909_16247242.jpg reichstag/test/images/34481400_9199849492.jpg 0 0 520.573 0.0 249.5 0.0 520.573 187.0 0.0 0.0 1.0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 0.9925285738457198 0.023444153243947337 0.11973889000010016 -1.2251117317521216 -0.02955603835829698 0.9983354661872559 0.049525120385893746 -0.025133567703896298 -0.11837850605724269 -0.05269410433197155 0.9915693927669947 -0.35847525848328554 0.0 0.0 0.0 1.0 +reichstag/test/images/20329925_5164269072.jpg reichstag/test/images/62663981_6029901745.jpg 0 0 517.71 0.0 319.5 0.0 517.71 245.0 0.0 0.0 1.0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 0.9467594933878001 -0.037352037574393385 0.31976755146374264 -3.4138801586334186 -0.025599431780191754 0.9813674064465805 0.19042763102250532 0.8214059015753794 -0.3209223126749019 -0.18847503509312105 0.9281627176169269 10.084568028298676 0.0 0.0 0.0 1.0 +reichstag/test/images/64282931_8298463790.jpg reichstag/test/images/34481400_9199849492.jpg 0 0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 0.9997373895113609 0.010125967973954559 -0.0205576454293765 -0.5557706331031598 -0.01095122441218185 0.9991221129097334 -0.040436050483006074 0.47516817199804806 0.020130143985663627 0.04065056294051325 0.9989706247111253 2.5320909165097696 0.0 0.0 0.0 1.0 +reichstag/test/images/35221995_8835396469.jpg reichstag/test/images/77349640_2188160842.jpg 0 0 918.648 0.0 319.5 0.0 918.648 213.0 0.0 0.0 1.0 708.96 0.0 239.0 0.0 708.96 319.5 0.0 0.0 1.0 0.9542720212249287 -0.04233250782174568 -0.29592713341093146 2.027915759969201 0.008018473461560309 0.9931911994764456 -0.11621938463907533 0.09309564018192648 0.2988320825993013 0.10853202321923666 0.948114015477729 -0.12387252289665218 0.0 0.0 0.0 1.0 +reichstag/test/images/64282931_8298463790.jpg reichstag/test/images/62663981_6029901745.jpg 0 0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 0.9842363941869705 -0.03367580618612858 -0.17362217725724136 0.6446904109540244 0.008688623380084654 0.9897259605803885 -0.14271310653540684 1.262408492584091 0.17664435507988832 0.1389548956710113 0.9744169070718491 15.614019252922267 0.0 0.0 0.0 1.0 +reichstag/test/images/20613988_1265419368.jpg reichstag/test/images/77487845_5932034347.jpg 0 0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 774.031 0.0 319.5 0.0 774.031 212.0 0.0 0.0 1.0 0.995737391347177 0.039513342460403056 0.08334112574669209 -1.0450877577686242 -0.026410998690257377 0.9878999143644406 -0.15282741359754123 -0.6808757080963296 -0.0883714129190105 0.14997484777901132 0.984732470477317 -3.007121843216816 0.0 0.0 0.0 1.0 +reichstag/test/images/63329391_7754963780.jpg reichstag/test/images/34537245_34002183.jpg 0 0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 0.9913541727933857 -0.0033075167761294553 -0.1311715076452097 0.45109218622320457 -0.000969580050987706 0.9994703009038891 -0.03252964072371459 0.5092680858424238 0.13120961854858976 0.032375576347994886 0.990825846481847 7.17679463554418 0.0 0.0 0.0 1.0 +reichstag/test/images/06373813_9127207861.jpg reichstag/test/images/64271070_4602086309.jpg 0 0 1495.37 0.0 319.5 0.0 1495.37 211.5 0.0 0.0 1.0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 0.9914866560341937 0.005897912319341996 0.13007469214419046 -2.944524830159265 -0.024675514627420375 0.9893822643523303 0.14322658259878768 -4.048176641647972 -0.12784885562258477 -0.1452169054047384 0.9811048468439378 -14.875070884741485 0.0 0.0 0.0 1.0 +reichstag/test/images/05791347_12791964625.jpg reichstag/test/images/34120311_5589470818.jpg 0 0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 512.125 0.0 319.5 0.0 512.125 241.5 0.0 0.0 1.0 0.996566367773737 0.03542203335737646 0.07483818661011209 -0.3681424620312598 -0.05236968735998112 0.9697622470439918 0.2383665246086486 -2.0945994587667545 -0.06413182102575044 -0.24146731406344946 0.968287480953309 -6.966481981374056 0.0 0.0 0.0 1.0 +reichstag/test/images/77361791_2035867493.jpg reichstag/test/images/92414106_7915968882.jpg 0 0 601.346 0.0 249.5 0.0 601.346 187.0 0.0 0.0 1.0 1871.37 0.0 319.5 0.0 1871.37 212.5 0.0 0.0 1.0 0.9982369475718483 -0.004304433976525052 0.059198550240526164 -0.6939497113703974 0.0038916304446434116 0.9999673162186462 0.007086727521249306 0.3850522295496788 -0.059227119758778486 -0.006843854368690539 0.9982210726800248 14.125535241266645 0.0 0.0 0.0 1.0 +reichstag/test/images/63812586_393800330.jpg reichstag/test/images/48900330_6782044072.jpg 0 0 1002.64 0.0 187.0 0.0 1002.64 249.5 0.0 0.0 1.0 769.928 0.0 319.5 0.0 769.928 170.0 0.0 0.0 1.0 0.9995459091403365 -0.013632690751022768 -0.026872388500190005 0.2591741719775986 0.01716100462681787 0.9905900089632291 0.13578267217295595 0.2650903036097666 0.024768436386185175 -0.13618217168600696 0.990374141763539 4.266225850121669 0.0 0.0 0.0 1.0 +reichstag/test/images/78043438_3428167710.jpg reichstag/test/images/06373813_9127207861.jpg 0 0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 1495.37 0.0 319.5 0.0 1495.37 211.5 0.0 0.0 1.0 0.9989323545805106 0.018823008511219062 0.042188213079296245 -0.3952155182814939 -0.019939424642705917 0.9994578416082087 0.026200041846886544 1.190757255662875 -0.04167217677486239 -0.027013278187723328 0.9987660949814012 10.165704086850495 0.0 0.0 0.0 1.0 +reichstag/test/images/92414106_7915968882.jpg reichstag/test/images/48716728_829974943.jpg 0 0 1871.37 0.0 319.5 0.0 1871.37 212.5 0.0 0.0 1.0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 0.9986545213137656 0.011103967959387478 0.05065420964865882 -1.2921019879891738 -0.01587582845010261 0.9953699408309082 0.09479788479337217 -1.863762628971636 -0.049367044985458616 -0.09547451380254024 0.9942069764810405 -15.264161093996222 0.0 0.0 0.0 1.0 +reichstag/test/images/49284352_2431392889.jpg reichstag/test/images/49501249_12793461434.jpg 0 0 666.383 0.0 319.5 0.0 666.383 179.5 0.0 0.0 1.0 587.147 0.0 319.5 0.0 587.147 230.0 0.0 0.0 1.0 0.9309925746420573 0.15449468743044062 0.33073284916549156 1.2153676473204735 -0.04982511062830344 0.9513246984114306 -0.30413611515779815 0.005323902026971333 -0.361621742034727 0.2666696640943072 0.8933739451873436 4.00564240229619 0.0 0.0 0.0 1.0 +reichstag/test/images/62810349_4295140640.jpg reichstag/test/images/91840440_9426147613.jpg 0 0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 0.9818870695444234 0.013566048508529877 0.1889808058754358 -1.992817508467827 -0.000874611982542921 0.997747257707712 -0.06707939169834884 -0.1910200496689723 -0.18946508310331203 0.06569910246422497 0.9796869960451913 -2.7654224975172856 0.0 0.0 0.0 1.0 +reichstag/test/images/34481400_9199849492.jpg reichstag/test/images/06857713_2570944910.jpg 0 0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 782.61 0.0 319.5 0.0 782.61 239.5 0.0 0.0 1.0 0.9823603037070573 -0.03849034928998532 -0.1829937887255011 1.9175164224385997 0.03575998083159042 0.9991946994154456 -0.018198253515140338 0.14683745817611027 0.18354688085473603 0.011333387472947258 0.9829456225330501 1.2722368577096033 0.0 0.0 0.0 1.0 +reichstag/test/images/48983853_5719892543.jpg reichstag/test/images/20982577_4977562846.jpg 0 0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 0.9993464788299298 -0.009040160272480842 -0.0349984392861823 0.4358823554130074 0.006293637995309509 0.9969487357948935 -0.0778049376180402 -0.08840550012636042 0.03559501890721123 0.0775338229369028 0.9963541041867514 -1.1148159268785065 0.0 0.0 0.0 1.0 +reichstag/test/images/06373813_9127207861.jpg reichstag/test/images/91840440_9426147613.jpg 0 0 1495.37 0.0 319.5 0.0 1495.37 211.5 0.0 0.0 1.0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 0.9820057513360213 0.02311440282011117 0.18743113061934505 -4.34431503648713 -0.015566532739870615 0.9990112985196805 -0.04164262826095989 -1.0700132367550725 -0.18820836166715568 0.03797564762175354 0.9813946519042549 -13.92615200235445 0.0 0.0 0.0 1.0 +reichstag/test/images/63329391_7754963780.jpg reichstag/test/images/48716728_829974943.jpg 0 0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 0.9990736283480456 0.01325639686818058 -0.04094084856893636 -0.20833783315096632 -0.013717871183092823 0.9998452721551121 -0.011011437656998588 0.349082411073049 0.040788541891999035 0.011562858260101058 0.9991008933832365 3.0671081985821695 0.0 0.0 0.0 1.0 +reichstag/test/images/06229406_8584869180.jpg reichstag/test/images/77023786_7168337563.jpg 0 0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 0.9997407945476307 0.013251379868306743 0.01851336406107167 -0.36740096226225527 -0.012603114956241066 0.9993181486373914 -0.034704456447788815 -0.17187856152865894 -0.018960622634072912 0.034462134807967615 0.999226128588422 0.17782476547785375 0.0 0.0 0.0 1.0 +reichstag/test/images/48900330_6782044072.jpg reichstag/test/images/77792600_3686854267.jpg 0 0 769.928 0.0 319.5 0.0 769.928 170.0 0.0 0.0 1.0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 0.9883980258060217 -0.05298199468008808 -0.14234553320170698 1.747262400130543 0.03986642338032626 0.994824376143215 -0.09346191159035758 0.023094105700069104 0.14656060476683264 0.08670276161104883 0.9853946520351111 -6.660381832147597 0.0 0.0 0.0 1.0 +reichstag/test/images/63329391_7754963780.jpg reichstag/test/images/20329925_5164269072.jpg 0 0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 517.71 0.0 319.5 0.0 517.71 245.0 0.0 0.0 1.0 0.9093265576519313 -0.054780723290636164 -0.41246125139780493 1.82707772083497 -0.05009286610020677 0.9696717014983162 -0.2392226913970054 -0.6820114005495928 0.413056795507295 0.23819291271806323 0.8790041069392848 5.973981479708458 0.0 0.0 0.0 1.0 +reichstag/test/images/64271070_4602086309.jpg reichstag/test/images/06796518_2036664706.jpg 0 0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 0.9864926983647525 -0.030832209180721114 -0.16087737861509782 1.1875042664486912 -0.01655120459959485 0.9583378948671886 -0.28515703899400346 -0.1388738555337942 0.16296690982936268 0.2839680512638024 0.944883025650322 5.528595446643243 0.0 0.0 0.0 1.0 +reichstag/test/images/48668943_3586566128.jpg reichstag/test/images/05866831_3427466899.jpg 0 0 550.231 0.0 319.5 0.0 550.231 212.0 0.0 0.0 1.0 961.582 0.0 249.5 0.0 961.582 176.5 0.0 0.0 1.0 0.994812082166335 0.0009888560204098634 -0.10172484131052753 -0.0176721728977971 0.008460389936033753 0.9956844643439333 0.0924168235023531 0.8032184127834175 0.10137723106305169 -0.09279800443924283 0.9905105690471369 11.014160792741386 0.0 0.0 0.0 1.0 +reichstag/test/images/35531158_5960344226.jpg reichstag/test/images/91549947_3428166276.jpg 0 0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 543.843 0.0 319.5 0.0 543.843 213.0 0.0 0.0 1.0 0.9938546548237103 -0.01969155711240073 -0.10892735039342816 0.5312261206901192 0.03135727715154198 0.9938241589883221 0.10644370427975199 0.4984292423615995 0.10615859011349481 -0.1092052360907799 0.988334240100722 4.503938347123947 0.0 0.0 0.0 1.0 +reichstag/test/images/06373813_9127207861.jpg reichstag/test/images/78043438_3428167710.jpg 0 0 1495.37 0.0 319.5 0.0 1495.37 211.5 0.0 0.0 1.0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 0.9989323545805104 -0.019939424642705917 -0.04167217677486238 0.8421636005589095 0.018823008511219062 0.9994578416082088 -0.02701327818772333 -0.908063539087584 0.04218821307929624 0.026200041846886547 0.9987660949814012 -10.167685026990487 0.0 0.0 0.0 1.0 +reichstag/test/images/77023786_7168337563.jpg reichstag/test/images/63329391_7754963780.jpg 0 0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 0.9949879811328382 -0.012105746994040873 0.09925909676657062 -0.351667735615867 0.012949688592512778 0.9998852365728479 -0.007862521797583668 -0.11908572990561939 -0.09915252375283298 0.009108489083091887 0.9950305585559004 -1.0929581282570875 0.0 0.0 0.0 1.0 +reichstag/test/images/62751178_369337490.jpg reichstag/test/images/76958303_5507621260.jpg 0 0 700.224 0.0 319.5 0.0 700.224 258.5 0.0 0.0 1.0 708.355 0.0 319.5 0.0 708.355 239.5 0.0 0.0 1.0 0.9878850159944017 0.039572633406842916 0.15005732857474144 -0.8567560316682503 -0.021755935616460595 0.9927078018770784 -0.11856601265890407 0.7000124743378972 -0.15365505015843997 0.11386494973268378 0.9815421023996782 4.44921859443764 0.0 0.0 0.0 1.0 +reichstag/test/images/49501249_12793461434.jpg reichstag/test/images/92753909_16247242.jpg 0 0 587.147 0.0 319.5 0.0 587.147 230.0 0.0 0.0 1.0 520.573 0.0 249.5 0.0 520.573 187.0 0.0 0.0 1.0 0.9337787332724079 -0.056471743538386326 -0.3533669756356868 0.10135793631433254 0.09292172303608158 0.9918619042120669 0.08703744229248887 0.22632990547218015 0.3455760852202928 -0.11410918085126764 0.9314270042087408 0.8343253992196344 0.0 0.0 0.0 1.0 +reichstag/test/images/91549947_3428166276.jpg reichstag/test/images/34537245_34002183.jpg 0 0 543.843 0.0 319.5 0.0 543.843 213.0 0.0 0.0 1.0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 0.9984134102598011 0.02988553685309774 0.04772333706265813 -0.49819692776717117 -0.029231316643727894 0.9994696873267491 -0.01434831844659428 0.19080200931995384 -0.04812683597191965 0.012930537574783893 0.9987575325660174 3.199169238007209 0.0 0.0 0.0 1.0 +reichstag/test/images/05791347_12791964625.jpg reichstag/test/images/77122925_1063274053.jpg 0 0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 658.554 0.0 319.5 0.0 658.554 239.5 0.0 0.0 1.0 0.8415585331921324 0.04441171565178475 0.5383371013819983 -4.212074318303713 -0.14106168302385805 0.9801004611916198 0.13965918356646312 -1.053387395790424 -0.5214219373923421 -0.19347011522413338 0.8310766978571695 -4.3476558471052416 0.0 0.0 0.0 1.0 +reichstag/test/images/92102978_5376734902.jpg reichstag/test/images/49501249_12793461434.jpg 0 0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 587.147 0.0 319.5 0.0 587.147 230.0 0.0 0.0 1.0 0.9195164137226419 0.05910810466853265 0.38858177628028984 -2.031736705221544 -0.033395429966346285 0.996801806929613 -0.07260098456096496 0.011699531466600105 -0.3916303233305796 0.05378094146026454 0.9185495632700683 -2.0333534018566986 0.0 0.0 0.0 1.0 +reichstag/test/images/77792600_3686854267.jpg reichstag/test/images/48551853_12793928283.jpg 0 0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 0.953881692818284 0.02714493711685084 0.29895295364830676 -0.9602499444689039 -0.038672260060014806 0.9987164416652615 0.032709714907487024 0.15499238919353645 -0.2976813269386829 -0.042762384596754036 0.9537070860886082 4.6182210981366545 0.0 0.0 0.0 1.0 +reichstag/test/images/05866831_3427466899.jpg reichstag/test/images/91840440_9426147613.jpg 0 0 961.582 0.0 249.5 0.0 961.582 176.5 0.0 0.0 1.0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 0.8894526815732615 0.02297189721012971 0.45644958010792563 -8.221967137347395 -0.020583219470062974 0.9997360604470245 -0.010204926168820704 -0.5329903529944913 -0.456563531524783 -0.0003184029382648049 0.8896907554320138 -8.13139211686992 0.0 0.0 0.0 1.0 +reichstag/test/images/48900330_6782044072.jpg reichstag/test/images/92697655_166630020.jpg 0 0 769.928 0.0 319.5 0.0 769.928 170.0 0.0 0.0 1.0 431.56 0.0 249.5 0.0 431.56 187.0 0.0 0.0 1.0 0.9850351385679145 -0.0023815923680247848 0.17233718056264657 -2.830629283921422 0.021065252005409985 0.9940717238965572 -0.10666612820982938 0.003570105120776157 -0.17106148293651105 0.10870021052012618 0.9792457471382972 -6.98571601260461 0.0 0.0 0.0 1.0 +reichstag/test/images/05866831_3427466899.jpg reichstag/test/images/62673079_4759250457.jpg 0 0 961.582 0.0 249.5 0.0 961.582 176.5 0.0 0.0 1.0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 0.9370829977154236 0.025510231877064925 0.34817335260219767 -6.390022384876125 -0.03697735071909979 0.9989692094004081 0.026328581498451263 -0.8988128664051258 -0.3471428105642871 -0.03754659424637981 0.9370603621613846 -8.84272630591884 0.0 0.0 0.0 1.0 +reichstag/test/images/91629190_2705184160.jpg reichstag/test/images/06229406_8584869180.jpg 0 0 1208.55 0.0 319.5 0.0 1208.55 213.5 0.0 0.0 1.0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 0.9989753331522102 0.014998927846601258 0.042700303475307136 -0.4810066470602641 -0.01871406040143937 0.9959464717567564 0.08797959614910605 -2.0841126030693995 -0.04120761697456134 -0.08868854243204681 0.995206649266652 -13.19179191757233 0.0 0.0 0.0 1.0 +reichstag/test/images/35531158_5960344226.jpg reichstag/test/images/92342560_2757258130.jpg 0 0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 1743.4 0.0 319.5 0.0 1743.4 239.5 0.0 0.0 1.0 0.998593281323103 0.0004179025297325217 0.053021541413219686 -0.5383552138996289 -0.010363988399450389 0.9822192914641472 0.18745093016606904 0.7123371842665944 -0.05200044462131248 -0.1877367540817303 0.9808419163790062 3.150491793518226 0.0 0.0 0.0 1.0 +reichstag/test/images/64097451_5212815345.jpg reichstag/test/images/91840440_9426147613.jpg 0 0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 0.9913476539428091 0.0032050000361728303 0.1312233096551694 -1.5200720137783432 -0.0024342303801102986 0.9999788341985857 -0.0060337117344508385 -0.2837026484799666 -0.13123987025498338 0.005662078205573807 0.9913344729836895 -3.299128923765991 0.0 0.0 0.0 1.0 +reichstag/test/images/76958303_5507621260.jpg reichstag/test/images/05866831_3427466899.jpg 0 0 708.355 0.0 319.5 0.0 708.355 239.5 0.0 0.0 1.0 961.582 0.0 249.5 0.0 961.582 176.5 0.0 0.0 1.0 0.9020231028481239 -0.03956564369665863 -0.4298707733343966 4.209999338267183 0.02265378639165415 0.9987573663839601 -0.044390641535097676 0.515062242578768 0.4310929457673419 0.030303183539775017 0.9017985302588325 9.015923899167495 0.0 0.0 0.0 1.0 +reichstag/test/images/77023786_7168337563.jpg reichstag/test/images/63790741_1504116525.jpg 0 0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 0.9999876900612431 0.004112528194917259 0.00277611920225594 0.03880532491234477 -0.004153160401223014 0.9998819553726437 0.014792788069210729 0.13407158730873708 -0.002714955738283149 -0.014804135639235449 0.9998867268762568 0.5960049520428798 0.0 0.0 0.0 1.0 +reichstag/test/images/19799508_3094174298.jpg reichstag/test/images/05936329_2458217347.jpg 0 0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 864.162 0.0 319.5 0.0 864.162 200.0 0.0 0.0 1.0 0.9982435327909862 -0.0016093559920910628 0.05922211761041542 -0.7185195380046332 0.00015534988452288475 0.9996986364623037 0.02454815923494435 0.19023059963746064 -0.05924377695070204 -0.024495841049074527 0.9979429486017294 2.2448061635440686 0.0 0.0 0.0 1.0 +reichstag/test/images/63812586_393800330.jpg reichstag/test/images/06796518_2036664706.jpg 0 0 1002.64 0.0 187.0 0.0 1002.64 249.5 0.0 0.0 1.0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 0.9985801170746851 -0.013079616917035622 -0.05163984318732884 0.643730463333864 0.011646830006195048 0.999541473051693 -0.027949865839727892 -0.057485022927790355 0.05198173846568729 0.02730873982730781 0.9982745772557414 0.8634425864649641 0.0 0.0 0.0 1.0 +reichstag/test/images/49051226_8836027266.jpg reichstag/test/images/49284352_2431392889.jpg 0 0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 666.383 0.0 319.5 0.0 666.383 179.5 0.0 0.0 1.0 0.9999172151978033 -0.012216248690667264 -0.004040546868644491 0.11699609373155428 0.01282776939142551 0.9709739896439115 0.23884086703792057 -3.044638123128064 0.0010055264841611431 -0.2388729258474325 0.9710503149752729 -9.062191520580011 0.0 0.0 0.0 1.0 +reichstag/test/images/05545431_1341290848.jpg reichstag/test/images/62673079_4759250457.jpg 0 0 492.313 0.0 319.5 0.0 492.313 213.0 0.0 0.0 1.0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 0.9973914528137664 0.030489260194572747 0.06542701939437863 -0.9282931423980427 -0.027616348164251337 0.9986331956435659 -0.04437429292721782 -0.21419201883738742 -0.06669053282225001 0.04245168514331703 0.9968702158557939 -1.2227544862067208 0.0 0.0 0.0 1.0 +reichstag/test/images/20613988_1265419368.jpg reichstag/test/images/78043438_3428167710.jpg 0 0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 0.9989272621854486 0.0070246292300973085 0.04577094544428547 -0.6681545531542398 0.004252183263325084 0.9703360722893427 -0.24172262151397125 0.12217153225797033 -0.04611121122004053 0.24165794296540544 0.9692652860809312 2.2886883724723526 0.0 0.0 0.0 1.0 +reichstag/test/images/62663981_6029901745.jpg reichstag/test/images/77349640_2188160842.jpg 0 0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 708.96 0.0 239.0 0.0 708.96 319.5 0.0 0.0 1.0 0.9980468001302245 0.00026217693425425 -0.06247012096254509 0.8866302629996892 -0.004234979628260237 0.9979746763729485 -0.06347133420574444 -0.22287595426289888 0.06232695803075978 0.06361192169369063 0.9960265426789929 -13.838463167875947 0.0 0.0 0.0 1.0 +reichstag/test/images/77487845_5932034347.jpg reichstag/test/images/76958303_5507621260.jpg 0 0 774.031 0.0 319.5 0.0 774.031 212.0 0.0 0.0 1.0 708.355 0.0 319.5 0.0 708.355 239.5 0.0 0.0 1.0 0.9873544817324205 0.02843648286649085 0.1559567050340809 -1.0653861529920412 -0.018738807357289188 0.9978183844258173 -0.06330346594522478 0.4984417420267111 -0.1574165953822212 0.059580518158502106 0.985733319592188 3.3506993310282542 0.0 0.0 0.0 1.0 +reichstag/test/images/77902859_6141520050.jpg reichstag/test/images/77274889_6889793618.jpg 0 0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 757.774 0.0 319.5 0.0 757.774 239.5 0.0 0.0 1.0 0.9093983461439907 -0.050225685394070234 -0.4128825844683572 2.6826107565323754 0.05060998442387416 0.9986682986591204 -0.010012928138791226 0.3557763258404452 0.4128356543555673 -0.011790240879357098 0.9107292203025097 5.4837304141668195 0.0 0.0 0.0 1.0 +reichstag/test/images/78043438_3428167710.jpg reichstag/test/images/05866831_3427466899.jpg 0 0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 961.582 0.0 249.5 0.0 961.582 176.5 0.0 0.0 1.0 0.9707073823808695 0.0083090370830781 -0.24012108964860346 2.854292858350546 -0.011307818595319659 0.9998743035658293 -0.011113519125955809 0.3585146218182475 0.23999856464132438 0.013503220782453192 0.9706793250083183 6.299594018079965 0.0 0.0 0.0 1.0 +reichstag/test/images/05545431_1341290848.jpg reichstag/test/images/35531158_5960344226.jpg 0 0 492.313 0.0 319.5 0.0 492.313 213.0 0.0 0.0 1.0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 0.9995615567643942 0.01208106795215583 0.027032240674356216 -0.2059285790972121 -0.007621084378611573 0.9871870983421396 -0.15938491754153294 -0.10116683194527144 -0.028611419252372074 0.15910902131545707 0.9868463436748413 -2.037976960936466 0.0 0.0 0.0 1.0 +reichstag/test/images/05978621_9257964873.jpg reichstag/test/images/34481400_9199849492.jpg 0 0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 0.9742602838310814 0.02322905822621306 0.22422602481269663 -2.624087367153753 -0.04797087671193451 0.9932578597313612 0.10553491872060171 -0.16339115413295868 -0.22026278472967062 -0.11357479885872056 0.9688060026276325 -1.4719798187465933 0.0 0.0 0.0 1.0 +reichstag/test/images/06796518_2036664706.jpg reichstag/test/images/91629190_2705184160.jpg 0 0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 1208.55 0.0 319.5 0.0 1208.55 213.5 0.0 0.0 1.0 0.9997017332137749 -0.005871208589514101 -0.02370598066042787 -0.07320265786597152 0.008422893800021458 0.9940041013029765 0.10901789510394735 0.8252106446071384 0.022923775199729306 -0.10918505164426179 0.9937570754606136 9.951132221060245 0.0 0.0 0.0 1.0 +reichstag/test/images/20982577_4977562846.jpg reichstag/test/images/77107104_4141016705.jpg 0 0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 0.9999977722828705 0.0009589938284920914 0.0018803617028563988 -0.037979745657244796 -0.0009384015546252821 0.999939916142968 -0.010921698884179609 -0.0566897064856202 -0.0018907225652992563 0.0109199100193787 0.9999385884809877 -0.44553818162382397 0.0 0.0 0.0 1.0 +reichstag/test/images/35531158_5960344226.jpg reichstag/test/images/06639257_4979506057.jpg 0 0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 678.155 0.0 319.5 0.0 678.155 239.5 0.0 0.0 1.0 0.9973699459129476 0.012755732349420951 -0.07134761581043618 0.038671259860870145 -0.0020886686074527935 0.989041042331883 0.1476260615423662 0.5005921697943166 0.07244879883788213 -0.14708877549049143 0.9864664533939589 3.068233987243852 0.0 0.0 0.0 1.0 +reichstag/test/images/92753909_16247242.jpg reichstag/test/images/05466646_5360480312.jpg 0 0 520.573 0.0 249.5 0.0 520.573 187.0 0.0 0.0 1.0 750.195 0.0 319.5 0.0 750.195 178.5 0.0 0.0 1.0 0.9984154723974459 0.0027554462070522047 -0.05620455491848906 0.6346493876557182 -0.007236359867115569 0.9967943680080388 -0.07967824673854292 0.3990914695470821 0.055804834676388124 0.0799587107428238 0.9952348592182081 11.161562367934883 0.0 0.0 0.0 1.0 +reichstag/test/images/34537245_34002183.jpg reichstag/test/images/49284352_2431392889.jpg 0 0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 666.383 0.0 319.5 0.0 666.383 179.5 0.0 0.0 1.0 0.9982698856089889 0.0013154195018831452 0.05878354495732528 -0.7745277020944068 -0.014115505716199473 0.9758748493471551 0.21787388762778184 -2.8881414504297043 -0.05707878751858485 -0.2183267003442351 0.974205042037972 -9.176042557402681 0.0 0.0 0.0 1.0 +reichstag/test/images/05791347_12791964625.jpg reichstag/test/images/34537245_34002183.jpg 0 0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 0.9984093096887068 0.04126833907811679 0.03841581076397722 0.028619682683342917 -0.043538547078436254 0.9972323725251454 0.060265994608635375 0.05084403136360002 -0.035822412610248905 -0.06184269866041469 0.9974428481758633 2.918011369425494 0.0 0.0 0.0 1.0 +reichstag/test/images/34272622_11098902473.jpg reichstag/test/images/64271070_4602086309.jpg 0 0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 0.9722368973665986 -0.016690241770277246 0.23340276611175712 -1.3575634751788135 -0.049257497493107934 0.9605057192617382 0.27386577406862544 -0.9211175535063666 -0.228755577723662 -0.27775924664201673 0.9330169808557467 -3.4139699522432574 0.0 0.0 0.0 1.0 +reichstag/test/images/77122925_1063274053.jpg reichstag/test/images/77361791_2035867493.jpg 0 0 658.554 0.0 319.5 0.0 658.554 239.5 0.0 0.0 1.0 601.346 0.0 249.5 0.0 601.346 187.0 0.0 0.0 1.0 0.853442633654753 -0.09827935396950727 -0.511836731432764 1.497578260888 -0.0008493818323551864 0.9817964837905877 -0.1899340489931737 0.14076856491369721 0.521186098827417 0.16253255981425607 0.8378235001414579 6.1266447719159745 0.0 0.0 0.0 1.0 +reichstag/test/images/91840440_9426147613.jpg reichstag/test/images/77902859_6141520050.jpg 0 0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 0.9853767742306152 0.0045247659355781645 -0.1703295021424515 1.724878657523609 -0.004913692557238925 0.9999861943974401 -0.0018618915053826538 0.14548796801912972 0.17031872601778136 0.0026716114524969236 0.9853854038191993 2.633047282953868 0.0 0.0 0.0 1.0 +reichstag/test/images/20329925_5164269072.jpg reichstag/test/images/06857713_2570944910.jpg 0 0 517.71 0.0 319.5 0.0 517.71 245.0 0.0 0.0 1.0 782.61 0.0 319.5 0.0 782.61 239.5 0.0 0.0 1.0 0.9554414356998313 -0.030344608034907364 0.2936168723201259 -3.010845178509819 -0.05213511741997451 0.961716637172634 0.2690409621544009 -0.3577999180684201 -0.2905401736067677 -0.2723606332577601 0.9172819048536722 -1.9203746532646382 0.0 0.0 0.0 1.0 +reichstag/test/images/64097451_5212815345.jpg reichstag/test/images/06796518_2036664706.jpg 0 0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 0.9957128845011555 -0.013596081134157223 -0.09149315939556397 1.1888364860891576 0.0034790124997641893 0.9939431619707535 -0.1098402806060123 -0.07005816131489415 0.09243239751523895 0.10905107679144874 0.9897293137723115 0.8558148050645523 0.0 0.0 0.0 1.0 +reichstag/test/images/62673079_4759250457.jpg reichstag/test/images/64282931_8298463790.jpg 0 0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 0.9938995743042659 -0.010867794065291671 0.10975211729143554 0.0035636455426040214 0.0002970823527839883 0.9953933586556377 0.09587477919830785 -0.09884956228701891 -0.11028847600667206 -0.0952572968144857 0.9893242640629626 -0.6764055035151215 0.0 0.0 0.0 1.0 +reichstag/test/images/49284352_2431392889.jpg reichstag/test/images/77792600_3686854267.jpg 0 0 666.383 0.0 319.5 0.0 666.383 179.5 0.0 0.0 1.0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 0.9815954391218435 -0.08905099813789095 -0.16893878662355916 0.3577230264910344 0.04067934855248895 0.9618224419028031 -0.27063403491333826 0.24145665780976253 0.1865893472214859 0.2587808145569803 0.9477430588090242 3.478724224230218 0.0 0.0 0.0 1.0 +reichstag/test/images/77792600_3686854267.jpg reichstag/test/images/06030835_119872882.jpg 0 0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 710.363 0.0 319.5 0.0 710.363 239.5 0.0 0.0 1.0 0.9901318074377045 0.0357078653971616 0.1355136607465179 -0.7306084093525049 -0.037302696465813225 0.9992612276091483 0.00924704457855182 0.12827706793628113 -0.13508335477224265 -0.014210817915817077 0.9907323250594177 2.0277755414854752 0.0 0.0 0.0 1.0 +reichstag/test/images/62751178_369337490.jpg reichstag/test/images/19812646_389634613.jpg 0 0 700.224 0.0 319.5 0.0 700.224 258.5 0.0 0.0 1.0 747.529 0.0 319.5 0.0 747.529 239.5 0.0 0.0 1.0 0.9908259868465675 -0.05760218641333042 -0.12225322862783349 0.7040714828485126 0.06059297465368875 0.9979440273759049 0.02088563255868322 -0.06363275465340434 0.12079882123656183 -0.028101714274450015 0.992279163563709 0.04337393311055582 0.0 0.0 0.0 1.0 +reichstag/test/images/62799820_4661707438.jpg reichstag/test/images/64282931_8298463790.jpg 0 0 625.353 0.0 319.5 0.0 625.353 239.5 0.0 0.0 1.0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 0.9965758157249549 0.023470096482740444 0.07928302518970368 0.06667702595547564 -0.019281360929938204 0.9983981768827087 -0.053191254149275 0.5235514161790398 -0.08040443167406754 0.05148043286894712 0.9954320129465376 2.046142445775179 0.0 0.0 0.0 1.0 +reichstag/test/images/35531158_5960344226.jpg reichstag/test/images/92753909_16247242.jpg 0 0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 520.573 0.0 249.5 0.0 520.573 187.0 0.0 0.0 1.0 0.9999413162290067 -0.00618211236756221 0.00889638043681208 -0.25702340042356364 0.0050610154121421115 0.9926468148045753 0.12094084165958596 0.43595961808816286 -0.009578633576858364 -0.12088871967642731 0.9926198503121898 3.0557658288182687 0.0 0.0 0.0 1.0 +reichstag/test/images/35531158_5960344226.jpg reichstag/test/images/35221995_8835396469.jpg 0 0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 918.648 0.0 319.5 0.0 918.648 213.0 0.0 0.0 1.0 0.9775465650385371 0.0026627599985440484 0.21070268837997158 -1.3543413510518079 -0.028635918553862768 0.992322710544624 0.12031468034261937 0.3173618891188994 -0.2087646937341988 -0.12364686751616598 0.9701179076810744 2.4929539601358015 0.0 0.0 0.0 1.0 +reichstag/test/images/34537245_34002183.jpg reichstag/test/images/77023786_7168337563.jpg 0 0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 0.9993486416905267 0.015203504631220699 0.03272836381836856 -0.45034803252759825 -0.016502994236891368 0.9990710398801992 0.0398083967764885 -0.6622772530206538 -0.03209273332884215 -0.04032258324593875 0.9986711900059289 -6.010749608592133 0.0 0.0 0.0 1.0 +reichstag/test/images/63790741_1504116525.jpg reichstag/test/images/62751178_369337490.jpg 0 0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 700.224 0.0 319.5 0.0 700.224 258.5 0.0 0.0 1.0 0.9997643616817835 -0.02168467334002946 -0.0009980246249885615 -0.08158654442068933 0.021688067808776128 0.9958559517127846 0.08832072889727352 -1.0661047817163403 -0.0009213173925398916 -0.08832156237499407 0.9960915885569472 -3.8319634626943113 0.0 0.0 0.0 1.0 +reichstag/test/images/49284352_2431392889.jpg reichstag/test/images/63329391_7754963780.jpg 0 0 666.383 0.0 319.5 0.0 666.383 179.5 0.0 0.0 1.0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 0.997350707778724 0.013647495408308686 0.07145146298263075 0.07917048269712845 -8.392052062290047e-05 0.9824584092766261 -0.18648181412402512 0.3863895991222459 -0.07274310036439385 0.18598177306048416 0.9798567351601224 2.4367903536478073 0.0 0.0 0.0 1.0 +reichstag/test/images/06857713_2570944910.jpg reichstag/test/images/92342560_2757258130.jpg 0 0 782.61 0.0 319.5 0.0 782.61 239.5 0.0 0.0 1.0 1743.4 0.0 319.5 0.0 1743.4 239.5 0.0 0.0 1.0 0.9939310695353357 0.021516562275422767 0.107879870968552 -1.2708177743768054 -0.02490706346064669 0.9992341076934833 0.030180063150620738 -0.018319097800722745 -0.10714787539709265 -0.03268387323828056 0.9937057397580196 -0.48061974354799064 0.0 0.0 0.0 1.0 +reichstag/test/images/06229406_8584869180.jpg reichstag/test/images/34537245_34002183.jpg 0 0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 0.9999060924132165 -0.004354977278200994 -0.012993865007693074 -0.12380827185032658 0.0033726979194209474 0.997201687045885 -0.07468212812705123 0.2416649114596014 0.013282743077999027 0.0746312905271463 0.9971227302647234 6.202587642175566 0.0 0.0 0.0 1.0 +reichstag/test/images/62673079_4759250457.jpg reichstag/test/images/20099963_3586531606.jpg 0 0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 502.573 0.0 319.5 0.0 502.573 212.0 0.0 0.0 1.0 0.9907446163343739 -0.011947677404336134 -0.1352122709264805 2.7029449735697875 0.03576693430371722 0.983894212408386 0.17513681851568247 -0.38267618424390215 0.13094209260191172 -0.17835198847762657 0.9752152257789604 -0.8986019694910539 0.0 0.0 0.0 1.0 +reichstag/test/images/34481400_9199849492.jpg reichstag/test/images/91629190_2705184160.jpg 0 0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 1208.55 0.0 319.5 0.0 1208.55 213.5 0.0 0.0 1.0 0.97596173470818 -0.04438516053317076 -0.21337443593327868 1.910388963381466 0.024849168867179923 0.9953200904209346 -0.09338327693475182 0.9752800086112481 0.21652069460448933 0.08583632755952944 0.9724972563864036 12.408713846774031 0.0 0.0 0.0 1.0 +reichstag/test/images/92241023_5405455015.jpg reichstag/test/images/05461164_9050854768.jpg 0 0 523.981 0.0 319.5 0.0 523.981 213.0 0.0 0.0 1.0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 0.9992516473702153 -0.013294891067517575 -0.036323423564053534 -0.04288524243281133 0.006207785094543882 0.98202299222245 -0.18865923287951095 0.03971514705385326 0.03817864104614984 0.1882925612390687 0.9813706245603139 0.7981040919772715 0.0 0.0 0.0 1.0 +reichstag/test/images/20099963_3586531606.jpg reichstag/test/images/35221995_8835396469.jpg 0 0 502.573 0.0 319.5 0.0 502.573 212.0 0.0 0.0 1.0 918.648 0.0 319.5 0.0 918.648 213.0 0.0 0.0 1.0 0.9530064297248095 0.07562504171582322 0.29335916206699836 -3.143302059966587 -0.024222183613879483 0.9842624683576886 -0.17504479199166628 0.47185151952139603 -0.3019801826679143 0.1597130127694992 0.9398402645279372 3.33845171665778 0.0 0.0 0.0 1.0 +reichstag/test/images/91831337_388207037.jpg reichstag/test/images/92102978_5376734902.jpg 0 0 678.613 0.0 319.5 0.0 678.613 239.5 0.0 0.0 1.0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 0.9917501012318332 0.0045738980538187115 0.12810470781061098 -4.395963946604179 -0.013113824035502167 0.9977400681713263 0.06589980261459742 -0.16260133131361487 -0.12751378092510093 -0.06703607851053257 0.9895687949062031 -2.756986720211127 0.0 0.0 0.0 1.0 +reichstag/test/images/05545431_1341290848.jpg reichstag/test/images/05978621_9257964873.jpg 0 0 492.313 0.0 319.5 0.0 492.313 213.0 0.0 0.0 1.0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 0.9977111354762599 -0.01008799647790365 -0.06686346142501398 0.5230753402807674 0.003430205796380764 0.9950865895309302 -0.09894904256179853 0.06428286017357084 0.06753313138650542 0.09849320617567459 0.9928435750420955 2.401368814060608 0.0 0.0 0.0 1.0 +reichstag/test/images/48551853_12793928283.jpg reichstag/test/images/63329391_7754963780.jpg 0 0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 0.9990383890382821 0.005388266636588101 -0.043511651433227876 -0.010374596636484101 -0.0032955184366802296 0.998840671644424 0.048025537239575575 -0.4832357683571014 0.043719981541935654 -0.04783596190701501 0.9978979326376038 -5.360825101780763 0.0 0.0 0.0 1.0 +reichstag/test/images/63790741_1504116525.jpg reichstag/test/images/77902859_6141520050.jpg 0 0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 0.9999518566203135 -0.0011268291137673375 0.009747548293616277 0.1036971088368057 0.0018772611744091816 0.9970042666027098 -0.07732378849019109 0.03294333115735777 -0.009631216541593851 0.07733836455564029 0.9969583828002992 0.9261349337831799 0.0 0.0 0.0 1.0 +reichstag/test/images/77361791_2035867493.jpg reichstag/test/images/34272622_11098902473.jpg 0 0 601.346 0.0 249.5 0.0 601.346 187.0 0.0 0.0 1.0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 0.998172578061847 -0.00367778954027646 -0.06031565526016482 -0.30215379433264605 0.0016339376744463098 0.9994238839327672 -0.033900301951728655 0.012916607074026226 0.06040558461799402 0.03373979977474357 0.9976035240806433 -1.8704049050511147 0.0 0.0 0.0 1.0 +reichstag/test/images/63329391_7754963780.jpg reichstag/test/images/06229406_8584869180.jpg 0 0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 0.9930006306672937 0.0004937416918033687 -0.11810801714320113 0.5886891564260495 0.004508151402119934 0.9991041054184349 0.042079247937249924 0.3370569836769177 0.11802298108966952 -0.042317168562780325 0.9921087809204878 0.9439485835691666 0.0 0.0 0.0 1.0 +reichstag/test/images/05534141_6340060522.jpg reichstag/test/images/64271070_4602086309.jpg 0 0 668.983 0.0 319.5 0.0 668.983 213.5 0.0 0.0 1.0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 0.9910863101418632 0.0015342094139483898 0.13321250711123325 -1.432127024729313 -0.022866873493632707 0.9870525055953804 0.15875911720121105 -1.1365712276718536 -0.13124416918862497 -0.16039014121621015 0.9782893082593879 -4.0062002350468475 0.0 0.0 0.0 1.0 +reichstag/test/images/06373813_9127207861.jpg reichstag/test/images/48542127_4157749181.jpg 0 0 1495.37 0.0 319.5 0.0 1495.37 211.5 0.0 0.0 1.0 713.145 0.0 319.5 0.0 713.145 239.5 0.0 0.0 1.0 0.9926100852364582 0.03564796247716047 0.11599328195244017 -2.32152437141963 -0.03236845557552506 0.9990245951257491 -0.03003566908674238 -0.9797509573247628 -0.11695085194442402 0.026059184658388492 0.9927957580108879 -12.580714432965324 0.0 0.0 0.0 1.0 +reichstag/test/images/05936329_2458217347.jpg reichstag/test/images/77122925_1063274053.jpg 0 0 864.162 0.0 319.5 0.0 864.162 200.0 0.0 0.0 1.0 658.554 0.0 319.5 0.0 658.554 239.5 0.0 0.0 1.0 0.9036553908243686 0.04019101730879906 0.42637028128346516 -3.426296757274889 -0.09016462330506854 0.9911261300575276 0.09766951940827855 -1.1822479556942673 -0.41866128951494014 -0.12670310353291597 0.8992602783492745 -5.192857613932344 0.0 0.0 0.0 1.0 +reichstag/test/images/92414106_7915968882.jpg reichstag/test/images/48668943_3586566128.jpg 0 0 1871.37 0.0 319.5 0.0 1871.37 212.5 0.0 0.0 1.0 550.231 0.0 319.5 0.0 550.231 212.0 0.0 0.0 1.0 0.9806430357860698 0.011654603795004702 -0.1954569174387598 5.756490198264532 -0.017890171661389218 0.9993847437437128 -0.030167461448381973 0.045633251709740516 0.19498507153678898 0.033080268782085955 0.9802481918856562 -18.81618959625496 0.0 0.0 0.0 1.0 +reichstag/test/images/77023786_7168337563.jpg reichstag/test/images/64271070_4602086309.jpg 0 0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 0.9920407986978864 -0.009882637709610965 0.1255284318023628 -1.1316410943079067 -0.005960856831458931 0.9921116724412817 0.12521540476953383 -0.5686920235214931 -0.1257756808953731 -0.12496704716709896 0.9841563469376404 -2.058012652617762 0.0 0.0 0.0 1.0 +reichstag/test/images/77349640_2188160842.jpg reichstag/test/images/64097451_5212815345.jpg 0 0 708.96 0.0 239.0 0.0 708.96 319.5 0.0 0.0 1.0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 0.9929263080167045 0.011892892003775125 0.11813511742112469 -0.5955603896374333 -0.02055181933182138 0.9971674393917225 0.07235136860562857 0.17914235181100807 -0.11694002552791131 -0.07426746889952494 0.9903582046374885 2.2132878766447757 0.0 0.0 0.0 1.0 +reichstag/test/images/20099963_3586531606.jpg reichstag/test/images/49051226_8836027266.jpg 0 0 502.573 0.0 319.5 0.0 502.573 212.0 0.0 0.0 1.0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 0.9949594833653123 0.025774362777609347 0.09690876474725627 -2.066090640427294 -0.0039742415818959246 0.9757795640089649 -0.21872002164027726 0.7302834236172826 -0.10019896139820812 0.2172324208903515 0.970963564429087 8.053795289415275 0.0 0.0 0.0 1.0 +reichstag/test/images/20982577_4977562846.jpg reichstag/test/images/63790741_1504116525.jpg 0 0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 0.99975855288389 0.021971944732819316 0.00026378053048038935 0.11390093473109773 -0.021970727902353333 0.9993674808900589 0.027962926436599297 -0.26522177244345535 0.000350786189978822 -0.02796197031891431 0.9996089261130742 -1.5966921931550275 0.0 0.0 0.0 1.0 +reichstag/test/images/06229406_8584869180.jpg reichstag/test/images/92414106_7915968882.jpg 0 0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 1871.37 0.0 319.5 0.0 1871.37 212.5 0.0 0.0 1.0 0.9995947699768509 -0.002501490720276705 0.02835557051273074 -0.47215902839319507 0.006695523451842235 0.9888450977476714 -0.14879698460017388 0.26768247076520935 -0.02766705261916972 0.14892654298201824 0.9884611368156023 17.52278013680469 0.0 0.0 0.0 1.0 +reichstag/test/images/48542127_4157749181.jpg reichstag/test/images/20982577_4977562846.jpg 0 0 713.145 0.0 319.5 0.0 713.145 239.5 0.0 0.0 1.0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 0.993437108652843 -0.0322778895587323 -0.10973080240804456 0.6410166918456579 0.03590457378989376 0.9988669255649 0.0312366226325809 0.13024993052814732 0.10859821698557078 -0.034971457764275016 0.9934703943295927 1.6196600301057555 0.0 0.0 0.0 1.0 +reichstag/test/images/91629190_2705184160.jpg reichstag/test/images/05466646_5360480312.jpg 0 0 1208.55 0.0 319.5 0.0 1208.55 213.5 0.0 0.0 1.0 750.195 0.0 319.5 0.0 750.195 178.5 0.0 0.0 1.0 0.9990826100755607 0.011310105644655684 0.04130399199728941 -0.6548221139475272 -0.009634501338109919 0.9991313137954375 -0.040543731665563604 -0.0676241611465968 -0.04172666567761409 0.04010859388846728 0.9983236880229371 -0.6165216732616248 0.0 0.0 0.0 1.0 +reichstag/test/images/77361791_2035867493.jpg reichstag/test/images/91831337_388207037.jpg 0 0 601.346 0.0 249.5 0.0 601.346 187.0 0.0 0.0 1.0 678.613 0.0 319.5 0.0 678.613 239.5 0.0 0.0 1.0 0.9964529528937995 0.00786450685262791 -0.08378342438210445 4.031385319622826 -0.008239828483415831 0.9999575033713377 -0.004134812925020066 -0.06926849792573461 0.08374734560444726 0.004810507595461462 0.9964754091902536 3.2967962598601623 0.0 0.0 0.0 1.0 +reichstag/test/images/05978621_9257964873.jpg reichstag/test/images/64282931_8298463790.jpg 0 0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 0.9700958511267129 0.01005929125663124 0.2425136084555937 -2.141383086330944 -0.047017241460297114 0.9880042286691982 0.14709528591102666 -0.8217101815930232 -0.2381247963404964 -0.15409884746874913 0.9589317632535699 -3.9316085045844966 0.0 0.0 0.0 1.0 +reichstag/test/images/06639257_4979506057.jpg reichstag/test/images/05461164_9050854768.jpg 0 0 678.155 0.0 319.5 0.0 678.155 239.5 0.0 0.0 1.0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 0.9967050784787428 0.0016692529848359016 0.08109377367687348 -0.5976306530379004 0.008432507402676986 0.9922380765333162 -0.12406648337229913 -0.048677793578962514 -0.08067142835965631 0.12434151789301029 0.988954653952584 -3.0173016140013837 0.0 0.0 0.0 1.0 +reichstag/test/images/48551853_12793928283.jpg reichstag/test/images/48900330_6782044072.jpg 0 0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 769.928 0.0 319.5 0.0 769.928 170.0 0.0 0.0 1.0 0.9877116792733572 0.006385622602136521 -0.15615653188703751 0.9168639554905298 0.0023859370314742714 0.9984324171143714 0.05591972603327343 0.23636437768029203 0.15626882584663557 -0.05560514615696646 0.9861481236555575 2.4184034904069396 0.0 0.0 0.0 1.0 +reichstag/test/images/06796518_2036664706.jpg reichstag/test/images/77458003_1504115665.jpg 0 0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 612.932 0.0 249.5 0.0 612.932 187.0 0.0 0.0 1.0 0.9996368499848195 -0.009312745003259182 0.025287169334101602 -0.3442182662151409 0.0038651544309811115 0.9782340436561587 0.20746859138998533 0.13549772145461178 -0.02666887199811654 -0.20729551035327387 0.9779147931459691 0.8629664211206776 0.0 0.0 0.0 1.0 +reichstag/test/images/49051226_8836027266.jpg reichstag/test/images/49501249_12793461434.jpg 0 0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 587.147 0.0 319.5 0.0 587.147 230.0 0.0 0.0 1.0 0.9332298854674951 0.059633962858113454 0.35429616332125774 -2.143254694609582 -0.037923428937367436 0.996970097489428 -0.06791493392143239 -0.14080516165788787 -0.3572727171335066 0.04994412063253519 0.9326638142472797 -4.944504345297412 0.0 0.0 0.0 1.0 +reichstag/test/images/62810349_4295140640.jpg reichstag/test/images/64271070_4602086309.jpg 0 0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 0.991222226205449 -0.00524211264534159 0.13210230327790595 -1.265939595891807 -0.01046867044940233 0.992963865939888 0.11795409224242202 -1.0844189265512947 -0.13179114240090684 -0.11830165338119979 0.9841929757887619 -3.954331690672631 0.0 0.0 0.0 1.0 +reichstag/test/images/76958303_5507621260.jpg reichstag/test/images/05461164_9050854768.jpg 0 0 708.355 0.0 319.5 0.0 708.355 239.5 0.0 0.0 1.0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 0.9926492883575898 -0.014447603734072785 -0.12016096316821806 1.1215396664033783 0.002589458288026223 0.9951572460170851 -0.09826164259498947 -0.091123245046843 0.12099869845971574 0.09722819779279097 0.9878795435299896 -2.5627319749346085 0.0 0.0 0.0 1.0 +reichstag/test/images/06030835_119872882.jpg reichstag/test/images/76958303_5507621260.jpg 0 0 710.363 0.0 319.5 0.0 710.363 239.5 0.0 0.0 1.0 708.355 0.0 319.5 0.0 708.355 239.5 0.0 0.0 1.0 0.9834425676077527 0.014793690112228414 0.18061523454552186 -1.8747163771899773 -0.026399419469675414 0.9977255321310989 0.06202284406071307 -0.030920669470674456 -0.1792868842630008 -0.06576404235278396 0.9815963039175964 -0.6100987068399162 0.0 0.0 0.0 1.0 +reichstag/test/images/48551853_12793928283.jpg reichstag/test/images/77349640_2188160842.jpg 0 0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 708.96 0.0 239.0 0.0 708.96 319.5 0.0 0.0 1.0 0.9786183470061245 -0.0020239352839882025 -0.20567458420759355 1.0578343865025748 -0.012901524697232677 0.9973785265028766 -0.0712013028773888 0.21347569985904186 0.20527952056522092 0.07233241705429998 0.9760268130945974 -3.942209709003479 0.0 0.0 0.0 1.0 +reichstag/test/images/34959164_3067403556.jpg reichstag/test/images/77274889_6889793618.jpg 0 0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 757.774 0.0 319.5 0.0 757.774 239.5 0.0 0.0 1.0 0.9282267739635641 -0.044762942193781775 -0.36931197530455323 1.748545560086937 0.03434179506109567 0.9988059273404825 -0.03474709515197174 0.42279899190309783 0.3704263721836993 0.019570347868002328 0.9286556435380927 7.318958925195741 0.0 0.0 0.0 1.0 +reichstag/test/images/78043438_3428167710.jpg reichstag/test/images/77902859_6141520050.jpg 0 0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 0.9974274495337537 0.03916466868366277 0.06003841806285696 -0.38269686165643707 -0.038085693058883666 0.9990935999582229 -0.01901206213809583 -0.13122868886118305 -0.06072860035284829 0.01667654788669526 0.9980149948020655 -1.6185675924009788 0.0 0.0 0.0 1.0 +reichstag/test/images/91549947_3428166276.jpg reichstag/test/images/05534141_6340060522.jpg 0 0 543.843 0.0 319.5 0.0 543.843 213.0 0.0 0.0 1.0 668.983 0.0 319.5 0.0 668.983 213.5 0.0 0.0 1.0 0.9969525655796388 0.02963673777932874 0.072161248312201 -0.7845558895275965 -0.029130658948007503 0.9995431504339821 -0.008055751347031887 -0.004982875488011164 -0.07236702766751368 0.005929097259249864 0.9973604459332944 -0.7880157291346879 0.0 0.0 0.0 1.0 +reichstag/test/images/92102978_5376734902.jpg reichstag/test/images/05466646_5360480312.jpg 0 0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 750.195 0.0 319.5 0.0 750.195 178.5 0.0 0.0 1.0 0.9997955665843776 -0.014888053777359453 -0.013681041369203005 -0.34287870483910743 0.014388261211938964 0.9992506778680985 -0.03593133339360987 0.41994244668473235 0.014205737485973896 0.03572714143152491 0.999260610845645 9.336536190098924 0.0 0.0 0.0 1.0 +reichstag/test/images/06796518_2036664706.jpg reichstag/test/images/06229406_8584869180.jpg 0 0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 0.999782558524267 0.0043815683977760445 0.020387190317603564 -0.11684065591066078 -0.008302902772387906 0.980478695007437 0.19644996931042064 -0.38538046012071486 -0.019128446780197584 -0.19657652579819523 0.9803018780094672 -3.358529185624303 0.0 0.0 0.0 1.0 +reichstag/test/images/76958303_5507621260.jpg reichstag/test/images/06796518_2036664706.jpg 0 0 708.355 0.0 319.5 0.0 708.355 239.5 0.0 0.0 1.0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 0.980929262679565 -0.023808609515250007 -0.1929013523329363 2.0476038023841903 -0.00515721067693491 0.9889315585111665 -0.14828275610707078 -0.12404542729955537 0.1942966412395206 0.14644972753004926 0.9699491185157165 2.352663275602795 0.0 0.0 0.0 1.0 +reichstag/test/images/48815289_2513792540.jpg reichstag/test/images/48716728_829974943.jpg 0 0 776.799 0.0 319.5 0.0 776.799 211.0 0.0 0.0 1.0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 0.9987066516113244 0.018001734176381536 0.04754956986072065 -0.6248699563022657 -0.017649920388292394 0.9998137368975234 -0.007808445510937061 -0.16984101084737435 -0.047681278690735594 0.006959100347978162 0.9988383585869953 -1.8261049941653118 0.0 0.0 0.0 1.0 +reichstag/test/images/62810349_4295140640.jpg reichstag/test/images/34959164_3067403556.jpg 0 0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 0.9995768245242187 -0.013190770903561156 -0.025926346388357568 0.43647569372050116 0.012062071213700239 0.99899279257657 -0.043219287570501266 -0.18245695677079232 0.026470328900770414 0.04288827279147325 0.9987291513442718 -2.466781357108818 0.0 0.0 0.0 1.0 +reichstag/test/images/62810349_4295140640.jpg reichstag/test/images/49284352_2431392889.jpg 0 0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 666.383 0.0 319.5 0.0 666.383 179.5 0.0 0.0 1.0 0.9994072371028981 -0.008868279826214272 0.033264516218875356 -0.11291563022409412 0.0030311931989702697 0.9851665203219472 0.171574296165063 -1.7750830603825811 -0.03429265656291996 -0.17137176211287025 0.9846094316307292 -5.265150720553551 0.0 0.0 0.0 1.0 +reichstag/test/images/78043438_3428167710.jpg reichstag/test/images/77023786_7168337563.jpg 0 0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 0.9981923979959229 0.03689865099795104 0.04743865657542007 -0.49043335955504386 -0.03897437761834645 0.9982884581020842 0.0436022053275453 -0.44974566718312836 -0.0457486007699883 -0.04537228200889052 0.9979220518421736 -3.133358739476595 0.0 0.0 0.0 1.0 +reichstag/test/images/05461164_9050854768.jpg reichstag/test/images/35531158_5960344226.jpg 0 0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 0.9999553501933172 -0.002650594765819154 -0.009070389580818702 0.3102929945830585 0.002436679054386788 0.9997205313819998 -0.023514287751878176 -0.06512597616299805 0.009130181539614932 0.02349113621516906 0.9996823527022842 -0.0749080985206767 0.0 0.0 0.0 1.0 +reichstag/test/images/63790741_1504116525.jpg reichstag/test/images/78043438_3428167710.jpg 0 0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 0.9978928235127271 -0.04379217939827592 -0.04787648488920508 0.3243538695648666 0.04087772734508729 0.9973461869448963 -0.060246118493864284 0.22550952673214103 0.050387738477706716 0.058162087393982445 0.9970347272793848 2.565732354340283 0.0 0.0 0.0 1.0 +reichstag/test/images/64282931_8298463790.jpg reichstag/test/images/05866831_3427466899.jpg 0 0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 961.582 0.0 249.5 0.0 961.582 176.5 0.0 0.0 1.0 0.89366859628789 -0.0698108588178881 -0.44326389882319706 2.5751451187887167 0.010377198742064464 0.9907751237453254 -0.1351183478055555 0.7353889872168471 0.4486075721107483 0.11615118664285902 0.8861490552307527 11.143947212945566 0.0 0.0 0.0 1.0 +reichstag/test/images/35531158_5960344226.jpg reichstag/test/images/20613988_1265419368.jpg 0 0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 0.9927132131429011 -0.007147680691002645 -0.12028876552794314 0.8693248388280514 0.046367588062174926 0.94403689584317 0.3265645205224967 0.9823560202896203 0.11122285389610118 -0.32976241439486575 0.9374893209118038 2.3925670346605195 0.0 0.0 0.0 1.0 +reichstag/test/images/91831337_388207037.jpg reichstag/test/images/19799508_3094174298.jpg 0 0 678.613 0.0 319.5 0.0 678.613 239.5 0.0 0.0 1.0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 0.9914074253935417 -0.01356481447771698 0.13010500637075642 -4.913167660395306 0.006278062306097343 0.9983967419938017 0.056254168821899014 -0.24055701378445582 -0.13065949184131329 -0.054953993343041754 0.9899031042518368 -4.679879494395108 0.0 0.0 0.0 1.0 +reichstag/test/images/92102978_5376734902.jpg reichstag/test/images/05545431_1341290848.jpg 0 0 729.291 0.0 319.5 0.0 729.291 239.5 0.0 0.0 1.0 492.313 0.0 319.5 0.0 492.313 213.0 0.0 0.0 1.0 0.9996882162622844 -0.024445617912938342 0.005087438568333673 -0.491698313786219 0.02394135042530442 0.9962841722458258 0.08273245960481619 -0.32823757974453444 -0.007090980619400745 -0.08258486481979851 0.9965588081475928 -2.819696172459519 0.0 0.0 0.0 1.0 +reichstag/test/images/34272622_11098902473.jpg reichstag/test/images/05791347_12791964625.jpg 0 0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 0.9985678616082276 -0.0377995503216603 0.03786053035354799 0.1415475322861288 0.03562863168224863 0.9977689380929208 0.05646013444347949 0.15571429243936247 -0.039910228859558375 -0.055030356826077244 0.9976867411467248 1.73111918997764 0.0 0.0 0.0 1.0 +reichstag/test/images/77214581_8512429399.jpg reichstag/test/images/48900330_6782044072.jpg 0 0 536.081 0.0 319.5 0.0 536.081 213.0 0.0 0.0 1.0 769.928 0.0 319.5 0.0 769.928 170.0 0.0 0.0 1.0 0.9978448286087792 -0.001344542571821008 -0.06560404121689839 0.321481585985875 0.0022737685694402816 0.9998981239111024 0.01409154979234124 0.5555075286878817 0.06557841104516463 -0.014210348494318067 0.9977462292589542 6.360264549181293 0.0 0.0 0.0 1.0 +reichstag/test/images/05545431_1341290848.jpg reichstag/test/images/06030835_119872882.jpg 0 0 492.313 0.0 319.5 0.0 492.313 213.0 0.0 0.0 1.0 710.363 0.0 319.5 0.0 710.363 239.5 0.0 0.0 1.0 0.9997186968934347 0.001621173334715563 -0.023662182458766414 0.04398292145343118 -0.004035910628130928 0.9947389282602971 -0.10236296219315677 0.03576480545861786 0.023371745914562855 0.1024296656275647 0.9944656480202474 1.44331209091258 0.0 0.0 0.0 1.0 +reichstag/test/images/34959164_3067403556.jpg reichstag/test/images/48983853_5719892543.jpg 0 0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 0.9974697900154323 0.0030600349129247884 0.0710257290909521 -0.6207771268680351 -0.01017892154453626 0.9949267574131818 0.10008564801949098 0.7206567989185918 -0.07035913276014576 -0.10055537563762039 0.9924405316529638 3.822394878183954 0.0 0.0 0.0 1.0 +reichstag/test/images/78040542_6368040213.jpg reichstag/test/images/34481400_9199849492.jpg 0 0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 0.8704475474678632 0.0385582230843671 0.4907487448173029 -6.664651064927421 -0.07133254978162777 0.9962851351600831 0.04824517385922218 -0.1738974194158027 -0.4870654313835398 -0.07700125253287221 0.8699644088464398 -1.657681340262611 0.0 0.0 0.0 1.0 +reichstag/test/images/63812586_393800330.jpg reichstag/test/images/48815289_2513792540.jpg 0 0 1002.64 0.0 187.0 0.0 1002.64 249.5 0.0 0.0 1.0 776.799 0.0 319.5 0.0 776.799 211.0 0.0 0.0 1.0 0.9998463358165789 -0.01736423628615155 -0.00240583714323436 0.027343012023152924 0.017528290369944036 0.9922600944755905 0.12293357534863877 0.10715455138611628 0.00025256854118343064 -0.12295685507319719 0.9924119850141073 1.424190007033915 0.0 0.0 0.0 1.0 +reichstag/test/images/48815289_2513792540.jpg reichstag/test/images/91840440_9426147613.jpg 0 0 776.799 0.0 319.5 0.0 776.799 211.0 0.0 0.0 1.0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 0.9847931836091309 0.023972635660673244 0.1720688764898328 -2.324536851732853 -0.01601220875718798 0.9987427483559626 -0.04750296598208314 -0.30091047697331147 -0.17299131390826808 0.0440253943294019 0.98393890560666 -4.573623951626968 0.0 0.0 0.0 1.0 +reichstag/test/images/62663981_6029901745.jpg reichstag/test/images/19799508_3094174298.jpg 0 0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 0.9999774167160189 0.006544871980401928 -0.0015266658827614071 0.057960396027266534 -0.006555169125912065 0.9999551190386091 -0.006840297231242507 -0.9624404676712316 0.001481828494842489 0.006850150307927885 0.9999754395109266 -12.752879509208466 0.0 0.0 0.0 1.0 +reichstag/test/images/64271070_4602086309.jpg reichstag/test/images/34272622_11098902473.jpg 0 0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 0.9722368973665985 -0.04925749749310794 -0.22875557772366206 0.49353668674674017 -0.01669024177027725 0.9605057192617381 -0.2777592466420167 -0.08618110635755599 0.23340276611175714 0.27386577406862556 0.9330169808557469 3.7544135796524865 0.0 0.0 0.0 1.0 +reichstag/test/images/06796518_2036664706.jpg reichstag/test/images/77792600_3686854267.jpg 0 0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 0.9917500142249328 -0.030213176765729245 -0.12457557238306603 0.8495137867043479 0.03933893793540842 0.9966675612588337 0.07145782180057386 -0.13131481596150812 0.12200146411809909 -0.0757689664974472 0.9896336223415959 -3.3328803646072944 0.0 0.0 0.0 1.0 +reichstag/test/images/78043438_3428167710.jpg reichstag/test/images/91840440_9426147613.jpg 0 0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 453.312 0.0 319.5 0.0 453.312 239.5 0.0 0.0 1.0 0.9726857662922206 0.03652304449565512 0.22923452461024335 -2.7995258950483572 -0.03373428474027791 0.9993015710841222 -0.01607383158636845 -0.2976077855485749 -0.22966148585598267 0.007901724468334691 0.9732384932095776 -3.8299817355328516 0.0 0.0 0.0 1.0 +reichstag/test/images/64127786_281241429.jpg reichstag/test/images/92241023_5405455015.jpg 0 0 739.982 0.0 319.5 0.0 739.982 239.5 0.0 0.0 1.0 523.981 0.0 319.5 0.0 523.981 213.0 0.0 0.0 1.0 0.9974748152831795 0.020012054158161173 0.0681433090197277 -0.5433603943642167 -0.030884142989262873 0.9862340351333929 0.16244567601609003 -1.1048840321721711 -0.06395437895567471 -0.16414001837722741 0.984361667162795 -5.105570948418934 0.0 0.0 0.0 1.0 +reichstag/test/images/77274889_6889793618.jpg reichstag/test/images/91831337_388207037.jpg 0 0 757.774 0.0 319.5 0.0 757.774 239.5 0.0 0.0 1.0 678.613 0.0 319.5 0.0 678.613 239.5 0.0 0.0 1.0 0.9609780688968842 0.0366916741131599 0.27418036426773723 0.13531553535475638 -0.01901877000103487 0.9975823958696474 -0.06684048053853414 0.007198979402997546 -0.27596999381610876 0.059017662625252265 0.9593526348592517 0.5040630743575134 0.0 0.0 0.0 1.0 +reichstag/test/images/64097451_5212815345.jpg reichstag/test/images/34959164_3067403556.jpg 0 0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 0.9962769116301581 -0.010387608005679602 -0.08558278420683901 1.014295189834071 0.011889110152561885 0.9997838908877381 0.017053462438927247 -0.27817186759568074 0.08538714430436402 -0.018007474039853377 0.9961851065270199 -2.8837756041285734 0.0 0.0 0.0 1.0 +reichstag/test/images/77792600_3686854267.jpg reichstag/test/images/05466646_5360480312.jpg 0 0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 750.195 0.0 319.5 0.0 750.195 178.5 0.0 0.0 1.0 0.9892355114823782 0.04152467517076553 0.14031679932980182 -0.6748602061535464 -0.040847549575706896 0.9991356929359663 -0.007703557296919668 0.49434571222724744 -0.1405154102433524 0.0018890350259235665 0.9900766894694638 12.773506881440683 0.0 0.0 0.0 1.0 +reichstag/test/images/48983853_5719892543.jpg reichstag/test/images/77107104_4141016705.jpg 0 0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 0.9994172196390224 -0.007938280817284055 -0.03319946967456494 0.39572060122951036 0.0049667134816394395 0.9960505175025814 -0.0886492997154006 -0.13332324368384885 0.03377207198555808 0.08843274439089609 0.9955094659887954 -1.5620751586746349 0.0 0.0 0.0 1.0 +reichstag/test/images/77458003_1504115665.jpg reichstag/test/images/64282931_8298463790.jpg 0 0 612.932 0.0 249.5 0.0 612.932 187.0 0.0 0.0 1.0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 0.9822816050423583 0.028777683438435096 0.18518826456156995 -1.8231680702607178 -0.03492852114831459 0.9989383228192767 0.030037070652814354 -1.1217963754863423 -0.18412725709628266 -0.03597321418677566 0.9822439010018192 -5.316741422072897 0.0 0.0 0.0 1.0 +reichstag/test/images/63329391_7754963780.jpg reichstag/test/images/78040542_6368040213.jpg 0 0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 0.8974940200107563 -0.03297140131876433 -0.4397924177836734 3.0160656144164983 0.0216701464708078 0.9992938710377891 -0.03069469104331252 0.5229262496701893 0.44049391459686016 0.018017935547327807 0.8975747685857408 6.123494481939001 0.0 0.0 0.0 1.0 +reichstag/test/images/06030835_119872882.jpg reichstag/test/images/62799820_4661707438.jpg 0 0 710.363 0.0 319.5 0.0 710.363 239.5 0.0 0.0 1.0 625.353 0.0 319.5 0.0 625.353 239.5 0.0 0.0 1.0 0.9930072694824487 -0.004392606695264305 0.11797147011643296 -1.0029014147691955 -0.020248259064823918 0.9781614182468003 0.20685803793484195 -1.5065840173881868 -0.11630378652415187 -0.2078002523093499 0.9712324564079986 -5.219218538814298 0.0 0.0 0.0 1.0 +reichstag/test/images/34481400_9199849492.jpg reichstag/test/images/48983853_5719892543.jpg 0 0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 0.992945526680292 -0.022283813418549372 -0.11645863087433664 1.1546219595145966 0.025582020788870098 0.999310653473475 0.02690312373635894 0.4247221770824506 0.11577884633194234 -0.029692583483814622 0.992831108108575 2.3770553244314216 0.0 0.0 0.0 1.0 +reichstag/test/images/06796518_2036664706.jpg reichstag/test/images/92414106_7915968882.jpg 0 0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 1871.37 0.0 319.5 0.0 1871.37 212.5 0.0 0.0 1.0 0.9988557882276939 -0.0036469050406956883 0.04768453006643038 -0.6832213224594226 0.0013300380647690369 0.998820882180051 0.04852912857048237 0.3855575981678939 -0.04780528551089743 -0.048410178730183225 0.9976828700907583 14.148843816870656 0.0 0.0 0.0 1.0 +reichstag/test/images/05791347_12791964625.jpg reichstag/test/images/64271070_4602086309.jpg 0 0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 0.9803121557246349 0.03116441707067288 0.19497911797719414 -1.8387090796204109 -0.0751249347574189 0.9720702927275725 0.22234115717568992 -1.446748086120367 -0.18260427573365579 -0.2326115326143062 0.9552735489788307 -5.005594199729289 0.0 0.0 0.0 1.0 +reichstag/test/images/78040542_6368040213.jpg reichstag/test/images/64282931_8298463790.jpg 0 0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 0.8611954403084495 0.026087508896339696 0.5076040341363719 -6.18450883159519 -0.08225528784299664 0.9926708043712004 0.08853666907502049 -0.8806707135501239 -0.5015740037260717 -0.11800049164565929 0.8570294060051741 -4.033629561836153 0.0 0.0 0.0 1.0 +reichstag/test/images/48815289_2513792540.jpg reichstag/test/images/77107104_4141016705.jpg 0 0 776.799 0.0 319.5 0.0 776.799 211.0 0.0 0.0 1.0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 0.9999794102020074 0.0010215774930871458 -0.00633526254160714 -0.01345042299360355 -0.0010965830097142886 0.9999292179397873 -0.011847219759432231 -0.1447832950517674 0.006322711265610561 0.011853922968835817 0.999909749843705 -2.026308295998961 0.0 0.0 0.0 1.0 +reichstag/test/images/05866831_3427466899.jpg reichstag/test/images/06030835_119872882.jpg 0 0 961.582 0.0 249.5 0.0 961.582 176.5 0.0 0.0 1.0 710.363 0.0 319.5 0.0 710.363 239.5 0.0 0.0 1.0 0.9652026179178574 0.0038707430027108834 0.2614745182864319 -4.689453511187142 0.0021386370900349405 0.9997401659710198 -0.022694201365882058 -0.3008611228098206 -0.26149442173000886 0.022463701672810768 0.9649435473183098 -6.6711456900386334 0.0 0.0 0.0 1.0 +reichstag/test/images/48716728_829974943.jpg reichstag/test/images/63329391_7754963780.jpg 0 0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 0.9990736283480454 -0.013717871183092822 0.04078854189199901 0.0878306311905267 0.013256396868180573 0.9998452721551119 0.01156285826010106 -0.38173112667358894 -0.04094084856893638 -0.011011437656998585 0.9991008933832365 -3.069036169778024 0.0 0.0 0.0 1.0 +reichstag/test/images/48551853_12793928283.jpg reichstag/test/images/34481400_9199849492.jpg 0 0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 0.9996768965013832 0.021328511567788803 0.013827407409391226 -1.3362441394997542 -0.022522582839420206 0.9954214795053904 0.09289139573470481 -0.2914488051831443 -0.011782863132704277 -0.09317281112858397 0.995580228511391 -3.1643653332979733 0.0 0.0 0.0 1.0 +reichstag/test/images/78040542_6368040213.jpg reichstag/test/images/64097451_5212815345.jpg 0 0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 746.539 0.0 319.5 0.0 746.539 239.5 0.0 0.0 1.0 0.9167323529619669 0.0338607361479311 0.3980643711516216 -5.4645097504234075 -0.02480646250760702 0.9993035537703459 -0.027875559901389988 0.05049814117792081 -0.3987310276999702 0.01567985871994662 0.9169338632528783 -0.8789829007441534 0.0 0.0 0.0 1.0 +reichstag/test/images/48900330_6782044072.jpg reichstag/test/images/77274889_6889793618.jpg 0 0 769.928 0.0 319.5 0.0 769.928 170.0 0.0 0.0 1.0 757.774 0.0 319.5 0.0 757.774 239.5 0.0 0.0 1.0 0.9211659906926177 -0.057700606792719114 -0.38486862377575054 4.676029301996348 0.0322892605826932 0.9968695027561204 -0.07217061816132841 0.3114554946213638 0.38782808207027913 0.054053995694280994 0.9201453930261084 0.7777393702697681 0.0 0.0 0.0 1.0 +reichstag/test/images/48542127_4157749181.jpg reichstag/test/images/77107104_4141016705.jpg 0 0 713.145 0.0 319.5 0.0 713.145 239.5 0.0 0.0 1.0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 0.9936735317488762 -0.03138566942549622 -0.10783251854810981 0.6062059737563444 0.033784096552157895 0.9992191471403344 0.020487332874167482 0.05526142792059774 0.10710530856063785 -0.024000744631280553 0.9939579554162615 1.174232715496591 0.0 0.0 0.0 1.0 +reichstag/test/images/48668943_3586566128.jpg reichstag/test/images/76958303_5507621260.jpg 0 0 550.231 0.0 319.5 0.0 550.231 212.0 0.0 0.0 1.0 708.355 0.0 319.5 0.0 708.355 239.5 0.0 0.0 1.0 0.9412381501455886 -0.016556570950507866 0.33733755300717877 -2.9455037172046477 -0.027838450777372025 0.9915959936719526 0.1263424156490953 0.5156215816800713 -0.33659436324577124 -0.12830925645522903 0.9328670694901177 3.606568078384515 0.0 0.0 0.0 1.0 +reichstag/test/images/77792600_3686854267.jpg reichstag/test/images/34481400_9199849492.jpg 0 0 498.552 0.0 249.5 0.0 498.552 187.0 0.0 0.0 1.0 591.159 0.0 319.5 0.0 591.159 211.5 0.0 0.0 1.0 0.9486325075742762 0.047846008758080656 0.3127413068644152 -2.2290200422556383 -0.08763111171375657 0.9895601662837716 0.11441794249262598 0.3134542607181855 -0.30400189774597086 -0.13594644809761092 0.9429217408759285 1.4303176999652107 0.0 0.0 0.0 1.0 +reichstag/test/images/63329391_7754963780.jpg reichstag/test/images/06796518_2036664706.jpg 0 0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 0.9904896840893687 -0.006992368208159794 -0.13740921548202006 0.6170783560071574 -0.014429501001003342 0.9879210147979214 -0.15428498961826184 -0.134340282943387 0.13682826905798656 0.15480043703906857 0.9784246774683826 4.374033621455937 0.0 0.0 0.0 1.0 +reichstag/test/images/64271070_4602086309.jpg reichstag/test/images/48983853_5719892543.jpg 0 0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 791.331 0.0 319.5 0.0 791.331 239.5 0.0 0.0 1.0 0.9961699667322739 -0.0121613211166314 -0.08658810339370204 0.5443358796886588 0.006762008930841142 0.9980296486075599 -0.062378648073597075 1.1319698982239983 0.08717610117365589 0.061554226247826666 0.9942893968132176 5.470758370969833 0.0 0.0 0.0 1.0 +reichstag/test/images/35221995_8835396469.jpg reichstag/test/images/78043438_3428167710.jpg 0 0 918.648 0.0 319.5 0.0 918.648 213.0 0.0 0.0 1.0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 0.958842286417629 -0.05305242828933169 -0.2789388994565281 2.32746688060858 0.04338955940096945 0.9982285829123307 -0.040706785574767576 0.34419067529772646 0.2806043761462096 0.026928351406012224 0.9594456982957142 2.7846631819775074 0.0 0.0 0.0 1.0 +reichstag/test/images/06796518_2036664706.jpg reichstag/test/images/92697655_166630020.jpg 0 0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 431.56 0.0 249.5 0.0 431.56 187.0 0.0 0.0 1.0 0.9804947794955176 -0.031744103098799145 0.1939646857046134 -2.641212159007906 0.020870873289628004 0.9981072854417641 0.05784680973226437 -0.18851973979563935 -0.19543386101227428 -0.052670282574952154 0.9793015099055599 -3.546343490072382 0.0 0.0 0.0 1.0 +reichstag/test/images/34537245_34002183.jpg reichstag/test/images/77487845_5932034347.jpg 0 0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 774.031 0.0 319.5 0.0 774.031 212.0 0.0 0.0 1.0 0.9995568592981388 0.000713587381317472 0.02975862602826202 -0.4320949331570059 -0.0033266490392959685 0.996127996287538 0.08785185495106969 -1.3791622306818025 -0.029580710542684418 -0.08791192072309455 0.9956889452828961 -8.16459357305423 0.0 0.0 0.0 1.0 +reichstag/test/images/62673079_4759250457.jpg reichstag/test/images/48542127_4157749181.jpg 0 0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 713.145 0.0 319.5 0.0 713.145 239.5 0.0 0.0 1.0 0.9988316099119267 0.014525029441107432 0.04609163221761045 0.20759064980133246 -0.01328034023620236 0.9995418744632265 -0.027196943904602658 0.27008248081957276 -0.04646555287478249 0.026553054707026864 0.9985669169774083 1.4697481058334159 0.0 0.0 0.0 1.0 +reichstag/test/images/20982577_4977562846.jpg reichstag/test/images/63812586_393800330.jpg 0 0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 1002.64 0.0 187.0 0.0 1002.64 249.5 0.0 0.0 1.0 0.999811589508187 0.01745955780033734 0.008482294885787412 -0.04193414565751821 -0.01629324198530423 0.9923756488687095 -0.12216833385954094 -0.018748187206808986 -0.010550627977570583 0.12200711198050965 0.9924731476848402 0.15442634068327799 0.0 0.0 0.0 1.0 +reichstag/test/images/20982577_4977562846.jpg reichstag/test/images/05461164_9050854768.jpg 0 0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 485.639 0.0 319.5 0.0 485.639 194.5 0.0 0.0 1.0 0.9994429940869547 0.007704169630851449 0.03247071512613728 -0.4272618305995682 -0.0044491051872242796 0.9950624555110079 -0.0991509712279051 -0.11310580755191899 -0.03307426542701603 0.09895127792354638 0.9945424765005065 -3.7894182800608407 0.0 0.0 0.0 1.0 +reichstag/test/images/05466646_5360480312.jpg reichstag/test/images/77107104_4141016705.jpg 0 0 750.195 0.0 319.5 0.0 750.195 178.5 0.0 0.0 1.0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 0.9996916788059461 -0.0028536563863486315 0.024665846253025855 -0.5976955156923642 0.0011095219140871966 0.9975156164224983 0.07043695020630424 -1.1278716928742882 -0.0248055696824608 -0.07038786570476387 0.9972112274108514 -10.746010739723094 0.0 0.0 0.0 1.0 +reichstag/test/images/62799820_4661707438.jpg reichstag/test/images/19812646_389634613.jpg 0 0 625.353 0.0 319.5 0.0 625.353 239.5 0.0 0.0 1.0 747.529 0.0 319.5 0.0 747.529 239.5 0.0 0.0 1.0 0.9748630420841015 -0.07265933617436161 -0.21062447636785328 0.9550934435151195 0.07155280798064181 0.9973536476591893 -0.012880107569211562 -0.013668667027569414 0.2110029498576185 -0.002514431866280157 0.9774821905199975 0.37178553945353165 0.0 0.0 0.0 1.0 +reichstag/test/images/34272622_11098902473.jpg reichstag/test/images/48716728_829974943.jpg 0 0 734.074 0.0 319.5 0.0 734.074 213.0 0.0 0.0 1.0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 0.9854765079409423 0.004357648418473403 0.1697558929663028 -0.6501031387501961 -0.027291597084222477 0.9907398978881126 0.1330023438186145 0.09731965366471987 -0.16760435861014572 -0.1357035947678376 0.9764698220334144 0.5545446434909924 0.0 0.0 0.0 1.0 +reichstag/test/images/05978621_9257964873.jpg reichstag/test/images/77902859_6141520050.jpg 0 0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 629.859 0.0 319.5 0.0 629.859 214.0 0.0 0.0 1.0 0.9961097507704183 0.029995737636217313 0.08285903779162972 -0.6647231835984534 -0.030944276619398133 0.9994691981505338 0.010186937362684452 -0.05432690473677573 -0.08250949136067726 -0.012711320623298824 0.996509210275256 -1.2105006692229665 0.0 0.0 0.0 1.0 +reichstag/test/images/48551853_12793928283.jpg reichstag/test/images/05978621_9257964873.jpg 0 0 654.405 0.0 319.5 0.0 654.405 176.0 0.0 0.0 1.0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 0.9776212512151343 -0.006449216495762545 -0.21027386137878826 1.6336070925659127 0.002189056719802536 0.9997877327842661 -0.020486517634158166 0.0949334613236613 0.21036134911915866 0.019567753593296554 0.9774278519748042 -1.364339831533755 0.0 0.0 0.0 1.0 +reichstag/test/images/48542127_4157749181.jpg reichstag/test/images/06229406_8584869180.jpg 0 0 713.145 0.0 319.5 0.0 713.145 239.5 0.0 0.0 1.0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 0.9910315455566233 -0.025976472295662304 -0.13107897847756964 1.1039395296403174 0.03655617290632276 0.9962070606381812 0.07896289354550075 -0.0661067645417755 0.128530626444025 -0.08304646423363089 0.9882222234114142 -0.73372812461339 0.0 0.0 0.0 1.0 +reichstag/test/images/77023786_7168337563.jpg reichstag/test/images/78040542_6368040213.jpg 0 0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 0.9361753218203722 -0.04783829737887503 -0.3482632109747067 3.1850470458250926 0.037545535812945854 0.9986372730796402 -0.03624816625126276 0.42985193037771763 0.3495226738783073 0.0208589098456919 0.9366956850146197 4.985429666389848 0.0 0.0 0.0 1.0 +reichstag/test/images/05936329_2458217347.jpg reichstag/test/images/05545431_1341290848.jpg 0 0 864.162 0.0 319.5 0.0 864.162 200.0 0.0 0.0 1.0 492.313 0.0 319.5 0.0 492.313 213.0 0.0 0.0 1.0 0.9983361324055596 -0.006306837109206808 -0.05731658171233345 0.8706198471047883 0.010307417919785409 0.9975096577765259 0.06977277247168091 -0.4487640181626 0.05673379829815337 -0.07024746577803358 0.9959149409876469 -3.079745789941904 0.0 0.0 0.0 1.0 +reichstag/test/images/62673079_4759250457.jpg reichstag/test/images/62799820_4661707438.jpg 0 0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 625.353 0.0 319.5 0.0 625.353 239.5 0.0 0.0 1.0 0.9993582330924051 -0.022364010538074967 0.027981654402105052 0.1680083899089182 0.01794582689719939 0.9886399595137427 0.1492279389043517 -0.763043226254098 -0.031001116873456795 -0.1486300154252769 0.9884068237660443 -2.682008916606248 0.0 0.0 0.0 1.0 +reichstag/test/images/76958303_5507621260.jpg reichstag/test/images/34959164_3067403556.jpg 0 0 708.355 0.0 319.5 0.0 708.355 239.5 0.0 0.0 1.0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 0.9821084988948975 -0.020378837442143707 -0.18721004081757375 1.8822635624865252 0.01630912572278726 0.9995965626700676 -0.023253479660987883 -0.14446182219242298 0.18760839218054526 0.01978420791167389 0.9820446406863276 -1.3972683555720593 0.0 0.0 0.0 1.0 +reichstag/test/images/49051226_8836027266.jpg reichstag/test/images/06639257_4979506057.jpg 0 0 918.822 0.0 319.5 0.0 918.822 213.0 0.0 0.0 1.0 678.155 0.0 319.5 0.0 678.155 239.5 0.0 0.0 1.0 0.9970690712243978 -0.005312508970149738 -0.07632197885379215 0.7602235230058284 0.010950652498909039 0.9972243370506063 0.07364580642390035 -0.6824365143483551 0.07571889075762242 -0.07426573127910707 0.9943597189850436 -4.420106148199557 0.0 0.0 0.0 1.0 +reichstag/test/images/05978621_9257964873.jpg reichstag/test/images/35531158_5960344226.jpg 0 0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 383.488 0.0 319.5 0.0 383.488 200.0 0.0 0.0 1.0 0.9953443528253094 0.01277559621922711 0.09553221153102993 -0.956797990522102 -0.006905353434285045 0.9980814860199301 -0.0615277446213953 -0.01396353732221883 -0.09613498526922334 0.060581609466002946 0.9935229907766581 -4.377400606037566 0.0 0.0 0.0 1.0 +reichstag/test/images/48900330_6782044072.jpg reichstag/test/images/48668943_3586566128.jpg 0 0 769.928 0.0 319.5 0.0 769.928 170.0 0.0 0.0 1.0 550.231 0.0 319.5 0.0 550.231 212.0 0.0 0.0 1.0 0.9848983530930558 -0.009653481135513469 -0.1728642368350163 3.3183291297459974 -0.01589266480814318 0.9891879926281054 -0.14578936328030012 0.32817042006118496 0.1724026023002041 0.14633497716658725 0.9740962052989284 -8.356516220028972 0.0 0.0 0.0 1.0 +reichstag/test/images/05534141_6340060522.jpg reichstag/test/images/06796518_2036664706.jpg 0 0 668.983 0.0 319.5 0.0 668.983 213.5 0.0 0.0 1.0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 0.99951866252866 -0.003116377465679873 -0.03086634815474772 0.4542714072842796 -0.0008926650300414512 0.9916408050747965 -0.12902603171358004 -0.06199350918551101 0.031010424151611284 0.12899147995934082 0.9911607093160201 1.1870656148434078 0.0 0.0 0.0 1.0 +reichstag/test/images/77107104_4141016705.jpg reichstag/test/images/62673079_4759250457.jpg 0 0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 0.9979398434043302 0.019522698055132348 0.06111409990165619 -0.8132667795576092 -0.019801436309546488 0.9997960955998667 0.003958578449531335 -0.3598950145126646 -0.06102435633597831 -0.0051605701148469615 0.9981229365413206 -2.604614704922862 0.0 0.0 0.0 1.0 +reichstag/test/images/20099963_3586531606.jpg reichstag/test/images/06030835_119872882.jpg 0 0 502.573 0.0 319.5 0.0 502.573 212.0 0.0 0.0 1.0 710.363 0.0 319.5 0.0 710.363 239.5 0.0 0.0 1.0 0.9988903040738134 -0.004723740277544459 0.04685986241032522 -1.8070653696754981 0.015551754626566426 0.9722316628804817 -0.23350318332024686 0.3151147144160792 -0.04445563356155637 0.23397281887100488 0.9712262438145897 3.8386044463468787 0.0 0.0 0.0 1.0 +reichstag/test/images/62663981_6029901745.jpg reichstag/test/images/77122925_1063274053.jpg 0 0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 658.554 0.0 319.5 0.0 658.554 239.5 0.0 0.0 1.0 0.877320696136435 0.03730571968915289 0.4784523794581393 -9.208558121613153 -0.10194416904055256 0.9887075029290799 0.10984015682060462 -3.151853973982652 -0.4689517912635714 -0.14514047309492317 0.8712166553392272 -13.871038260168538 0.0 0.0 0.0 1.0 +reichstag/test/images/06030835_119872882.jpg reichstag/test/images/05936329_2458217347.jpg 0 0 710.363 0.0 319.5 0.0 710.363 239.5 0.0 0.0 1.0 864.162 0.0 319.5 0.0 864.162 200.0 0.0 0.0 1.0 0.9967295619742892 0.00041655479716753985 0.0808084572841404 -0.8503057756975034 -0.0030257185655210546 0.999477880420438 0.0321684873351428 0.15475074402693834 -0.08075286566868108 -0.03230778594038808 0.9962104103320372 1.7152420082882327 0.0 0.0 0.0 1.0 +reichstag/test/images/77107104_4141016705.jpg reichstag/test/images/62810349_4295140640.jpg 0 0 679.909 0.0 319.5 0.0 679.909 239.5 0.0 0.0 1.0 721.407 0.0 319.5 0.0 721.407 239.5 0.0 0.0 1.0 0.9998499723912384 0.01343279288698986 -0.01093584859510288 0.01021006472789665 -0.013084248381491572 0.9994230566071683 0.03134256476863378 -0.02490673218311884 0.011350557410595047 -0.031194775159308376 0.9994488735544349 0.19403907475368132 0.0 0.0 0.0 1.0 +reichstag/test/images/06229406_8584869180.jpg reichstag/test/images/78043438_3428167710.jpg 0 0 477.383 0.0 319.5 0.0 477.383 213.0 0.0 0.0 1.0 540.668 0.0 319.5 0.0 540.668 213.0 0.0 0.0 1.0 0.9992922816005572 -0.027296970685371773 -0.025880713378004468 -0.03950170606295017 0.025167829186695394 0.9965331060985175 -0.07929910985421233 0.13169530218025738 0.027955613167694744 0.07859162704158165 0.9965148467792012 3.3222551475274433 0.0 0.0 0.0 1.0 +reichstag/test/images/34959164_3067403556.jpg reichstag/test/images/05791347_12791964625.jpg 0 0 487.7 0.0 319.5 0.0 487.7 179.5 0.0 0.0 1.0 926.355 0.0 319.5 0.0 926.355 213.0 0.0 0.0 1.0 0.9984360470119517 -0.04350045004087029 -0.03511653276435306 -0.1880469305554207 0.041112006806927795 0.9969664885739655 -0.06608799858373512 0.1264580928520667 0.03788486404166256 0.06454092892683215 0.997195670653361 3.6515858502160765 0.0 0.0 0.0 1.0 +reichstag/test/images/34537245_34002183.jpg reichstag/test/images/05534141_6340060522.jpg 0 0 996.947 0.0 319.5 0.0 996.947 198.5 0.0 0.0 1.0 668.983 0.0 319.5 0.0 668.983 213.5 0.0 0.0 1.0 0.9997002962628003 -0.0005566076518320076 0.02447463666719141 -0.3647005761202479 0.00040299577833345667 0.9999801940352487 0.006280854370922223 -0.2156738506232826 -0.024477647895003184 -0.006269108800141326 0.9996807205445047 -3.9971620685540934 0.0 0.0 0.0 1.0 +reichstag/test/images/64282931_8298463790.jpg reichstag/test/images/92342560_2757258130.jpg 0 0 644.779 0.0 319.5 0.0 644.779 180.0 0.0 0.0 1.0 1743.4 0.0 319.5 0.0 1743.4 239.5 0.0 0.0 1.0 0.9953425683534487 -0.008524946590503794 -0.09602341854563204 0.0209685948417484 0.006174521400585303 0.9996746474414866 -0.024748223132445155 0.6253548837303753 0.09620315436114495 0.02404006132206481 0.9950713685673993 3.047322010509241 0.0 0.0 0.0 1.0 +reichstag/test/images/91831337_388207037.jpg reichstag/test/images/78040542_6368040213.jpg 0 0 678.613 0.0 319.5 0.0 678.613 239.5 0.0 0.0 1.0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 0.9751662402456798 0.0002261852496503047 -0.22147404526340841 0.5976534160600182 0.020843812221633864 0.9954671818229955 0.09279345561758438 -0.23717686374079816 0.2204911321962285 -0.09510540864544022 0.9707412744234218 -2.3250602025541616 0.0 0.0 0.0 1.0 +reichstag/test/images/91629190_2705184160.jpg reichstag/test/images/05978621_9257964873.jpg 0 0 1208.55 0.0 319.5 0.0 1208.55 213.5 0.0 0.0 1.0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 0.9999683991776287 -0.0029679584081585227 -0.007375084339724382 0.40856502041719406 0.002818721049797217 0.999792712444244 -0.020164001463617336 -0.6741885601613247 0.007433401494204165 0.02014257595911637 0.9997694840191699 -10.40800374434295 0.0 0.0 0.0 1.0 +reichstag/test/images/49284352_2431392889.jpg reichstag/test/images/62673079_4759250457.jpg 0 0 666.383 0.0 319.5 0.0 666.383 179.5 0.0 0.0 1.0 510.747 0.0 319.5 0.0 510.747 212.0 0.0 0.0 1.0 0.9991069435749746 0.023587519406678255 0.03505630083896617 -0.4979121025341987 -0.01618599185114834 0.9800445344986072 -0.19811795493393 0.3651068735385167 -0.03902984714378322 0.19737360342165247 0.9795510868271675 2.7067576471961123 0.0 0.0 0.0 1.0 +reichstag/test/images/64271070_4602086309.jpg reichstag/test/images/63329391_7754963780.jpg 0 0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 416.018 0.0 319.5 0.0 416.018 168.5 0.0 0.0 1.0 0.9996481469687909 -0.005512465822279646 -0.025946001279980216 0.7230430930806654 0.001978145838704594 0.9909361142165285 -0.13431941215061874 0.1702592354921625 0.02645126085658965 0.13422082648384034 0.9905983548023345 1.0519694667818529 0.0 0.0 0.0 1.0 +reichstag/test/images/48668943_3586566128.jpg reichstag/test/images/06796518_2036664706.jpg 0 0 550.231 0.0 319.5 0.0 550.231 212.0 0.0 0.0 1.0 597.606 0.0 249.5 0.0 597.606 187.0 0.0 0.0 1.0 0.9888803472900106 -0.015098317658158202 0.14794492065455087 -1.5497150796503112 0.017526653920915274 0.9997320073411426 -0.015123818961695273 -0.1337322444580083 -0.14767692827901205 0.017548626770862018 0.988879957604831 5.354061965233051 0.0 0.0 0.0 1.0 +reichstag/test/images/06857713_2570944910.jpg reichstag/test/images/20613988_1265419368.jpg 0 0 782.61 0.0 319.5 0.0 782.61 239.5 0.0 0.0 1.0 653.574 0.0 319.5 0.0 653.574 239.5 0.0 0.0 1.0 0.9979802035437448 -0.013134822577014814 -0.062152954641398875 0.7880032039688782 0.023943401487629568 0.98400861526053 0.17650427365436938 -0.2971842363046338 0.05884069051249842 -0.17763592409454984 0.9823356104769324 -1.1586995736215364 0.0 0.0 0.0 1.0 +reichstag/test/images/35221995_8835396469.jpg reichstag/test/images/77361791_2035867493.jpg 0 0 918.648 0.0 319.5 0.0 918.648 213.0 0.0 0.0 1.0 601.346 0.0 249.5 0.0 601.346 187.0 0.0 0.0 1.0 0.9585751432749442 -0.033011914563843545 -0.28292032127835887 2.392295003498379 0.0020056657489905725 0.9940189446164406 -0.10918935409883741 0.06368948318875757 0.28483270879645056 0.1040987571513103 0.9529080631200624 2.8882115505586654 0.0 0.0 0.0 1.0 +reichstag/test/images/78040542_6368040213.jpg reichstag/test/images/06373813_9127207861.jpg 0 0 1002.62 0.0 319.5 0.0 1002.62 239.5 0.0 0.0 1.0 1495.37 0.0 319.5 0.0 1495.37 211.5 0.0 0.0 1.0 0.9384356871054053 0.019422762388814303 0.3449075491609218 -4.643877320544158 -0.024397270549038754 0.9996514463804256 0.01008756359484261 1.1896925784685428 -0.34459140203545857 -0.017881332464630487 0.9385824543387365 9.735032278845036 0.0 0.0 0.0 1.0 +reichstag/test/images/19799508_3094174298.jpg reichstag/test/images/62751178_369337490.jpg 0 0 728.136 0.0 319.5 0.0 728.136 239.5 0.0 0.0 1.0 700.224 0.0 319.5 0.0 700.224 258.5 0.0 0.0 1.0 0.999989282547418 0.000563206023732454 0.004595387826373057 -0.10966920165793331 -0.0013499617577620551 0.9849118422808909 0.17305155456716922 -1.2271971320596582 -0.004428588212119771 -0.17305590349316663 0.9849020468415178 -4.507281183807896 0.0 0.0 0.0 1.0 +reichstag/test/images/62799820_4661707438.jpg reichstag/test/images/62663981_6029901745.jpg 0 0 625.353 0.0 319.5 0.0 625.353 239.5 0.0 0.0 1.0 1697.53 0.0 319.5 0.0 1697.53 212.5 0.0 0.0 1.0 0.9954754952651326 -0.01945988520874531 -0.09300457620085954 0.3374296441218911 0.0010503746882745554 0.9809975849854653 -0.19401709967345335 1.489148907591214 0.09501281513381897 0.19304157873460048 0.9765794969381649 17.692343199025064 0.0 0.0 0.0 1.0 +reichstag/test/images/48716728_829974943.jpg reichstag/test/images/48542127_4157749181.jpg 0 0 698.287 0.0 319.5 0.0 698.287 239.5 0.0 0.0 1.0 713.145 0.0 319.5 0.0 713.145 239.5 0.0 0.0 1.0 0.998430498870684 0.017726554211095244 0.053125400710373666 -0.24137694542168509 -0.016304146822408702 0.9995000451049161 -0.02708938226803859 0.00647525108789436 -0.053579041809554716 0.026180701118795204 0.9982203449978857 -1.3246606924387585 0.0 0.0 0.0 1.0 +reichstag/test/images/63812586_393800330.jpg reichstag/test/images/20982577_4977562846.jpg 0 0 1002.64 0.0 187.0 0.0 1002.64 249.5 0.0 0.0 1.0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 0.9998115895081868 -0.016293241985304227 -0.010550627977570576 0.043250070944051644 0.01745955780033734 0.9923756488687095 0.12200711198050963 0.0004962842438992823 0.008482294885787408 -0.12216833385954094 0.99247314768484 -0.15519873342807633 0.0 0.0 0.0 1.0 +reichstag/test/images/48668943_3586566128.jpg reichstag/test/images/77361791_2035867493.jpg 0 0 550.231 0.0 319.5 0.0 550.231 212.0 0.0 0.0 1.0 601.346 0.0 249.5 0.0 601.346 187.0 0.0 0.0 1.0 0.9905358163684537 -0.012182662404114726 0.13671276175993433 -1.6011980098936156 0.008770788354706315 0.999635548846831 0.025531211356538165 0.09294093646184223 -0.13697397476498277 -0.02409050058514031 0.990281666001466 5.360861368111795 0.0 0.0 0.0 1.0 +reichstag/test/images/62799820_4661707438.jpg reichstag/test/images/63790741_1504116525.jpg 0 0 625.353 0.0 319.5 0.0 625.353 239.5 0.0 0.0 1.0 1235.2 0.0 187.0 0.0 1235.2 249.5 0.0 0.0 1.0 0.9956272057141019 0.00979235022556608 -0.09290089945199154 0.39280295711981417 -0.020407143198326764 0.9932702030025096 -0.11400812398174114 0.715054252211627 0.09115928777920639 0.11540543186701799 0.9891266706277687 4.2081585631852185 0.0 0.0 0.0 1.0 +reichstag/test/images/64271070_4602086309.jpg reichstag/test/images/48900330_6782044072.jpg 0 0 503.614 0.0 319.5 0.0 503.614 213.5 0.0 0.0 1.0 769.928 0.0 319.5 0.0 769.928 170.0 0.0 0.0 1.0 0.9902449694397686 -0.024974150917252618 -0.13708096981417162 0.9183896205126869 0.00752193896634062 0.991953076685568 -0.12638241210003182 0.9459732838214776 0.13913418319528162 0.12411843311933131 0.9824643981471207 8.867073452414882 0.0 0.0 0.0 1.0 +reichstag/test/images/05978621_9257964873.jpg reichstag/test/images/48668943_3586566128.jpg 0 0 745.477 0.0 319.5 0.0 745.477 212.0 0.0 0.0 1.0 550.231 0.0 319.5 0.0 550.231 212.0 0.0 0.0 1.0 0.9928525874637064 0.01498615535814178 -0.11840251143537994 2.0161147378714945 -0.023654482960420106 0.9971133909605104 -0.07214811850011886 0.04037846156611982 0.11697950676293192 0.07443319632270025 0.9903410999664145 -4.655103392857177 0.0 0.0 0.0 1.0 +reichstag/test/images/20982577_4977562846.jpg reichstag/test/images/92241023_5405455015.jpg 0 0 638.027 0.0 319.5 0.0 638.027 239.5 0.0 0.0 1.0 523.981 0.0 319.5 0.0 523.981 213.0 0.0 0.0 1.0 0.9974047086975415 0.01765336339561025 0.06980118787524527 -0.5601829885135352 -0.023884247471603715 0.9957035734712342 0.08946472209385088 -1.0087597834202549 -0.06792193894970867 -0.0908996839237481 0.9935410699472242 -4.45926673774753 0.0 0.0 0.0 1.0 +reichstag/test/images/77023786_7168337563.jpg reichstag/test/images/91629190_2705184160.jpg 0 0 1249.51 0.0 319.5 0.0 1249.51 239.5 0.0 0.0 1.0 1208.55 0.0 319.5 0.0 1208.55 213.5 0.0 0.0 1.0 0.9977055145606776 -0.029861413207410408 -0.060761848362850646 0.270139648602552 0.026550781794382063 0.9981562387442836 -0.05458185634413817 1.1039408276074423 0.06227970938693332 0.052843344492199976 0.9966588276544576 13.18719118796725 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/61702125_8353062682.jpg sacre_coeur/test/images/41728687_4706427664.jpg 0 0 1508.27 0.0 239.5 0.0 1508.27 319.5 0.0 0.0 1.0 1542.39 0.0 213.5 0.0 1542.39 319.5 0.0 0.0 1.0 0.987456232319748 -0.08020146501257183 -0.1360070375485236 5.758511400490448 0.0748794557773005 0.9962296316122257 -0.043813105348338634 4.59363216966344 0.13900811614932268 0.0330793909799823 0.9897386006097821 22.723112291964465 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/86255041_34613076.jpg sacre_coeur/test/images/76610569_4643204754.jpg 0 0 943.253 0.0 319.5 0.0 943.253 283.5 0.0 0.0 1.0 503.401 0.0 212.5 0.0 503.401 319.5 0.0 0.0 1.0 0.8057088321360865 -0.2320781852197835 -0.5449522857672913 14.366108265282488 0.13817752802311015 0.9683034312188075 -0.20807555319956927 1.4728317841768794 0.5759689649341588 0.09234815122662726 0.8122386166624298 -4.275010696717077 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/03836329_3380486130.jpg sacre_coeur/test/images/82330476_2679804255.jpg 0 0 944.708 0.0 319.5 0.0 944.708 301.0 0.0 0.0 1.0 1431.71 0.0 239.5 0.0 1431.71 319.5 0.0 0.0 1.0 0.9946055417706543 0.03269553395383408 0.09844195415866525 -2.3001579606330784 -0.03803099660327613 0.9978796358696096 0.05281927313109186 -0.38733562341165584 -0.09650626703206724 -0.05627818739270984 0.9937400595967368 -0.7957919942442855 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/17616986_7085723791.jpg sacre_coeur/test/images/47058715_3625029597.jpg 0 0 511.96 0.0 319.5 0.0 511.96 212.0 0.0 0.0 1.0 679.749 0.0 319.5 0.0 679.749 239.5 0.0 0.0 1.0 0.7783942474685961 0.24199271639512723 0.579259804163473 -4.059597285812041 -0.11061381170828538 0.9611504316577599 -0.2528921358671826 1.1903939638784877 -0.6179538657271767 0.13277564888114493 0.7749217037204656 10.59238183288268 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/87565848_5767537300.jpg sacre_coeur/test/images/17082719_403390685.jpg 0 0 1030.07 0.0 213.0 0.0 1030.07 319.5 0.0 0.0 1.0 780.101 0.0 319.5 0.0 780.101 212.5 0.0 0.0 1.0 0.9634465663259486 -0.046184047063340214 -0.2638896504821494 6.551400692958897 0.11880667207457248 0.9565256656930456 0.2663524460954709 -6.224031374367802 0.24011598969103412 -0.2879682007919049 0.927048341149138 -9.41803786526116 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/75519914_2079302390.jpg sacre_coeur/test/images/69212502_553330789.jpg 0 0 569.028 0.0 187.0 0.0 569.028 249.5 0.0 0.0 1.0 859.802 0.0 213.0 0.0 859.802 319.5 0.0 0.0 1.0 0.9852539206060845 0.06950393041461023 0.15634550069400982 -4.450054542620971 -0.07031547182192115 0.9975247456670998 -0.0003408874425349071 1.2007669176391722 -0.15598219883307268 -0.010657646959290869 0.9877023682306785 5.589878036053475 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/04073909_6377255611.jpg sacre_coeur/test/images/32086795_402359870.jpg 0 0 679.951 0.0 319.5 0.0 679.951 221.5 0.0 0.0 1.0 689.084 0.0 239.5 0.0 689.084 319.5 0.0 0.0 1.0 0.9906728505169226 -0.06525192195953766 -0.11962228023767926 0.6221820366052617 0.044158251620932204 0.9842485485323497 -0.1711865751913539 -0.2769270248009805 0.1289083087409726 0.164307581664843 0.9779497259803251 -0.02913998217412761 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/61084833_3699152935.jpg sacre_coeur/test/images/78882005_4504743257.jpg 0 0 1839.79 0.0 239.5 0.0 1839.79 319.5 0.0 0.0 1.0 1001.41 0.0 319.5 0.0 1001.41 239.5 0.0 0.0 1.0 0.9997787780538676 0.002050175960082912 0.02093302968154057 -1.5487256883625933 -0.001822007583178891 0.9999387895053745 -0.01091318152022278 0.1415740245863888 -0.02095412230284052 0.010872627146149774 0.9997213165364929 1.3828564601188091 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/74061457_6280563618.jpg sacre_coeur/test/images/85759221_9290609964.jpg 0 0 545.636 0.0 319.5 0.0 545.636 213.0 0.0 0.0 1.0 1001.31 0.0 212.5 0.0 1001.31 319.5 0.0 0.0 1.0 0.9983555410765172 0.005611879190917674 0.05705015700031855 -0.3042557323620483 -0.008845719543964126 0.9983582765572728 0.05659067834318506 0.4490983330305089 -0.05663891636996582 -0.057002266985961614 0.9967661584899926 1.4654457296737997 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/96482156_2206813531.jpg sacre_coeur/test/images/99936428_253699491.jpg 0 0 889.73 0.0 239.5 0.0 889.73 319.5 0.0 0.0 1.0 658.712 0.0 319.5 0.0 658.712 239.5 0.0 0.0 1.0 0.9927670716562088 -0.002848390957823044 0.1200226149694603 -2.4577332900725413 -0.034131411426602774 0.9517708107191672 0.30490551096529456 -7.816722949406511 -0.1151025116545416 -0.3067966925048749 0.9447895010418382 -14.288798382044252 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/39890331_3228856431.jpg sacre_coeur/test/images/12573771_2610756325.jpg 0 0 853.952 0.0 295.0 0.0 853.952 319.5 0.0 0.0 1.0 686.081 0.0 213.5 0.0 686.081 319.5 0.0 0.0 1.0 0.9885756220616561 -0.07189125116522445 -0.13247598828206147 3.618472440626209 0.07329924070622136 0.9972932663437635 0.005776003573296866 0.026438419410483416 0.1317021669423161 -0.01542040567838367 0.9911693852775177 -0.5742140982208426 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/15083954_1584414678.jpg sacre_coeur/test/images/89611407_866799904.jpg 0 0 693.186 0.0 319.5 0.0 693.186 239.5 0.0 0.0 1.0 673.378 0.0 319.5 0.0 673.378 239.5 0.0 0.0 1.0 0.9979877268168937 -0.00017911183777853554 0.06340713715188748 -2.9365539603964135 -0.014460090800278557 0.9730025106007232 0.23034109520173957 -5.202744043757331 -0.06173656045566846 -0.23079445895349981 0.9710419737681089 -13.236998014753361 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/44937588_1061437022.jpg sacre_coeur/test/images/86437085_9493229723.jpg 0 0 521.234 0.0 319.5 0.0 521.234 239.5 0.0 0.0 1.0 520.807 0.0 319.5 0.0 520.807 212.0 0.0 0.0 1.0 0.9714265350157687 0.11549004315624978 0.2073464178591584 -3.8937127092721195 -0.08861403478225537 0.9869360702650302 -0.1345538778684159 1.6478066638579063 -0.2201772919873128 0.11233540466650276 0.9689699257208896 7.689023373749247 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/54990444_8865247484.jpg sacre_coeur/test/images/86255041_34613076.jpg 0 0 600.166 0.0 319.5 0.0 600.166 239.5 0.0 0.0 1.0 943.253 0.0 319.5 0.0 943.253 283.5 0.0 0.0 1.0 0.9957805488098911 0.04109560132480749 0.08205029045423708 -2.0472093097806185 -0.0334459505329892 0.9951488079800782 -0.09252144815541247 2.697941207436853 -0.08545447328734189 0.08938680846513271 0.9923243076069438 11.833945942954738 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/95399415_4857734874.jpg sacre_coeur/test/images/88346204_4983096872.jpg 0 0 542.7 0.0 319.5 0.0 542.7 239.5 0.0 0.0 1.0 525.321 0.0 319.5 0.0 525.321 239.5 0.0 0.0 1.0 0.8670174639337976 -0.2177443135373338 -0.4481831446584765 9.263385554187519 0.31765341461092717 0.9345285786842172 0.1604763029499214 1.0762765285906981 0.3838971547430691 -0.2815026634769408 0.8794198229716932 -1.3756316400310808 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/70724808_2779990339.jpg sacre_coeur/test/images/63366740_3980778716.jpg 0 0 1030.95 0.0 249.5 0.0 1030.95 165.5 0.0 0.0 1.0 492.101 0.0 249.5 0.0 492.101 187.0 0.0 0.0 1.0 0.9619927315395314 -0.043379374402275475 -0.26960751907463254 1.8645416318734664 0.04651550387457402 0.9989037656668196 0.005251174720180516 -1.4972289966088015 0.2690841733815009 -0.017592521510988147 0.9629559755370335 -2.700040811684641 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/99119091_3503925030.jpg sacre_coeur/test/images/34297653_2634761938.jpg 0 0 504.731 0.0 319.5 0.0 504.731 214.0 0.0 0.0 1.0 648.902 0.0 239.0 0.0 648.902 319.5 0.0 0.0 1.0 0.9840245689641965 -0.05536595159776701 -0.16920478444329176 1.182221341730886 0.034614810077527876 0.9917759555240553 -0.12321635024477967 1.772373436248421 0.17463522725419348 0.11539092446124724 0.9778483890429308 8.261219097923183 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/39598026_13855927694.jpg sacre_coeur/test/images/97963132_2552614010.jpg 0 0 546.706 0.0 319.5 0.0 546.706 239.5 0.0 0.0 1.0 756.149 0.0 319.5 0.0 756.149 239.5 0.0 0.0 1.0 0.9982978604613758 0.005015416643905198 0.05810531295955423 0.37735168430279753 -0.0003034351888685733 0.9967286399965242 -0.08082033245270043 0.10724641094052823 -0.05832057720329811 0.08066513377269574 0.9950335906230037 1.2001310613307306 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/33411162_10141421203.jpg sacre_coeur/test/images/47232856_233187107.jpg 0 0 878.795 0.0 218.5 0.0 878.795 319.5 0.0 0.0 1.0 548.399 0.0 249.5 0.0 548.399 187.0 0.0 0.0 1.0 0.9982831942954152 -0.015614857799631073 0.05645210539244424 -1.5074256917922029 0.010726692468009143 0.9962479163237635 0.08587797907063426 -2.042484921699809 -0.0575812648006197 -0.08512499889255122 0.9947050479953865 -5.531243276159392 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/23236854_6565983213.jpg sacre_coeur/test/images/27614460_8959698816.jpg 0 0 668.656 0.0 239.5 0.0 668.656 319.5 0.0 0.0 1.0 807.303 0.0 319.5 0.0 807.303 319.5 0.0 0.0 1.0 0.9145709671583792 -0.145720832286675 -0.37726036774178356 8.766899156509416 0.13701482431008782 0.9893076394302953 -0.04997331772188668 -0.8316889837519854 0.38050871731178876 -0.005986117484280694 0.9247579588450167 -2.895952788022168 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/70116109_2697195876.jpg sacre_coeur/test/images/57606942_9403768875.jpg 0 0 606.734 0.0 212.5 0.0 606.734 319.5 0.0 0.0 1.0 456.61 0.0 179.5 0.0 456.61 319.5 0.0 0.0 1.0 0.9985496857823307 0.01891566875016445 -0.05040558004568895 -0.8411229206856483 -0.020728918560302376 0.9991476684289987 -0.035696619002587374 -0.290676801882719 0.04968739235790762 0.03668970085227707 0.9980906917169612 -8.562472879906766 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/90679226_9106466645.jpg sacre_coeur/test/images/60748234_6779431614.jpg 0 0 512.07 0.0 239.5 0.0 512.07 319.5 0.0 0.0 1.0 1251.64 0.0 305.5 0.0 1251.64 305.5 0.0 0.0 1.0 0.9921114226549675 0.0025372562450234155 0.12533350457193598 -2.8731998234291427 -0.005123666121357639 0.9997804357276587 0.0203181786016789 3.571572974296854 -0.12525443338666006 -0.020800064109515643 0.9919065904862346 22.115775515450075 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/66599130_8409392232.jpg sacre_coeur/test/images/77145724_5072492873.jpg 0 0 701.54 0.0 319.5 0.0 701.54 239.5 0.0 0.0 1.0 558.428 0.0 192.5 0.0 558.428 319.5 0.0 0.0 1.0 0.9381130535308851 -0.10920258158788541 -0.32866197676259956 1.1576698673205352 0.08076645411747085 0.9918037202486567 -0.09900586038318489 -1.7292859057320056 0.3367798668035973 0.06633382753516834 0.9392439218010866 -8.148104105660636 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/21037086_3590495621.jpg sacre_coeur/test/images/30442266_2401730436.jpg 0 0 661.089 0.0 239.5 0.0 661.089 319.5 0.0 0.0 1.0 523.192 0.0 319.5 0.0 523.192 239.5 0.0 0.0 1.0 0.9971302369587631 0.02215013801340527 0.07239241623642255 2.1892382297785584 -0.02409697511142787 0.999368055107641 0.026130943742048125 -0.37739516257670896 -0.07176786420842957 -0.0278003923777697 0.9970338569229242 -0.7367257339269768 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/65409197_2096349519.jpg sacre_coeur/test/images/17616986_7085723791.jpg 0 0 548.189 0.0 166.0 0.0 548.189 249.5 0.0 0.0 1.0 511.96 0.0 319.5 0.0 511.96 212.0 0.0 0.0 1.0 0.9597616508944248 -0.07189778304632602 -0.2714558569370573 6.325314461495489 0.08820701911602968 0.9949280910191304 0.048348893262344296 -0.9693179587756338 0.26660287930004267 -0.0703477255783911 0.9612357162813263 -4.820659107538116 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/00246274_6807912549.jpg sacre_coeur/test/images/96399538_6003485006.jpg 0 0 1138.93 0.0 308.5 0.0 1138.93 319.5 0.0 0.0 1.0 944.215 0.0 319.5 0.0 944.215 239.5 0.0 0.0 1.0 0.999510589187868 0.01140246854798322 0.029130152974767915 -0.5858889545936343 -0.016313807949127918 0.9845440410306653 0.1743757177510875 -3.7095027293731215 -0.026691604888430684 -0.17476560011060593 0.9842482122140024 -7.815857218544313 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/63360516_5790897098.jpg sacre_coeur/test/images/71781222_5227267590.jpg 0 0 516.78 0.0 319.5 0.0 516.78 239.5 0.0 0.0 1.0 862.013 0.0 212.0 0.0 862.013 319.5 0.0 0.0 1.0 0.9990924394790637 -0.007816874762741826 0.041871157671086456 0.23395397899208525 -0.001945256213314267 0.9736171693380311 0.22817936705246666 2.871821303033397 -0.042550127544320415 -0.22805373059685596 0.9727183470084334 6.153254115487492 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/36799566_319205128.jpg sacre_coeur/test/images/58368117_3401402227.jpg 0 0 815.415 0.0 166.0 0.0 815.415 249.5 0.0 0.0 1.0 682.756 0.0 319.5 0.0 682.756 239.0 0.0 0.0 1.0 0.9944458208746407 -0.003186747968671788 -0.10520149230094847 3.8629097780301733 0.0005710605596025389 0.9996901732540285 -0.02488436033270759 -0.3174832414975217 0.10524819824965946 0.024686071714935316 0.9941395347879923 -2.5715990143658463 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/61737552_3071958212.jpg sacre_coeur/test/images/85532633_499885666.jpg 0 0 531.42 0.0 319.5 0.0 531.42 213.0 0.0 0.0 1.0 1397.17 0.0 239.5 0.0 1397.17 319.5 0.0 0.0 1.0 0.999089444708489 0.04261160253579519 -0.0021290376732679196 -0.2465534224452543 -0.0419301224602551 0.971442611876562 -0.2335403962078326 2.287518243932591 -0.007883292621157294 0.2334170155746467 0.9723447693784723 44.53233787190097 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/68663909_1356782012.jpg sacre_coeur/test/images/08619228_3960784810.jpg 0 0 672.136 0.0 319.5 0.0 672.136 239.0 0.0 0.0 1.0 484.401 0.0 319.5 0.0 484.401 213.0 0.0 0.0 1.0 0.9990334430577464 0.031368939823547395 0.03079235727467297 -0.745846740878062 -0.023045806634276515 0.9703076359440912 -0.2407737162257625 0.18733620573101945 -0.0374308756077116 0.23983136000726663 0.9700927008839438 6.607739532687609 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/35558294_6148191791.jpg sacre_coeur/test/images/53515910_7697309520.jpg 0 0 638.785 0.0 319.5 0.0 638.785 239.5 0.0 0.0 1.0 500.109 0.0 319.5 0.0 500.109 212.5 0.0 0.0 1.0 0.20542974038237036 -0.7677889281928274 -0.6068762505741523 16.67063844429164 0.9754586397112056 0.11042681167719605 0.19048979362573096 -0.689078906787133 -0.07924054504605811 -0.6311149507081245 0.7716312947343993 -7.1035000698095825 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/83804881_3941265613.jpg sacre_coeur/test/images/60635619_2829148962.jpg 0 0 1145.06 0.0 319.5 0.0 1145.06 239.5 0.0 0.0 1.0 530.154 0.0 249.5 0.0 530.154 187.0 0.0 0.0 1.0 0.7784911350498133 -0.3189489079536186 -0.5405766798189207 11.015686391943117 0.29368443372919967 0.9462680051380215 -0.13537472377541038 1.8193253380920063 0.5547080367490749 -0.05337093373085639 0.8303315828021258 -0.38551568176998696 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/57417409_1401404166.jpg sacre_coeur/test/images/16841636_7028528545.jpg 0 0 548.254 0.0 187.0 0.0 548.254 249.5 0.0 0.0 1.0 471.619 0.0 319.5 0.0 471.619 239.5 0.0 0.0 1.0 0.9982382637409227 -0.013383888941660803 -0.05780346287468563 3.5311028748377176 0.024810884480934027 0.9791195465118924 0.20176554128398566 -1.3288955835646994 0.053896092759880325 -0.20284423865405507 0.9777266622272686 -7.109685540375038 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/08319155_4244960671.jpg sacre_coeur/test/images/64966234_8900198268.jpg 0 0 661.935 0.0 239.5 0.0 661.935 319.5 0.0 0.0 1.0 578.134 0.0 239.5 0.0 578.134 319.5 0.0 0.0 1.0 0.9677510040182051 -0.12732824246764649 -0.21736032961848417 3.4369610293914934 0.12427125044167255 0.9918606197594828 -0.027733865291334512 3.4638025832579022 0.2191224555708952 -0.00017216397710850167 0.9756973505263536 14.057904064365598 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/62818938_336020653.jpg sacre_coeur/test/images/84278429_5829272410.jpg 0 0 1475.36 0.0 187.0 0.0 1475.36 249.5 0.0 0.0 1.0 1453.22 0.0 319.5 0.0 1453.22 213.0 0.0 0.0 1.0 0.9999700080216113 0.006252885375333582 0.004569954238494002 -0.12334872902680827 -0.006681453738891961 0.9948918727194868 0.1007249709488545 -4.009900041887292 -0.003916788632800666 -0.10075248394553588 0.9949038123083107 -14.198964916461627 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/58368117_3401402227.jpg sacre_coeur/test/images/33672452_9565324953.jpg 0 0 682.756 0.0 319.5 0.0 682.756 239.0 0.0 0.0 1.0 493.101 0.0 212.5 0.0 493.101 319.5 0.0 0.0 1.0 0.972971415910313 0.0643420608469506 0.22178079950132684 -2.7100378037066544 -0.009551532781048326 0.9707906191738453 -0.23973806945413204 -0.09198318961121688 -0.23072796112091187 0.2311399423077479 0.9451660885934057 4.933823034828411 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/25134250_4289943327.jpg sacre_coeur/test/images/62721852_537101715.jpg 0 0 695.364 0.0 319.5 0.0 695.364 239.5 0.0 0.0 1.0 662.611 0.0 319.5 0.0 662.611 239.5 0.0 0.0 1.0 0.9063914398528864 0.2550575326452883 0.3367494807751144 -1.3666829543203947 -0.178223880055324 0.9536208771724706 -0.2425767325998782 2.3303260375506936 -0.3830023581382196 0.15985267486565558 0.909811143039509 9.985725581177311 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/59996089_2005549974.jpg sacre_coeur/test/images/15114643_8210538601.jpg 0 0 497.691 0.0 319.5 0.0 497.691 213.5 0.0 0.0 1.0 927.73 0.0 239.5 0.0 927.73 319.5 0.0 0.0 1.0 0.9964524756749663 0.028824432458523234 0.07906716015309234 -0.9951953458514654 -0.021846452373966256 0.9959037601867367 -0.08774071440665825 1.8483062968320791 -0.08127235840002889 0.0857021151393755 0.9930004789629934 7.057531628179406 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/75911664_13736760514.jpg sacre_coeur/test/images/81476348_2961239173.jpg 0 0 675.746 0.0 255.5 0.0 675.746 319.5 0.0 0.0 1.0 534.342 0.0 239.5 0.0 534.342 319.5 0.0 0.0 1.0 0.9864006441332283 0.07332589427790141 -0.1470954876326877 3.340813939463003 -0.08744659351777609 0.9919172773630618 -0.09194132993810418 -0.4105039520485071 0.13916487536619646 0.10355398638872632 0.9848399409890497 0.24622905387562 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/60386407_4541255112.jpg sacre_coeur/test/images/48360689_7391063350.jpg 0 0 1433.05 0.0 212.5 0.0 1433.05 319.5 0.0 0.0 1.0 1914.59 0.0 212.0 0.0 1914.59 319.5 0.0 0.0 1.0 0.9995899627049463 0.011093363489711029 -0.026397798128050935 1.2011798249753003 -0.011145433380917788 0.9999362201394464 -0.0018261894720775053 1.3661702627899066 0.02637585589655258 0.0021196555667251696 0.999649849340259 6.281772573104867 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/59996089_2005549974.jpg sacre_coeur/test/images/75026938_1499132926.jpg 0 0 497.691 0.0 319.5 0.0 497.691 213.5 0.0 0.0 1.0 580.942 0.0 187.0 0.0 580.942 249.5 0.0 0.0 1.0 0.9989334268189529 0.027817581468135122 -0.03685364222173059 0.770913842865447 -0.0273888622674703 0.9995517726581422 0.012087348743990953 -1.215720390603515 0.037173364220059506 -0.011065077371125052 0.9992475694518019 -3.4071566827177127 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/12060097_10141374576.jpg sacre_coeur/test/images/75911664_13736760514.jpg 0 0 852.046 0.0 319.5 0.0 852.046 209.0 0.0 0.0 1.0 675.746 0.0 255.5 0.0 675.746 319.5 0.0 0.0 1.0 0.9878829608495602 0.060551306002578444 0.14290134710522742 -4.511000290392337 -0.048439297996951965 0.9950502421603581 -0.08676779348453732 -0.8348495223972094 -0.14744792325654876 0.07879438379729185 0.9859262421750098 -8.963269021871426 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/51093888_43012197.jpg sacre_coeur/test/images/99818215_2123948121.jpg 0 0 1767.41 0.0 319.5 0.0 1767.41 239.5 0.0 0.0 1.0 944.024 0.0 319.5 0.0 944.024 239.5 0.0 0.0 1.0 0.9991957478103367 0.007441584131122757 -0.03940152767801448 0.9440638105622754 -0.0029793862764480863 0.9936903762047959 0.11211850648036101 -8.71025174308141 0.039987258160039355 -0.11191094255518742 0.9929133698975213 -36.36672575001306 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/71205878_8911611472.jpg sacre_coeur/test/images/85759221_9290609964.jpg 0 0 795.021 0.0 305.5 0.0 795.021 305.5 0.0 0.0 1.0 1001.31 0.0 212.5 0.0 1001.31 319.5 0.0 0.0 1.0 0.9718281961276932 -0.08606263102631613 -0.219415543551549 1.6036484168785456 0.11370850627327451 0.9866439048231794 0.11663696102166667 -3.154679142386298 0.20644692492816208 -0.13830050114188763 0.9686344194646441 -7.076781792101116 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/37166302_11262849873.jpg sacre_coeur/test/images/35166120_4486686978.jpg 0 0 749.58 0.0 319.5 0.0 749.58 239.5 0.0 0.0 1.0 602.76 0.0 319.5 0.0 602.76 213.0 0.0 0.0 1.0 0.9882538046709864 -0.04896055334224098 -0.14476630053206885 1.526496848046749 0.0672577039105483 0.9899588530219702 0.12432968506397056 -1.4455259243540381 0.13722543065336207 -0.13260593327542583 0.9816235773666772 -14.445661926952333 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/35996631_900261655.jpg sacre_coeur/test/images/94345410_6525608719.jpg 0 0 896.808 0.0 319.5 0.0 896.808 204.0 0.0 0.0 1.0 1400.71 0.0 319.5 0.0 1400.71 211.5 0.0 0.0 1.0 0.997387211405441 0.020490567745677583 0.06927400059429635 0.0672812026291354 -0.02421065312183252 0.9982852688493041 0.05329508677061013 -0.5996218322702207 -0.06806316772155903 -0.054833006774499995 0.9961730505126982 -0.34930528645009673 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/43279207_5330361477.jpg sacre_coeur/test/images/89443230_8712904049.jpg 0 0 429.857 0.0 319.5 0.0 429.857 212.5 0.0 0.0 1.0 614.242 0.0 238.5 0.0 614.242 319.5 0.0 0.0 1.0 0.9058770182497057 -0.1682032452516913 -0.3887087548458637 0.3041588310090069 0.12122284547472377 0.9823331912760347 -0.14257111577192852 0.6715399255667277 0.4058224359766641 0.08203151592065569 0.9102631382483449 2.2480095462866228 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/48445083_12204174934.jpg sacre_coeur/test/images/14702458_3061790008.jpg 0 0 1439.35 0.0 213.0 0.0 1439.35 319.5 0.0 0.0 1.0 810.323 0.0 319.5 0.0 810.323 212.5 0.0 0.0 1.0 0.9969538310477386 -0.01050253067443654 -0.07728360504446877 2.426906224991166 0.027131477738794218 0.9757054532167883 0.2173999804018655 -9.351675277987763 0.07312278492334813 -0.2188345617411809 0.9730182387358415 -34.223977761807966 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/25923245_22222637.jpg sacre_coeur/test/images/16971221_7856309770.jpg 0 0 530.117 0.0 187.0 0.0 530.117 249.5 0.0 0.0 1.0 410.251 0.0 319.5 0.0 410.251 213.5 0.0 0.0 1.0 0.9662851229736503 -0.11606298322994833 -0.2298313404293734 4.421503463814597 0.09962179306254132 0.9916464852166766 -0.08193135361029533 1.2660584089807134 0.23742063824950443 0.0562728378631803 0.9697756484115395 2.9151919193650313 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/87493438_3174891219.jpg sacre_coeur/test/images/97437832_311711460.jpg 0 0 1913.51 0.0 212.5 0.0 1913.51 319.5 0.0 0.0 1.0 489.971 0.0 249.5 0.0 489.971 187.0 0.0 0.0 1.0 0.9959765700380718 -0.06438185879650199 -0.062334967659450395 3.0847153815915638 0.07199083713861779 0.9890653580247054 0.12871300215418183 -11.24974612979007 0.05336657477558838 -0.13268268090963756 0.9897208267402242 -47.0807845646399 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/87252152_3382721265.jpg sacre_coeur/test/images/15114643_8210538601.jpg 0 0 1262.46 0.0 239.5 0.0 1262.46 319.5 0.0 0.0 1.0 927.73 0.0 239.5 0.0 927.73 319.5 0.0 0.0 1.0 0.9978854407109399 0.02299746402836213 0.06079279451874001 -2.6905829171241216 -0.026878945093501812 0.997599323204171 0.06382094212122225 -3.3946961632637893 -0.05917913084689629 -0.06532003514117306 0.9961079878614375 -24.3273519240609 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/74801770_2547405796.jpg sacre_coeur/test/images/32072823_7643459828.jpg 0 0 730.49 0.0 319.5 0.0 730.49 239.5 0.0 0.0 1.0 483.073 0.0 239.5 0.0 483.073 319.5 0.0 0.0 1.0 0.9813428546224223 0.00852588913802083 -0.19207683591709296 -2.6653616253767707 0.06937101485684471 0.916021626821174 0.39508485353607375 -0.05872227504925043 0.17931498537279908 -0.40103826302523266 0.8983398285785047 0.10932123194709309 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/42008365_12432214243.jpg sacre_coeur/test/images/76298563_8026742947.jpg 0 0 848.932 0.0 319.5 0.0 848.932 319.5 0.0 0.0 1.0 520.791 0.0 319.5 0.0 520.791 239.5 0.0 0.0 1.0 0.9968408539096151 0.035343326848926375 0.0711277809579333 -0.8164662499647992 -0.022292359340323753 0.9840399535722965 -0.17654580280616933 2.2677931719546334 -0.07623229428392969 0.17440246277126625 0.9817191137425846 7.391109771577701 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/77653698_4129853031.jpg sacre_coeur/test/images/03599123_13889501361.jpg 0 0 346.996 0.0 213.0 0.0 346.996 319.5 0.0 0.0 1.0 962.462 0.0 239.5 0.0 962.462 319.5 0.0 0.0 1.0 0.9982053269891714 -0.045299804172755025 0.03916698753225045 -1.8245960559950287 0.040076457972023014 0.9913261485171182 0.12516526987400525 0.13829631523560337 -0.0444972211138863 -0.12337096501254222 0.9913624979315164 36.29144334703379 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/40439555_5986637695.jpg sacre_coeur/test/images/67741421_496100843.jpg 0 0 2201.25 0.0 319.5 0.0 2201.25 301.0 0.0 0.0 1.0 1150.26 0.0 239.5 0.0 1150.26 319.5 0.0 0.0 1.0 0.9997822460104203 0.0048510549455028085 0.020296005229475243 -0.8134988476113052 -0.004631761474431285 0.9999305414585632 -0.010837852371606733 -2.4926880101796156 -0.020347170515900948 0.01074148613090774 0.9997352715232649 -13.46062443327903 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/99378904_311153817.jpg sacre_coeur/test/images/78882005_4504743257.jpg 0 0 728.066 0.0 319.5 0.0 728.066 239.5 0.0 0.0 1.0 1001.41 0.0 319.5 0.0 1001.41 239.5 0.0 0.0 1.0 0.995489452461483 0.005962405294567283 0.0946847387969146 -1.8913964183400793 0.01218357011708941 0.9817249269622196 -0.1899150557492123 3.3970783671912916 -0.09408671881375494 0.1902120330161259 0.9772241666264367 43.81971194227575 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/15701912_177669906.jpg sacre_coeur/test/images/97437832_311711460.jpg 0 0 743.975 0.0 319.5 0.0 743.975 239.0 0.0 0.0 1.0 489.971 0.0 249.5 0.0 489.971 187.0 0.0 0.0 1.0 0.9738511372482472 -0.10004403724461193 -0.20397341270884878 5.787724264462161 0.1021958574820752 0.9947642969313217 1.6255349789691328e-05 -2.191693929918635 0.20290384223518054 -0.020861068106205055 0.9789764280327024 -8.877058661519582 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/48325951_2932818065.jpg sacre_coeur/test/images/99119091_3503925030.jpg 0 0 714.985 0.0 239.5 0.0 714.985 319.5 0.0 0.0 1.0 504.731 0.0 319.5 0.0 504.731 214.0 0.0 0.0 1.0 0.9427711820378483 0.04897907161807333 0.32982351168828167 -6.6062175111998975 -0.11374543743774836 0.9770612721435846 0.18003679051586977 -2.091781639364561 -0.31343974505645217 -0.20724941741918484 0.9267163563887034 -6.634276921384502 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/26122587_7769817838.jpg sacre_coeur/test/images/20934731_2795411032.jpg 0 0 535.329 0.0 239.5 0.0 535.329 319.5 0.0 0.0 1.0 380.178 0.0 166.0 0.0 380.178 249.5 0.0 0.0 1.0 0.9930728819921786 -0.024611316707171385 -0.11489357746056984 1.268211255848012 0.00459543171401196 0.9852046918174358 -0.17132016001706582 -0.13234979051661133 0.11741010629034669 0.1696054194619102 0.9784931622806768 -6.109250744048042 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/16555640_3650571161.jpg sacre_coeur/test/images/56774631_6820191793.jpg 0 0 1235.34 0.0 239.5 0.0 1235.34 319.5 0.0 0.0 1.0 1196.24 0.0 319.5 0.0 1196.24 213.0 0.0 0.0 1.0 0.9995470400398649 -0.021705894469606028 -0.020846316049108325 4.249524960052439 0.024327919842655386 0.9905320984344033 0.13510852781104213 -5.056556727589586 0.01771629373413974 -0.13555447656352815 0.9906114863153533 -18.762396675370397 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/85532633_499885666.jpg sacre_coeur/test/images/59914221_4605768617.jpg 0 0 1397.17 0.0 239.5 0.0 1397.17 319.5 0.0 0.0 1.0 658.209 0.0 319.5 0.0 658.209 239.5 0.0 0.0 1.0 -0.01331973882242408 0.9928200558688437 0.11887355139932275 -7.295700830410858 -0.9979717529045419 -0.005798525395261561 -0.06339367088184537 4.738579728139859 -0.06224921656003098 -0.1194768336031115 0.9908836063180361 -42.63118044209484 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/32903762_508473415.jpg sacre_coeur/test/images/53515910_7697309520.jpg 0 0 713.267 0.0 319.5 0.0 713.267 239.5 0.0 0.0 1.0 500.109 0.0 319.5 0.0 500.109 212.5 0.0 0.0 1.0 0.8931578843383222 -0.1913311124220962 -0.4070152319798548 10.281305752895353 0.20376776430506416 0.9789325378363892 -0.013030141799763294 -0.1921264478292326 0.4009335255056722 -0.0712986099761372 0.9133284274241458 -3.873529680838791 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/84259836_1237320024.jpg sacre_coeur/test/images/67569977_7754509434.jpg 0 0 693.174 0.0 239.5 0.0 693.174 319.5 0.0 0.0 1.0 1806.88 0.0 239.5 0.0 1806.88 319.5 0.0 0.0 1.0 0.7396431827644788 0.2695679775215869 0.6166531177939124 -8.125432637286092 -0.1710640781879419 0.9614867688697801 -0.21512850680944148 5.455889232146295 -0.6508955702290048 0.053631136322769155 0.7572705314964968 53.92447948248928 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/06132465_4129851965.jpg sacre_coeur/test/images/28406439_2578759591.jpg 0 0 298.312 0.0 319.5 0.0 298.312 213.0 0.0 0.0 1.0 812.302 0.0 213.0 0.0 812.302 319.5 0.0 0.0 1.0 0.9940767155267269 -0.054517441252274354 -0.09401772304677071 -0.8618953330543649 0.07961940470923255 0.9541438165634442 0.28856598501467984 0.704158028287321 0.0739745499570082 -0.294342361737229 0.9528327975283012 2.660354713808055 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/55864846_6415556309.jpg sacre_coeur/test/images/66599130_8409392232.jpg 0 0 437.599 0.0 213.0 0.0 437.599 319.5 0.0 0.0 1.0 701.54 0.0 319.5 0.0 701.54 239.5 0.0 0.0 1.0 0.9983445945633086 -0.044864931387218976 -0.035989004401945336 0.44443798172077875 0.04644052296172501 0.9979423116074965 0.044208828649128326 -0.06070780447276958 0.03393152418127721 -0.04580699329913099 0.9983738633556213 0.22457912238164202 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/93845208_10996896025.jpg sacre_coeur/test/images/75878456_4122246314.jpg 0 0 1826.02 0.0 226.0 0.0 1826.02 301.5 0.0 0.0 1.0 887.502 0.0 319.5 0.0 887.502 213.0 0.0 0.0 1.0 0.9984854072119694 -0.02489354412378521 -0.04906325555550477 2.7467671632755346 0.03127403254783884 0.9905012237221233 0.13390018929476125 -9.322147141296934 0.04526396439712642 -0.1352317908848853 0.9897795392212966 -45.46242840869071 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/95271137_4372074334.jpg sacre_coeur/test/images/22231604_4505331212.jpg 0 0 1503.0 0.0 239.5 0.0 1503.0 319.5 0.0 0.0 1.0 711.736 0.0 319.5 0.0 711.736 179.5 0.0 0.0 1.0 0.9988746279250571 0.042939872644796144 -0.020140631192380635 0.23413223167889163 -0.03982470182581069 0.9899738440892848 0.13552040858693415 -8.950197246377865 0.025757927169399314 -0.13456580307170538 0.9905698227947403 -33.27093569921984 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/94003968_8161684801.jpg sacre_coeur/test/images/64837411_8951541213.jpg 0 0 680.107 0.0 319.5 0.0 680.107 212.0 0.0 0.0 1.0 1049.84 0.0 319.5 0.0 1049.84 212.0 0.0 0.0 1.0 0.9983820006840955 -0.019481024448730327 -0.0534216285454711 1.6713706445080945 0.015437522069754142 0.9970576382045273 -0.07508494529767992 3.0311032693110547 0.05472717444166269 0.07413876033788065 0.9957451383728639 25.98832591366289 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/15556549_5221678700.jpg sacre_coeur/test/images/72841866_5318338358.jpg 0 0 1213.47 0.0 319.5 0.0 1213.47 213.0 0.0 0.0 1.0 535.133 0.0 319.5 0.0 535.133 239.5 0.0 0.0 1.0 0.992587676737842 -0.10393800650913818 -0.06298090814746571 2.9543245098865154 0.1137927291822934 0.9768141919278763 0.18134290510944984 -9.705742073730029 0.042672224847298525 -0.1871655022999592 0.9814011187966852 -26.978548788097616 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/36981833_2290028612.jpg sacre_coeur/test/images/72213636_3271218925.jpg 0 0 1252.04 0.0 249.5 0.0 1252.04 187.5 0.0 0.0 1.0 348.891 0.0 319.5 0.0 348.891 212.5 0.0 0.0 1.0 0.9918754996956297 0.08996338758787457 0.08994210358479958 -6.06303464155581 -0.09009637074463035 0.9959296877966827 -0.0025886181349034864 -5.184996112470591 -0.08980889199957372 -0.005535870204049514 0.995943631466607 -40.57449418990473 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/96301971_7410171184.jpg sacre_coeur/test/images/59358073_3809805538.jpg 0 0 509.198 0.0 319.5 0.0 509.198 180.0 0.0 0.0 1.0 1733.74 0.0 319.5 0.0 1733.74 239.5 0.0 0.0 1.0 0.9998497261416888 0.016860399177548346 0.004031386109440755 -2.685548311154352 -0.01666838203259276 0.9989065647934418 -0.043678826140143956 3.9471294611878593 -0.004763420494266997 0.04360506567062036 0.9990374908245715 34.90990297660491 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/02947737_2285016530.jpg sacre_coeur/test/images/22593097_5934502901.jpg 0 0 890.101 0.0 249.5 0.0 890.101 166.0 0.0 0.0 1.0 1517.12 0.0 319.5 0.0 1517.12 179.5 0.0 0.0 1.0 0.9993168895662299 0.020762439721481427 0.030572460229548425 -0.3709148516819165 -0.020852629184840977 0.999779090241025 0.0026341171021827736 -1.067503744070577 -0.03051101577717443 -0.0032698338857415268 0.9995290821695008 -8.355420355918305 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/04822190_12621366523.jpg sacre_coeur/test/images/15114643_8210538601.jpg 0 0 437.366 0.0 319.5 0.0 437.366 213.0 0.0 0.0 1.0 927.73 0.0 239.5 0.0 927.73 319.5 0.0 0.0 1.0 0.749640986196629 0.31427034856093444 0.5824710635126301 -8.173907770370304 -0.2498701350511473 0.9493298517239965 -0.1906246265182338 4.654896994745255 -0.612864836178147 -0.0026420902867934012 0.7901833407097679 17.89108423041934 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/75907133_3528579515.jpg sacre_coeur/test/images/34904068_5083153.jpg 0 0 539.794 0.0 187.0 0.0 539.794 249.5 0.0 0.0 1.0 646.015 0.0 319.5 0.0 646.015 239.5 0.0 0.0 1.0 0.9994407595900998 0.033426694527686304 -0.0009078341901721696 -1.1109233707391368 -0.03334676698552122 0.9983313409773953 0.04714368201455195 0.6208888754960304 0.002482176782070533 -0.04708704402729673 0.9988877059425618 4.933537084790633 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/61672452_5135373512.jpg sacre_coeur/test/images/44509707_7002758055.jpg 0 0 1840.71 0.0 239.5 0.0 1840.71 319.5 0.0 0.0 1.0 1017.42 0.0 213.0 0.0 1017.42 319.5 0.0 0.0 1.0 0.9987815360549236 0.03012777898057306 0.03908657275158803 -1.7719140376334162 -0.02878581561816084 0.9989916672200204 -0.03445323851484916 -2.009587122119538 -0.04008516003416589 0.03328611960955459 0.9986416845828006 -14.56407458030337 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/15114643_8210538601.jpg sacre_coeur/test/images/76342746_8957142551.jpg 0 0 927.73 0.0 239.5 0.0 927.73 319.5 0.0 0.0 1.0 461.782 0.0 319.5 0.0 461.782 239.5 0.0 0.0 1.0 0.8021998821902028 -0.22469507706984082 -0.5531613429683992 17.985476402788304 0.21878607700251823 0.9726653304571298 -0.07781264316658719 0.3610310969268067 0.555524978307792 -0.058602706996356106 0.8294321679370933 -6.722957855519155 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/60635619_2829148962.jpg sacre_coeur/test/images/70970334_5790897082.jpg 0 0 530.154 0.0 249.5 0.0 530.154 187.0 0.0 0.0 1.0 633.07 0.0 319.5 0.0 633.07 239.5 0.0 0.0 1.0 0.8163941541579408 0.26442814585473584 0.5133988125585867 -7.403376670102673 -0.22042270326483004 0.9643855114649398 -0.14619992189440856 2.282664351847247 -0.5337737507054511 0.006192007455825259 0.8456046606432006 10.198735320859619 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/75911664_13736760514.jpg sacre_coeur/test/images/47058715_3625029597.jpg 0 0 675.746 0.0 255.5 0.0 675.746 319.5 0.0 0.0 1.0 679.749 0.0 319.5 0.0 679.749 239.5 0.0 0.0 1.0 0.9749767189102118 0.060143987119639086 0.2140165843957667 1.0454659162325082 -0.048566556330940945 0.9970786212877643 -0.05895347807419527 0.013437250712756477 -0.21693705812799965 0.047084220119311355 0.9750494290170757 -0.20522438435669343 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/50715122_352221583.jpg sacre_coeur/test/images/12573771_2610756325.jpg 0 0 530.151 0.0 249.5 0.0 530.151 187.0 0.0 0.0 1.0 686.081 0.0 213.5 0.0 686.081 319.5 0.0 0.0 1.0 0.8693483508973907 -0.2792909907848336 -0.4077131188205907 7.048549480642784 0.20299989553711384 0.9539928527818481 -0.22065511381581868 1.4724665488115072 0.4505823866996002 0.10906043878316725 0.8860481552875752 7.812026388116512 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/79081394_2124721534.jpg sacre_coeur/test/images/51093888_43012197.jpg 0 0 1525.68 0.0 319.5 0.0 1525.68 239.5 0.0 0.0 1.0 1767.41 0.0 319.5 0.0 1767.41 239.5 0.0 0.0 1.0 0.9991465886969936 -0.02655433107296556 0.03163798028364278 -2.7538505119329835 0.0265975317899787 0.9996457760917457 -0.0009453277806328578 0.3420658899374054 -0.03160167080775803 0.0017860132135847512 0.999498946752301 1.5137258735515644 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/70170436_3664390013.jpg sacre_coeur/test/images/87252152_3382721265.jpg 0 0 523.702 0.0 213.5 0.0 523.702 319.5 0.0 0.0 1.0 1262.46 0.0 239.5 0.0 1262.46 319.5 0.0 0.0 1.0 0.9977122733992054 -0.029721709163847344 -0.06071935039975851 -0.6632256113236316 0.010264136828191312 0.9543559423858383 -0.2984951971607088 3.936686423343288 0.06681966030863334 0.29718909003733285 0.9524777045994416 34.090218193629966 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/59996089_2005549974.jpg sacre_coeur/test/images/28406439_2578759591.jpg 0 0 497.691 0.0 319.5 0.0 497.691 213.5 0.0 0.0 1.0 812.302 0.0 213.0 0.0 812.302 319.5 0.0 0.0 1.0 0.999382559922201 0.010039406385533545 -0.03367059908546838 1.578771095196493 -0.008345819003427065 0.9987109706085607 0.05006739948578003 -1.5998620220029096 0.034129843663724437 -0.049755477141042066 0.9981781134977649 -4.202542917274002 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/11173357_5349727279.jpg sacre_coeur/test/images/44748036_142906563.jpg 0 0 530.786 0.0 319.5 0.0 530.786 213.0 0.0 0.0 1.0 516.863 0.0 187.0 0.0 516.863 249.5 0.0 0.0 1.0 0.9942914638163536 -0.0790508667673628 -0.07166202233583341 0.10019070192494883 0.06686576489757995 0.9850351594501102 -0.1588543487971227 0.3087865761837598 0.08314718556027247 0.15315578706149185 0.9846978472724414 0.6984441191302331 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/70116109_2697195876.jpg sacre_coeur/test/images/79704892_2352783119.jpg 0 0 606.734 0.0 212.5 0.0 606.734 319.5 0.0 0.0 1.0 1800.38 0.0 239.5 0.0 1800.38 319.5 0.0 0.0 1.0 0.9989294112685277 0.01288896516358806 0.044428660566397445 -0.7482647079657112 -0.017376291209361894 0.9946179158197239 0.10214336020630987 3.434253950412147 -0.04287301956382121 -0.10280601201992187 0.993777051498997 35.69986021466043 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/79410678_281876803.jpg sacre_coeur/test/images/59996089_2005549974.jpg 0 0 521.004 0.0 249.5 0.0 521.004 187.0 0.0 0.0 1.0 497.691 0.0 319.5 0.0 497.691 213.5 0.0 0.0 1.0 0.9981529062551973 -0.01639291350993496 0.058498274512667085 -1.9822640721679052 0.009227300052691116 0.9926434012653174 0.1207225532291286 -0.5023668411080018 -0.060046920554189705 -0.11995978622470937 0.9909611581797143 -0.8282466817863288 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/36478780_3343078633.jpg sacre_coeur/test/images/25923245_22222637.jpg 0 0 666.684 0.0 319.5 0.0 666.684 239.5 0.0 0.0 1.0 530.117 0.0 187.0 0.0 530.117 249.5 0.0 0.0 1.0 -0.22346316711487682 -0.8164416276758897 -0.5324352369452386 7.868167954812936 0.9746657228017996 -0.19251331518501272 -0.1138655007968655 0.8000491962103247 -0.009536337778922507 -0.5443911204955677 0.8387773042872265 1.3516567529128638 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/99117955_5783559928.jpg sacre_coeur/test/images/45575968_5097432755.jpg 0 0 537.035 0.0 319.5 0.0 537.035 239.5 0.0 0.0 1.0 588.085 0.0 319.5 0.0 588.085 179.5 0.0 0.0 1.0 0.9396347944668287 -0.15460911250299716 -0.30525804716389743 2.856252200806054 0.12566665904196778 0.9856831691882303 -0.11241254727243044 3.2601385142487476 0.31826772351671234 0.0672659818190604 0.9456114127152905 15.371996216297966 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/39598026_13855927694.jpg sacre_coeur/test/images/48325951_2932818065.jpg 0 0 546.706 0.0 319.5 0.0 546.706 239.5 0.0 0.0 1.0 714.985 0.0 239.5 0.0 714.985 319.5 0.0 0.0 1.0 0.9836969423127173 -0.064509202603503 -0.16786568578500755 2.1541606949951246 0.029277285922880383 0.9784411461764417 -0.20444012325842628 0.8923333613647483 0.1774349633347402 0.19619247245598084 0.9643782180959961 8.314789650736662 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/64044824_2624053101.jpg sacre_coeur/test/images/01012753_375984446.jpg 0 0 1359.6 0.0 212.5 0.0 1359.6 319.5 0.0 0.0 1.0 773.348 0.0 249.5 0.0 773.348 199.0 0.0 0.0 1.0 0.9951615597161443 -0.027090206730543 -0.09444358507928068 6.129505193519574 0.04347760672355116 0.9834218440109139 0.17604310391425712 -7.272083083463793 0.08810884051514416 -0.17929751091822255 0.9798414334991181 -32.16023855780941 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/17616986_7085723791.jpg sacre_coeur/test/images/95803142_180463023.jpg 0 0 511.96 0.0 319.5 0.0 511.96 212.0 0.0 0.0 1.0 586.012 0.0 187.0 0.0 586.012 249.5 0.0 0.0 1.0 0.8884274566540381 -0.24642020862445768 -0.3872644252248273 3.054208585123196 0.22634708861157807 0.9691624545367041 -0.09742244193948979 0.9910979126536836 0.39932899937307276 -0.0011034028591491725 0.9168070313658325 2.0433608177101332 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/85360130_8421021553.jpg sacre_coeur/test/images/83804881_3941265613.jpg 0 0 1605.2 0.0 319.5 0.0 1605.2 213.0 0.0 0.0 1.0 1145.06 0.0 319.5 0.0 1145.06 239.5 0.0 0.0 1.0 0.9994693942446553 0.0315450231969594 -0.008114276290873773 -0.40817771130066816 -0.03024681604913779 0.9912959591944263 0.1281306029162898 -1.5089964811426038 0.012085532140165032 -0.1278171850586047 0.9917241083671321 -2.65027474323764 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/64661937_6056840145.jpg sacre_coeur/test/images/34935406_396311145.jpg 0 0 697.765 0.0 239.5 0.0 697.765 319.5 0.0 0.0 1.0 481.009 0.0 187.0 0.0 481.009 249.5 0.0 0.0 1.0 0.9990159038604112 -0.027745049861194273 -0.034603988818711254 0.9167054083936119 0.02405252012550058 0.9944005795926404 -0.10290268986490783 0.06106833934718292 0.03726526679869658 0.10196911058757385 0.9940893321912275 0.3977610345209577 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/72198457_1660226670.jpg sacre_coeur/test/images/76212982_3312164124.jpg 0 0 1443.11 0.0 187.0 0.0 1443.11 249.5 0.0 0.0 1.0 540.23 0.0 319.5 0.0 540.23 213.0 0.0 0.0 1.0 0.7647225669798354 -0.15518726849067452 -0.625392922289799 39.4730144491768 0.2326861027329738 0.9715815340433133 0.043433861225799474 -3.654756717542898 0.6008798325345186 -0.17873509561483822 0.7791002454426794 -31.49878968034577 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/33317152_9653273357.jpg sacre_coeur/test/images/64966234_8900198268.jpg 0 0 531.534 0.0 319.5 0.0 531.534 239.5 0.0 0.0 1.0 578.134 0.0 239.5 0.0 578.134 319.5 0.0 0.0 1.0 0.931998414933137 0.16627663781171168 0.3220730263156991 -4.323327705162506 -0.05194035527537387 0.9406659643757725 -0.3353352694824476 4.2089321984206665 -0.35872155504790637 0.2958033522173652 0.8853356554217057 15.763453855412312 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/55297752_267282770.jpg sacre_coeur/test/images/38901171_7234089272.jpg 0 0 652.245 0.0 239.5 0.0 652.245 319.5 0.0 0.0 1.0 528.65 0.0 319.5 0.0 528.65 239.5 0.0 0.0 1.0 0.8291590841817579 -0.13738645041719505 -0.5418673051224182 7.07961198030038 0.21384695686172198 0.9735538646485227 0.08038875337325871 0.19578254958259367 0.516492683549195 -0.1825317393487757 0.8366107051493316 0.254447353485191 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/70970334_5790897082.jpg sacre_coeur/test/images/34297653_2634761938.jpg 0 0 633.07 0.0 319.5 0.0 633.07 239.5 0.0 0.0 1.0 648.902 0.0 239.0 0.0 648.902 319.5 0.0 0.0 1.0 0.9997818241345666 0.015344581352027287 -0.014172083590269125 -1.9218862925494704 -0.015985319387895516 0.9988013852860085 -0.046262969152632165 -0.07538981036451897 0.013445210828601027 0.046479420971882165 0.9988287589631634 -1.3132213921629425 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/25811450_7943664752.jpg sacre_coeur/test/images/41728687_4706427664.jpg 0 0 535.838 0.0 213.0 0.0 535.838 319.5 0.0 0.0 1.0 1542.39 0.0 213.5 0.0 1542.39 319.5 0.0 0.0 1.0 0.9999725690174008 -0.007105250968035891 -0.0020920376241271993 -0.30571876098874773 0.007006499793818009 0.9990099275957522 -0.043932602082840035 7.384743024740333 0.0024021185188843313 0.04391673910721465 0.9990323067112545 49.160157165534436 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/48360689_7391063350.jpg sacre_coeur/test/images/31148870_2948239995.jpg 0 0 1914.59 0.0 212.0 0.0 1914.59 319.5 0.0 0.0 1.0 722.471 0.0 319.5 0.0 722.471 239.5 0.0 0.0 1.0 0.9843920324921939 0.08456982086181858 0.15433817338976105 -10.703735713032277 -0.10497172707845429 0.9860440231757187 0.1292212090703744 -10.051389429388948 -0.14125601891620249 -0.14340547325274175 0.979531320255306 -44.98441499525061 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/06841583_3820040279.jpg sacre_coeur/test/images/47232856_233187107.jpg 0 0 566.414 0.0 249.5 0.0 566.414 187.0 0.0 0.0 1.0 548.399 0.0 249.5 0.0 548.399 187.0 0.0 0.0 1.0 0.9975646942308658 -0.04961188273585125 0.049023891272352633 -0.8335304654535357 0.02576071107439142 0.9152583257948796 0.40204301116683466 0.12796849154980094 -0.06481563537466124 -0.3998010232034904 0.9143074292908381 0.6295977450138182 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/89575205_6345371382.jpg sacre_coeur/test/images/81703421_7754459314.jpg 0 0 1030.86 0.0 212.5 0.0 1030.86 319.5 0.0 0.0 1.0 514.334 0.0 319.5 0.0 514.334 239.5 0.0 0.0 1.0 0.8235466596889331 -0.18279109659498874 -0.5369900504858559 30.940663230268562 0.22678518882919887 0.9738080255734849 0.016321993027063227 -4.951492960527011 0.5199417058122047 -0.13522331283573985 0.8434306599969096 -29.294951673850406 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/16841636_7028528545.jpg sacre_coeur/test/images/58368117_3401402227.jpg 0 0 471.619 0.0 319.5 0.0 471.619 239.5 0.0 0.0 1.0 682.756 0.0 319.5 0.0 682.756 239.0 0.0 0.0 1.0 0.970719076814235 0.10084811509957932 0.21802323635287513 -2.393514344025544 -0.08735516891238584 0.993665956237966 -0.070689757942555 1.7345761102369577 -0.22377119647802796 0.049574439931788256 0.9733801038300719 9.437369826351935 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/63516274_5829260794.jpg sacre_coeur/test/images/59269571_2206364373.jpg 0 0 522.011 0.0 319.5 0.0 522.011 213.0 0.0 0.0 1.0 873.907 0.0 319.5 0.0 873.907 239.5 0.0 0.0 1.0 0.6337218468536364 -0.4253478196613262 -0.6461237134866452 6.619353702230709 0.4001144828682102 0.8950842954157993 -0.1968057537245971 2.880050292014773 0.662046087081195 -0.13380334976882305 0.7374222956834984 4.560803042132767 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/59066216_374458283.jpg sacre_coeur/test/images/76381653_4597196691.jpg 0 0 1271.07 0.0 249.5 0.0 1271.07 239.5 0.0 0.0 1.0 1053.54 0.0 319.5 0.0 1053.54 239.5 0.0 0.0 1.0 0.9739331132437041 -0.21826055478984124 0.06177880826187154 3.7459542621260047 0.2230338313483758 0.9710638437876153 -0.08538689221704966 0.3926780744670806 -0.04135457654831746 0.09693988606993775 0.9944307203054704 -4.581353538875533 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/38432569_8875267871.jpg sacre_coeur/test/images/40439555_5986637695.jpg 0 0 569.282 0.0 239.5 0.0 569.282 319.5 0.0 0.0 1.0 2201.25 0.0 319.5 0.0 2201.25 301.0 0.0 0.0 1.0 0.998053855271806 0.008789690115425583 0.06173526807878688 -0.6919889511574588 0.00048179028298354464 0.9888994315009988 -0.14858560581403712 6.207371351092367 -0.06235599293739228 0.14832618017287436 0.986970655298381 47.49689977982349 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/77706306_5103474140.jpg sacre_coeur/test/images/21037086_3590495621.jpg 0 0 505.257 0.0 319.5 0.0 505.257 214.0 0.0 0.0 1.0 661.089 0.0 239.5 0.0 661.089 319.5 0.0 0.0 1.0 0.994542163133679 -0.06580609567256955 -0.08096569348628922 -0.9278273068670226 0.05477313314904784 0.9897813556106085 -0.1316539857758311 0.2986457197976904 0.08880196864045173 0.1265006950888361 0.9879836964786523 0.5951492779100621 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/10162786_7360656560.jpg sacre_coeur/test/images/73479674_2286585340.jpg 0 0 534.866 0.0 319.5 0.0 534.866 211.5 0.0 0.0 1.0 510.127 0.0 249.5 0.0 510.127 187.0 0.0 0.0 1.0 0.797205713442034 0.23922893932302847 0.5542856348903125 -10.547293921818817 -0.3066063699914501 0.9513515504446431 0.03037698713236097 -1.2032885719573603 -0.5200534437305881 -0.19416421415119822 0.8317720081891453 -1.6210740475924776 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/30442266_2401730436.jpg sacre_coeur/test/images/31148870_2948239995.jpg 0 0 523.192 0.0 319.5 0.0 523.192 239.5 0.0 0.0 1.0 722.471 0.0 319.5 0.0 722.471 239.5 0.0 0.0 1.0 0.995957816168747 0.033987119113746855 -0.0831438761829673 -0.5557199986086259 -0.03609444523775637 0.999060761811021 -0.023974678987660324 2.07417828192227 0.082250954008809 0.02687880101363782 0.9962491207628292 8.478364566446736 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/89611407_866799904.jpg sacre_coeur/test/images/41814686_978754656.jpg 0 0 673.378 0.0 319.5 0.0 673.378 239.5 0.0 0.0 1.0 701.026 0.0 239.5 0.0 701.026 319.5 0.0 0.0 1.0 0.9536455092472458 -0.12734255312402432 -0.2726611759242897 4.518395822563506 0.0941464306270645 0.9868221550474658 -0.131599710895042 0.22275308193252302 0.2858263323991419 0.0998293968294427 0.9530673634302692 0.6169638468798513 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/54446446_3898144328.jpg sacre_coeur/test/images/30178210_1968722368.jpg 0 0 567.536 0.0 319.5 0.0 567.536 212.5 0.0 0.0 1.0 742.141 0.0 319.5 0.0 742.141 249.0 0.0 0.0 1.0 0.9622812497363536 -0.10604532847337293 -0.2505377909913307 1.1233189645315782 0.1822951019124594 0.9349235019261984 0.3044446441716126 -4.503907676127617 0.20194873662533114 -0.338633184810686 0.9189908998028242 -7.6343585817250705 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/73608962_13972912642.jpg sacre_coeur/test/images/72204476_348932583.jpg 0 0 713.805 0.0 239.5 0.0 713.805 319.5 0.0 0.0 1.0 816.54 0.0 295.0 0.0 816.54 319.5 0.0 0.0 1.0 0.9950989037866241 -0.04549667914786489 -0.08779649121220841 1.030399854706707 0.05479883942876603 0.992787570610162 0.10662985904160752 -1.0808686743081195 0.08231196073426672 -0.11091840166757279 0.9904149884223237 -1.6473113683640142 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/27172569_5015079786.jpg sacre_coeur/test/images/16214259_2076433877.jpg 0 0 476.902 0.0 239.5 0.0 476.902 319.5 0.0 0.0 1.0 593.424 0.0 319.5 0.0 593.424 213.0 0.0 0.0 1.0 0.9909264701570919 0.11529779017229845 0.0690735139064957 -0.2948637666625362 -0.1028713864239571 0.981363435977821 -0.16230614400267773 3.3666437703976584 -0.086499760677236 0.1537277662206464 0.9843198490813803 9.921775208664956 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/45575968_5097432755.jpg sacre_coeur/test/images/57895226_4857581382.jpg 0 0 588.085 0.0 319.5 0.0 588.085 179.5 0.0 0.0 1.0 456.232 0.0 319.5 0.0 456.232 239.5 0.0 0.0 1.0 0.9490056581249411 -0.10441499518600471 -0.2974655772138246 11.083045438103259 0.09151335147321248 0.9941703811712407 -0.057013679972179036 -1.0127310400322025 0.30168454940382267 0.026884232965371808 0.9530286830252674 -11.690959903777692 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/90301699_2168560949.jpg sacre_coeur/test/images/69212502_553330789.jpg 0 0 599.141 0.0 213.5 0.0 599.141 319.5 0.0 0.0 1.0 859.802 0.0 213.0 0.0 859.802 319.5 0.0 0.0 1.0 0.5931886121407457 0.3280151303645193 0.735209728362243 -14.081402332974942 -0.2970288810179334 0.9379737265598441 -0.1788271012030134 2.947453851610491 -0.7482654036287995 -0.11230032295316761 0.6538253002116422 15.36273878124088 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/77706306_5103474140.jpg sacre_coeur/test/images/26172565_2334920022.jpg 0 0 505.257 0.0 319.5 0.0 505.257 214.0 0.0 0.0 1.0 701.449 0.0 319.5 0.0 701.449 239.5 0.0 0.0 1.0 0.9471414246766671 -0.18396553834146265 -0.26283036804028087 3.5087646905538787 0.1850966247910102 0.9825028193104176 -0.020674852794076996 0.14292987912392657 0.26203503802436345 -0.029067004486472536 0.9646205202553767 0.12522862329875797 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/72482105_8590533286.jpg sacre_coeur/test/images/69212502_553330789.jpg 0 0 877.949 0.0 319.5 0.0 877.949 206.5 0.0 0.0 1.0 859.802 0.0 213.0 0.0 859.802 319.5 0.0 0.0 1.0 0.9779233014360807 0.014589815024274795 0.20845420073942858 -3.5540193406632063 -0.05849129584885767 0.976795056764852 0.20603442768059568 1.6738208251987468 -0.20061102865564986 -0.2136786240532887 0.9560840239248929 6.355633681322672 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/51093888_43012197.jpg sacre_coeur/test/images/65606241_8601988847.jpg 0 0 1767.41 0.0 319.5 0.0 1767.41 239.5 0.0 0.0 1.0 545.165 0.0 319.5 0.0 545.165 212.5 0.0 0.0 1.0 0.9928534166118593 0.02329452310285656 0.1170446851231094 -6.3320640122032845 -0.03347999268647371 0.9957476121934067 0.08582413938305856 -7.720002750913003 -0.11454773333362385 -0.08912944521615443 0.9894113193124432 -35.77604154499123 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/55597679_2718818848.jpg sacre_coeur/test/images/74182138_8276852729.jpg 0 0 682.241 0.0 239.5 0.0 682.241 319.5 0.0 0.0 1.0 710.115 0.0 319.5 0.0 710.115 213.0 0.0 0.0 1.0 0.9976774057182822 0.04038186510118084 -0.054855255811894675 0.7921713422233072 -0.04004150310246524 0.999171422651032 0.007290143126707598 1.1654601850148893 0.055104193565768116 -0.0050767241861900455 0.998467703395059 8.099241658458126 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/19422098_2931690374.jpg sacre_coeur/test/images/41248376_5125754940.jpg 0 0 1163.74 0.0 239.5 0.0 1163.74 319.5 0.0 0.0 1.0 1042.61 0.0 319.5 0.0 1042.61 213.5 0.0 0.0 1.0 0.9960547104877147 0.0083434993172574 -0.08834817335054539 -1.1719066564413643 -0.0120172809695828 0.9990814045888792 -0.041133100573754 -0.2712403826654137 0.08792382312737088 0.04203252340575551 0.9952400053770001 -0.9854045885700415 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/74361805_4541261018.jpg sacre_coeur/test/images/91139284_7856526282.jpg 0 0 903.565 0.0 319.5 0.0 903.565 212.5 0.0 0.0 1.0 1076.35 0.0 319.5 0.0 1076.35 239.5 0.0 0.0 1.0 0.9995173841264591 0.005117257284792873 -0.030640047436021996 0.9704853839338381 -0.009373065596842964 0.9900489025196846 -0.14041123979541392 2.4156011401356654 0.029616624897474804 0.1406306662767733 0.9896190535919532 26.561471986133768 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/73608962_13972912642.jpg sacre_coeur/test/images/18698491_4586522698.jpg 0 0 713.805 0.0 239.5 0.0 713.805 319.5 0.0 0.0 1.0 1792.43 0.0 246.5 0.0 1792.43 319.5 0.0 0.0 1.0 0.9998948597433155 0.005838807107467902 -0.013273198200024722 -0.9592388436608474 -0.007297886021057404 0.9936042623327678 -0.11268234437470755 4.121693668318827 0.012530375833110974 0.11276736321169484 0.9935424054743525 41.668409804958046 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/96399538_6003485006.jpg sacre_coeur/test/images/08619228_3960784810.jpg 0 0 944.215 0.0 319.5 0.0 944.215 239.5 0.0 0.0 1.0 484.401 0.0 319.5 0.0 484.401 213.0 0.0 0.0 1.0 0.9994207126818454 0.02648725971663113 0.021369701336614113 -0.7475206475682301 -0.017913215220281564 0.9433064019500461 -0.33143950995699034 0.10448082248493806 -0.02893710045917232 0.330864711192901 0.9432344284981617 3.00804383779111 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/15701912_177669906.jpg sacre_coeur/test/images/01723814_7963028620.jpg 0 0 743.975 0.0 319.5 0.0 743.975 239.0 0.0 0.0 1.0 505.251 0.0 319.5 0.0 505.251 214.0 0.0 0.0 1.0 0.675527972273615 -0.2965216675396311 -0.6750828536967997 19.22524026028604 0.29451804029871503 0.9478741315979496 -0.12162957940417796 2.5036691061284597 0.6759593794115906 -0.11665989596664866 0.7276464705188556 1.0387174989065073 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/80871904_5968113125.jpg sacre_coeur/test/images/43279207_5330361477.jpg 0 0 526.948 0.0 319.5 0.0 526.948 239.5 0.0 0.0 1.0 429.857 0.0 319.5 0.0 429.857 212.5 0.0 0.0 1.0 0.809421407724373 0.2132868356289931 0.5471249495909186 -0.09196295693125967 -0.2363164017781485 0.9712429151005784 -0.02901306804802523 0.33253158097731284 -0.5375793364407927 -0.10581080102854117 0.836547985125525 0.8634562424664871 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/47788810_3531619701.jpg sacre_coeur/test/images/57417409_1401404166.jpg 0 0 394.04 0.0 166.5 0.0 394.04 249.5 0.0 0.0 1.0 548.254 0.0 187.0 0.0 548.254 249.5 0.0 0.0 1.0 0.9581572339318638 -0.09037942576950025 -0.271599474339725 2.712444090828245 0.057147511738037796 0.9901418382057533 -0.12788003024977265 -0.06680218986927361 0.28047972647981234 0.10700794191137097 0.9538765241904751 0.780672657239692 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/72204476_348932583.jpg sacre_coeur/test/images/63516274_5829260794.jpg 0 0 816.54 0.0 295.0 0.0 816.54 319.5 0.0 0.0 1.0 522.011 0.0 319.5 0.0 522.011 213.0 0.0 0.0 1.0 0.9946551388603263 0.062061142780421547 0.08252011449054657 -2.595249808319809 -0.06734293732578722 0.9957489045000755 0.0628414511229221 -2.0397555151722178 -0.07826930133251402 -0.06806271919110816 0.9946061445241692 -6.367565159782019 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/63858075_3812078922.jpg sacre_coeur/test/images/38901171_7234089272.jpg 0 0 537.525 0.0 249.5 0.0 537.525 187.0 0.0 0.0 1.0 528.65 0.0 319.5 0.0 528.65 239.5 0.0 0.0 1.0 0.8431699867845557 -0.16250561685819373 -0.5125000467075789 11.72632318611906 0.19175572279960945 0.9814333456896364 0.004281441585050939 -1.1667702943499827 0.502288877200493 -0.10188479993593162 0.858676523134692 -4.420604603455412 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/23236854_6565983213.jpg sacre_coeur/test/images/82675968_6187144108.jpg 0 0 668.656 0.0 239.5 0.0 668.656 319.5 0.0 0.0 1.0 712.807 0.0 319.5 0.0 712.807 239.5 0.0 0.0 1.0 0.8928259417760843 -0.17922955861346912 -0.4132052795050775 10.719749613400344 0.18312609034629682 0.9826153501717143 -0.03052717873304895 1.1177488931765351 0.4114932231837216 -0.048413210244112395 0.9101260837640746 2.5403234729448476 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/36478780_3343078633.jpg sacre_coeur/test/images/34297653_2634761938.jpg 0 0 666.684 0.0 319.5 0.0 666.684 239.5 0.0 0.0 1.0 648.902 0.0 239.0 0.0 648.902 319.5 0.0 0.0 1.0 -0.06550589586240732 -0.9683084939084635 -0.24101377187203774 2.0623165455660146 0.994446659046264 -0.043411638926844555 -0.09587112139434258 1.5709275473857736 0.08237001832576556 -0.24595546391655634 0.9657748649921495 7.604606952416833 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/75907133_3528579515.jpg sacre_coeur/test/images/33411162_10141421203.jpg 0 0 539.794 0.0 187.0 0.0 539.794 249.5 0.0 0.0 1.0 878.795 0.0 218.5 0.0 878.795 319.5 0.0 0.0 1.0 0.9999203381549528 -0.009747982899655346 -0.008018364762997162 -0.18537602198530367 0.010439085659257318 0.9957759069528113 0.09122153596001872 1.487453589308564 0.007095268471533423 -0.09129797348076421 0.9957983416353042 6.4579503429798955 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/58207157_8155269003.jpg sacre_coeur/test/images/72776302_21108497.jpg 0 0 716.507 0.0 319.5 0.0 716.507 239.5 0.0 0.0 1.0 565.519 0.0 187.0 0.0 565.519 249.5 0.0 0.0 1.0 0.9960547314329987 -0.05563590751687624 -0.06913477984857135 0.13206808492259406 0.050633425016661696 0.9961100964341917 -0.07211748784412401 1.3368403535238138 0.07287817410596216 0.06833243429469549 0.9949972111329468 3.1715106660987535 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/72776302_21108497.jpg sacre_coeur/test/images/34935406_396311145.jpg 0 0 565.519 0.0 187.0 0.0 565.519 249.5 0.0 0.0 1.0 481.009 0.0 187.0 0.0 481.009 249.5 0.0 0.0 1.0 0.9947299073790065 0.030038940242372192 0.09803098201522015 -1.0638876213800703 -0.021456023504149543 0.9959368066829596 -0.08746151238995808 -0.014179272076409344 -0.10025991432842242 0.0848972270646374 0.9913326436749638 0.4232925254538582 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/97245024_8458217426.jpg sacre_coeur/test/images/15083954_1584414678.jpg 0 0 994.383 0.0 319.5 0.0 994.383 213.0 0.0 0.0 1.0 693.186 0.0 319.5 0.0 693.186 239.5 0.0 0.0 1.0 0.9994169554914094 0.027521190528109026 0.020207254840716827 0.4502701904759904 -0.028422596082667048 0.9985477696668318 0.045765792086637946 -4.4542325416726944 -0.018918380168600875 -0.04631345123515773 0.9987477955552567 -35.45211997085864 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/08319155_4244960671.jpg sacre_coeur/test/images/38552135_2122457546.jpg 0 0 661.935 0.0 239.5 0.0 661.935 319.5 0.0 0.0 1.0 1367.85 0.0 239.5 0.0 1367.85 319.5 0.0 0.0 1.0 0.9887275610801962 -0.10652620701947232 -0.10521395904751066 3.3266839528609045 0.08238507201733809 0.9738374971076365 -0.21178580957144444 2.917751485145743 0.12502203753380736 0.20073040737561068 0.9716361426407092 55.3018286479748 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/86890299_6076455455.jpg sacre_coeur/test/images/58368117_3401402227.jpg 0 0 1814.03 0.0 212.5 0.0 1814.03 319.5 0.0 0.0 1.0 682.756 0.0 319.5 0.0 682.756 239.0 0.0 0.0 1.0 0.9977752152461025 -0.004288598450291531 -0.06652990127699066 4.59505035435453 0.008493956804699415 0.9979738049887662 0.06305661943082683 -7.140019705766568 0.06612467420255363 -0.06348143413295247 0.9957899552526275 -39.28817993889082 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/60453279_4122247122.jpg sacre_coeur/test/images/81670953_3302107502.jpg 0 0 885.173 0.0 319.5 0.0 885.173 213.0 0.0 0.0 1.0 672.741 0.0 319.5 0.0 672.741 239.5 0.0 0.0 1.0 0.9987696530986905 0.04828919085103579 0.011284241049975519 -0.5730872509750424 -0.04810352044726043 0.9987112385579024 -0.01618373562316051 0.09216047711302089 -0.012051197853396471 0.015621012294105617 0.9998053573597242 -0.09387584094856827 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/45575968_5097432755.jpg sacre_coeur/test/images/22199037_8161715444.jpg 0 0 588.085 0.0 319.5 0.0 588.085 179.5 0.0 0.0 1.0 593.177 0.0 319.5 0.0 593.177 212.0 0.0 0.0 1.0 0.9864665867430817 0.08490285891500221 0.1402682351336659 -2.537396661524325 -0.09426130299937605 0.9936480467828936 0.06146841368865969 -1.532228076964672 -0.13415841381111354 -0.07385840285708599 0.9882036512435513 -6.100570308262588 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/88346204_4983096872.jpg sacre_coeur/test/images/14122634_883725893.jpg 0 0 525.321 0.0 319.5 0.0 525.321 239.5 0.0 0.0 1.0 479.75 0.0 319.5 0.0 479.75 239.5 0.0 0.0 1.0 0.880915690872332 0.27153161831623657 0.3876314303942436 -8.048474674769803 -0.08984635856696926 0.9000963111382178 -0.4263264741106612 -0.855464356471326 -0.4646667380254125 0.34073040799133014 0.8173050909194707 5.347249404496308 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/51093888_43012197.jpg sacre_coeur/test/images/06132465_4129851965.jpg 0 0 1767.41 0.0 319.5 0.0 1767.41 239.5 0.0 0.0 1.0 298.312 0.0 319.5 0.0 298.312 213.0 0.0 0.0 1.0 0.9966996352332725 0.07965392100983516 -0.015655350319306812 1.4390705155532202 -0.08067000820399327 0.9934087804281843 -0.08143306910926978 -2.1673154656029214 0.009065699213460364 0.0824272275158299 0.9965558515516452 -50.79668509058077 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/67317975_3907395582.jpg sacre_coeur/test/images/67569977_7754509434.jpg 0 0 664.539 0.0 191.5 0.0 664.539 249.5 0.0 0.0 1.0 1806.88 0.0 239.5 0.0 1806.88 319.5 0.0 0.0 1.0 0.9946321383597921 0.06644793525632249 0.07931948841236003 -1.180632271484023 -0.05616267989124901 0.9905011298921228 -0.12551201165570267 4.377946918397678 -0.08690605691929668 0.12038348550610968 0.9889161509896276 45.3081131328004 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/94661279_5887793763.jpg sacre_coeur/test/images/47788810_3531619701.jpg 0 0 526.02 0.0 319.5 0.0 526.02 213.0 0.0 0.0 1.0 394.04 0.0 166.5 0.0 394.04 249.5 0.0 0.0 1.0 0.9983926728951649 0.04738309977436126 0.031095217719473052 -0.3159782531847588 -0.041056891685648064 0.982899023336517 -0.17951000409234577 0.8394638862611958 -0.03906919956131005 0.17794479981132896 0.9832645858901583 4.679705220366462 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/24662873_8171467618.jpg sacre_coeur/test/images/26161317_4040935017.jpg 0 0 733.364 0.0 239.5 0.0 733.364 319.5 0.0 0.0 1.0 576.672 0.0 319.5 0.0 576.672 312.5 0.0 0.0 1.0 0.9877367483440183 -0.03351924538455569 -0.1524879541460092 2.5961088518168074 0.04589592194572017 0.9958663231923041 0.0783825916909728 -0.9231893610727 0.14923029290173567 -0.08441994148476614 0.9851921605251287 -5.7575020339024965 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/99378904_311153817.jpg sacre_coeur/test/images/36478780_3343078633.jpg 0 0 728.066 0.0 319.5 0.0 728.066 239.5 0.0 0.0 1.0 666.684 0.0 319.5 0.0 666.684 239.5 0.0 0.0 1.0 -0.09232106041144829 0.9957003928467213 -0.007586137975978125 -1.4834486195879153 -0.9387231605255321 -0.08957393929053328 -0.3328292915188386 6.935894442714871 -0.33207777657871335 -0.023605869712017356 0.9429565807701209 -5.546959032890213 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/86255041_34613076.jpg sacre_coeur/test/images/11830476_115274962.jpg 0 0 943.253 0.0 319.5 0.0 943.253 283.5 0.0 0.0 1.0 708.87 0.0 319.5 0.0 708.87 239.5 0.0 0.0 1.0 0.8723444589668837 -0.2045274235631873 -0.44405368810581836 13.446401449812917 0.3048588225234918 0.9376367575942934 0.167028168695134 -1.2836943586137899 0.3821992193076341 -0.2810797819457397 0.8802942195322938 -5.926327502797047 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/04543624_3663972093.jpg sacre_coeur/test/images/19504977_367623688.jpg 0 0 433.924 0.0 319.5 0.0 433.924 212.5 0.0 0.0 1.0 495.415 0.0 319.5 0.0 495.415 212.5 0.0 0.0 1.0 0.8073571478369876 -0.3873070016849674 -0.4451603332309889 6.68455110711083 0.3486755623253172 0.9217694932799461 -0.16960646654993938 0.7100175409825038 0.47602498681649913 -0.018283536425772157 0.8792416756626812 0.04174270063122959 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/57933149_11837935973.jpg sacre_coeur/test/images/40430408_7756569670.jpg 0 0 522.366 0.0 239.5 0.0 522.366 319.5 0.0 0.0 1.0 517.998 0.0 319.5 0.0 517.998 201.0 0.0 0.0 1.0 0.9422517531460523 0.056292213940669265 0.3301406069280918 -4.595051453227986 -0.16587618330942097 0.9348097035956148 0.3140317020209555 -1.721381013220314 -0.29094110315300975 -0.35065938560537163 0.8901636196694254 -2.000612046558303 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/04808852_3532579721.jpg sacre_coeur/test/images/37465591_6089695306.jpg 0 0 536.862 0.0 319.5 0.0 536.862 223.5 0.0 0.0 1.0 445.094 0.0 266.5 0.0 445.094 199.5 0.0 0.0 1.0 0.9105260085218081 -0.1725690640632805 -0.37571572489538885 5.645081414126256 0.09082107478411533 0.9700156083933696 -0.22543569337684566 1.3442985552400146 0.40335334407985535 0.1711421561204733 0.8988973479869843 9.912489080594767 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/60953043_2624021191.jpg sacre_coeur/test/images/60643706_4839245857.jpg 0 0 1395.38 0.0 212.5 0.0 1395.38 319.5 0.0 0.0 1.0 417.17 0.0 319.5 0.0 417.17 213.0 0.0 0.0 1.0 0.7943931248005619 -0.3157816471185077 -0.5188656036130369 16.901499448225564 0.29101408378398047 0.9476787116898071 -0.13120923157048775 0.9829548049695429 0.5331513540346392 -0.04676548677250959 0.8447263597982254 -6.372976816919225 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/63360516_5790897098.jpg sacre_coeur/test/images/48445083_12204174934.jpg 0 0 516.78 0.0 319.5 0.0 516.78 239.5 0.0 0.0 1.0 1439.35 0.0 213.0 0.0 1439.35 319.5 0.0 0.0 1.0 0.9975916554188098 0.005785936613641766 0.06911882504977447 0.11885487514144771 0.0011372559008172576 0.9950162100310516 -0.09970681232723456 2.281938432515717 -0.06935124863889955 0.0995452897577039 0.9926132880428715 42.044776357742265 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/09199317_7932673946.jpg sacre_coeur/test/images/15012791_5817353527.jpg 0 0 592.689 0.0 319.5 0.0 592.689 212.5 0.0 0.0 1.0 506.581 0.0 212.0 0.0 506.581 319.5 0.0 0.0 1.0 0.998257930313067 -0.04750274348072736 -0.03499419850312059 5.7762311851189745 0.05247113946960857 0.9859803952300171 0.1583964638015003 -3.3084131990902015 0.026979327082647518 -0.15995671159367875 0.9867552717499433 -9.634365181570852 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/69077959_3760142614.jpg sacre_coeur/test/images/36478780_3343078633.jpg 0 0 2150.73 0.0 319.5 0.0 2150.73 319.5 0.0 0.0 1.0 666.684 0.0 319.5 0.0 666.684 239.5 0.0 0.0 1.0 -0.1001761366336134 0.9833357934758623 0.15170846686444367 -12.945838250035944 -0.9529973466128223 -0.0510093079661121 -0.29865382610932434 19.166275562415585 -0.28593845316445954 -0.17449575287099323 0.9422263174163101 -45.94138176556723 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/28570538_3018664920.jpg sacre_coeur/test/images/70116109_2697195876.jpg 0 0 655.109 0.0 319.5 0.0 655.109 239.5 0.0 0.0 1.0 606.734 0.0 212.5 0.0 606.734 319.5 0.0 0.0 1.0 0.9999678705485733 -0.002341643121778361 -0.007666457985422671 0.029454609026869916 0.0012550008256977348 0.9903212103362601 -0.1387887795574721 -0.08895296067143572 0.007917249742146625 0.1387746989390189 0.9902923306230869 0.31659359689172106 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/30442266_2401730436.jpg sacre_coeur/test/images/87493438_3174891219.jpg 0 0 523.192 0.0 319.5 0.0 523.192 239.5 0.0 0.0 1.0 1913.51 0.0 212.5 0.0 1913.51 319.5 0.0 0.0 1.0 0.9893151007516485 -0.0108131817525502 -0.1453915627715109 1.4200277650592272 -0.008696462670361067 0.9910932583515307 -0.13288538214254106 5.115806396017084 0.14553351147340213 0.13272990752099723 0.9804094903088652 48.089181018804645 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/50742443_4801039009.jpg sacre_coeur/test/images/37404008_4118566175.jpg 0 0 900.02 0.0 319.5 0.0 900.02 194.0 0.0 0.0 1.0 529.805 0.0 239.5 0.0 529.805 319.5 0.0 0.0 1.0 0.9535269401790498 0.05329319935727395 0.29655726134263516 -9.790388371199485 -0.012983707056808416 0.9905869396585663 -0.1362678917754977 2.228821334985535 -0.3010279018693136 0.12608469328249822 0.945243276842537 -40.376404282215375 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/79704892_2352783119.jpg sacre_coeur/test/images/73088789_3818781918.jpg 0 0 1800.38 0.0 239.5 0.0 1800.38 319.5 0.0 0.0 1.0 512.969 0.0 319.5 0.0 512.969 239.5 0.0 0.0 1.0 0.8500374347017723 -0.1673019160199841 -0.4994461217205237 32.51768516181475 0.28408810977762466 0.9440967791293496 0.1672579370928747 -11.105299243114338 0.44354290151980375 -0.28406221243528673 0.8500460893256104 -38.595683411989455 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/04739785_8198592553.jpg sacre_coeur/test/images/06841583_3820040279.jpg 0 0 720.152 0.0 319.5 0.0 720.152 239.5 0.0 0.0 1.0 566.414 0.0 249.5 0.0 566.414 187.0 0.0 0.0 1.0 0.9980597449371895 -0.00032876150420592913 0.06226264893003948 -1.447146983886504 0.01764985414156347 0.9604615299685124 -0.2778527165591971 0.6564805700516494 -0.05970953177419438 0.27841253809126 0.9586037922149532 -6.074307583874678 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/63858075_3812078922.jpg sacre_coeur/test/images/61702125_8353062682.jpg 0 0 537.525 0.0 249.5 0.0 537.525 187.0 0.0 0.0 1.0 1508.27 0.0 239.5 0.0 1508.27 319.5 0.0 0.0 1.0 0.990568654758593 0.07626247180031279 0.11383222568612938 -2.823239871004791 -0.07053219119830409 0.9960710173532724 -0.053551268832615004 2.540043497354338 -0.11746893297598851 0.04501737202151668 0.9920556869459288 18.626209080710282 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/15114643_8210538601.jpg sacre_coeur/test/images/74182138_8276852729.jpg 0 0 927.73 0.0 239.5 0.0 927.73 319.5 0.0 0.0 1.0 710.115 0.0 319.5 0.0 710.115 213.0 0.0 0.0 1.0 0.9879909931879141 -0.0189615972223597 -0.1533435854880669 3.829396618073187 0.0089945988662518 0.9978164768960311 -0.06543222161922362 -0.9241233866602308 0.15424945565801615 0.06326718158389047 0.9860042439886539 -5.902626958280209 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/21932760_3503330187.jpg sacre_coeur/test/images/83916827_2652728872.jpg 0 0 724.718 0.0 319.5 0.0 724.718 212.5 0.0 0.0 1.0 690.499 0.0 239.5 0.0 690.499 319.5 0.0 0.0 1.0 0.9807359586236041 -0.022334997039349866 -0.1940570209239878 5.910313159465671 0.04113695690451929 0.9947778795929696 0.09340621525975037 -3.7807477841240753 0.19095740425360969 -0.09958974937094349 0.9765332311708375 -12.722961486452714 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/04915709_121816865.jpg sacre_coeur/test/images/60535642_3153438485.jpg 0 0 582.627 0.0 249.5 0.0 582.627 183.5 0.0 0.0 1.0 722.898 0.0 319.5 0.0 722.898 239.5 0.0 0.0 1.0 0.9636258592734119 0.13122443484966728 0.2328204265908904 -2.2755732321657676 -0.11127641967210385 0.9890544957070981 -0.09689562914051231 1.7875163268409135 -0.24298716378553137 0.06746371039279787 0.9676806735775496 6.16527316520588 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/15083954_1584414678.jpg sacre_coeur/test/images/23735654_3093471146.jpg 0 0 693.186 0.0 319.5 0.0 693.186 239.5 0.0 0.0 1.0 662.801 0.0 239.5 0.0 662.801 319.5 0.0 0.0 1.0 0.9959774795400423 0.03061957311040492 0.08420986873045783 -4.17373011149832 -0.04535125055832714 0.9827980766646736 0.17902850213587182 -4.238468701014157 -0.07727952071448299 -0.18212737917939356 0.9802333872254019 -12.56786098235494 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/38714154_3919914519.jpg sacre_coeur/test/images/33678893_2402563668.jpg 0 0 1481.11 0.0 213.5 0.0 1481.11 319.5 0.0 0.0 1.0 653.635 0.0 239.5 0.0 653.635 319.5 0.0 0.0 1.0 0.7814443395387183 -0.18694046955644056 -0.595313367097459 38.54991507843388 0.21799011484828676 0.9757407594670305 -0.02025537319164842 0.21643875793324696 0.5846580659080375 -0.11394398253843739 0.8032382677711222 -31.67631320208487 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/98073777_2853247623.jpg sacre_coeur/test/images/85015287_3451838837.jpg 0 0 712.676 0.0 239.5 0.0 712.676 319.5 0.0 0.0 1.0 2131.2 0.0 239.5 0.0 2131.2 319.5 0.0 0.0 1.0 0.9073493147115899 -0.21625143529277238 -0.3604893033450843 2.6178352488989765 0.13728490690012088 0.9629518570809075 -0.23211328114060317 5.41331982296025 0.39732867431112173 0.1611180861301655 0.9034217657838001 49.28265984770906 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/64655298_3515609807.jpg sacre_coeur/test/images/95803142_180463023.jpg 0 0 649.481 0.0 179.5 0.0 649.481 319.5 0.0 0.0 1.0 586.012 0.0 187.0 0.0 586.012 249.5 0.0 0.0 1.0 0.6971692042930346 -0.3089214081433905 -0.6469332764482916 12.855988878173397 0.265260645473651 0.9495076681499645 -0.1675469429363566 1.791930822269331 0.6660269443110534 -0.054797369600387474 0.7439121975989904 -0.08451526317415148 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/26329012_3452802515.jpg sacre_coeur/test/images/39598026_13855927694.jpg 0 0 896.446 0.0 239.5 0.0 896.446 319.5 0.0 0.0 1.0 546.706 0.0 319.5 0.0 546.706 239.5 0.0 0.0 1.0 0.9986281209784713 -0.03635974146389022 -0.037680833213804624 0.9616766897954212 0.03823081190937499 0.9980078949432913 0.050186120109157205 -0.9056479669293549 0.03578101468317373 -0.05155783967099301 0.998028811285878 -4.424309094415389 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/21932760_3503330187.jpg sacre_coeur/test/images/01930654_7662043242.jpg 0 0 724.718 0.0 319.5 0.0 724.718 212.5 0.0 0.0 1.0 529.489 0.0 213.0 0.0 529.489 319.5 0.0 0.0 1.0 0.7037375155669642 -0.25842939688333305 -0.6617913236135344 18.581292942898866 0.20639899493671127 0.9656890335050448 -0.15762025712835245 2.7340340580948004 0.6798183316686546 -0.02566977589713646 0.7329311690279234 -0.8950869816411089 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/02580991_8300101521.jpg sacre_coeur/test/images/22663714_8829093598.jpg 0 0 610.611 0.0 238.5 0.0 610.611 319.5 0.0 0.0 1.0 595.075 0.0 239.5 0.0 595.075 319.5 0.0 0.0 1.0 0.9846010251321836 -0.011709587439622648 -0.1744239286068477 4.793179333551558 -0.035701919349344885 0.9632566826900865 -0.26619905373172004 -0.2021396333467567 0.171132095947621 0.26832713022518645 0.9480054624957023 0.9185135131848083 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/86437085_9493229723.jpg sacre_coeur/test/images/87565848_5767537300.jpg 0 0 520.807 0.0 319.5 0.0 520.807 212.0 0.0 0.0 1.0 1030.07 0.0 213.0 0.0 1030.07 319.5 0.0 0.0 1.0 0.9847846103568938 -0.07748992297697742 -0.15554608012175364 5.145144189176914 0.08272444072402198 0.9961941622139644 0.02745647606150139 1.4878947335171033 0.15282649675733156 -0.03990617756488502 0.9874469904157089 3.6660651031946987 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/51093888_43012197.jpg sacre_coeur/test/images/33672452_9565324953.jpg 0 0 1767.41 0.0 319.5 0.0 1767.41 239.5 0.0 0.0 1.0 493.101 0.0 212.5 0.0 493.101 319.5 0.0 0.0 1.0 0.993227155040597 0.05377940749351693 0.1029931736553833 -5.502666771149588 -0.03466485395465041 0.9832186334607715 -0.17910741669689575 2.252762943567785 -0.11089709820488741 0.17432410660943873 0.9784237014016763 -36.45504588082684 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/66599130_8409392232.jpg sacre_coeur/test/images/97963132_2552614010.jpg 0 0 701.54 0.0 319.5 0.0 701.54 239.5 0.0 0.0 1.0 756.149 0.0 319.5 0.0 756.149 239.5 0.0 0.0 1.0 0.9935665827393901 0.036374927765097556 0.1072488242063962 -1.4670222505606112 -0.034734631388333555 0.9992498646297854 -0.01712347568900889 -1.6502237597984237 -0.10779123826122015 0.013288064849308225 0.9940847430107121 -6.39548642620289 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/30959030_12203993343.jpg sacre_coeur/test/images/33654157_4220339151.jpg 0 0 1448.34 0.0 213.0 0.0 1448.34 319.5 0.0 0.0 1.0 1437.6 0.0 319.5 0.0 1437.6 239.5 0.0 0.0 1.0 0.9988610717646929 0.019629536590014252 -0.043488396226470404 2.3598283793762893 -0.02022886691367308 0.9997057819944488 -0.013384408476155879 4.459533048228097 0.043212871421349636 0.014248885574983914 0.9989642721355919 22.24887128914707 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/47232856_233187107.jpg sacre_coeur/test/images/37404008_4118566175.jpg 0 0 548.399 0.0 249.5 0.0 548.399 187.0 0.0 0.0 1.0 529.805 0.0 239.5 0.0 529.805 319.5 0.0 0.0 1.0 0.9893800449152624 0.10835392106358209 0.09688423253357795 -0.4333971781130933 -0.07055527154599099 0.9407671071367557 -0.33163112608229567 0.16824502329066082 -0.1270790320255268 0.3212735250836692 0.9384211430374788 -0.37931609138909117 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/32813607_2497921988.jpg sacre_coeur/test/images/26026296_6378760587.jpg 0 0 769.873 0.0 319.5 0.0 769.873 212.5 0.0 0.0 1.0 977.124 0.0 319.5 0.0 977.124 213.5 0.0 0.0 1.0 0.8572090287891543 -0.25360339207328714 -0.4481941549053017 4.0015755665256325 0.2644367990453457 0.9635947078030644 -0.039476808439614805 0.06244522154129615 0.44188896826352947 -0.08467915105177415 0.8930641528491354 -1.446857936679945 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/49028473_4605994993.jpg sacre_coeur/test/images/59996089_2005549974.jpg 0 0 619.868 0.0 319.5 0.0 619.868 239.5 0.0 0.0 1.0 497.691 0.0 319.5 0.0 497.691 213.5 0.0 0.0 1.0 0.9902927219552078 -0.07902055030713985 -0.11435067761802935 1.5784656840667626 0.08424225067795132 0.9955778776210507 0.04156841099052743 0.8963223202895001 0.1105602462156218 -0.05079805331625384 0.9925703953554227 1.309693283336168 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/59340498_8155265289.jpg sacre_coeur/test/images/69077959_3760142614.jpg 0 0 709.882 0.0 319.5 0.0 709.882 239.5 0.0 0.0 1.0 2150.73 0.0 319.5 0.0 2150.73 319.5 0.0 0.0 1.0 0.9987962978709783 0.010087622289541793 0.04800203366287549 -0.8403255257408532 -0.006840175118792935 0.9977065147894114 -0.06734183210390118 5.874842532521013 -0.04857126067514142 0.06693243028091314 0.9965745744364134 51.869434253994996 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/39890331_3228856431.jpg sacre_coeur/test/images/26122587_7769817838.jpg 0 0 853.952 0.0 295.0 0.0 853.952 319.5 0.0 0.0 1.0 535.329 0.0 239.5 0.0 535.329 319.5 0.0 0.0 1.0 0.9918513079625266 -0.05160311693032892 -0.11648219269957227 2.5670323871906158 0.06396793403775113 0.9924085206705993 0.10504014239963161 1.3751203997620571 0.11017752179082356 -0.11163532784682349 0.9876226340402314 5.325174009563252 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/25811450_7943664752.jpg sacre_coeur/test/images/22593097_5934502901.jpg 0 0 535.838 0.0 213.0 0.0 535.838 319.5 0.0 0.0 1.0 1517.12 0.0 319.5 0.0 1517.12 179.5 0.0 0.0 1.0 0.998860870310798 0.020512902305373327 0.04308343766420573 0.9937388227583634 -0.015868512425197406 0.9942924727292748 -0.10550198570318917 3.7726012571566727 -0.04500168969457309 0.10469813519311032 0.9934853538989484 42.564228618455296 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/16634907_9608639107.jpg sacre_coeur/test/images/58368117_3401402227.jpg 0 0 772.57 0.0 305.5 0.0 772.57 305.5 0.0 0.0 1.0 682.756 0.0 319.5 0.0 682.756 239.0 0.0 0.0 1.0 0.8503573111572075 0.2663011898594407 0.45384592059522866 -9.082243709869958 -0.2311699569094445 0.9638591783235444 -0.13242331888284412 1.4309450137628354 -0.4727080434940472 0.007691595472202561 0.8811855337981452 8.854459679387473 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/40133282_13969857252.jpg sacre_coeur/test/images/67317975_3907395582.jpg 0 0 1447.89 0.0 213.0 0.0 1447.89 319.5 0.0 0.0 1.0 664.539 0.0 191.5 0.0 664.539 249.5 0.0 0.0 1.0 0.9970074604300047 0.0024818096250844774 -0.07726554515369494 4.176593173363412 0.005303488954395463 0.9949338112643304 0.1003921521232836 -6.2916138191332305 0.07712325752860444 -0.10050150160081558 0.991943270214662 -32.55221773967493 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/26986576_7149171553.jpg sacre_coeur/test/images/02099432_2588386443.jpg 0 0 887.819 0.0 319.5 0.0 887.819 216.0 0.0 0.0 1.0 938.485 0.0 249.5 0.0 938.485 167.0 0.0 0.0 1.0 0.9478010227474876 -0.2592197844335665 -0.18568339892686136 3.3326799210722977 0.2156366126058413 0.9500532050457677 -0.2256097490937447 4.052691189064337 0.23489161880044804 0.17379301177112777 0.9563586756425779 36.19676324235766 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/40053940_4478762600.jpg sacre_coeur/test/images/85759221_9290609964.jpg 0 0 492.186 0.0 319.5 0.0 492.186 179.5 0.0 0.0 1.0 1001.31 0.0 212.5 0.0 1001.31 319.5 0.0 0.0 1.0 0.9915575725124679 0.006224911314532417 0.1295176855580269 -1.5400610915312 -0.007167614868735625 0.9999510981337127 0.006813709582547411 0.3847023723624855 -0.1294689371636116 -0.007684518222245588 0.9915537012635355 1.5338746441558107 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/81703421_7754459314.jpg sacre_coeur/test/images/99936428_253699491.jpg 0 0 514.334 0.0 319.5 0.0 514.334 239.5 0.0 0.0 1.0 658.712 0.0 319.5 0.0 658.712 239.5 0.0 0.0 1.0 0.7764459132091834 0.2165961169473226 0.591792080028196 -9.34803305896891 -0.3402417522962249 0.9345281553639981 0.10436798755536948 0.345452141447083 -0.5304406600696742 -0.28238847171105474 0.7993056093820082 1.3004603672311346 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/30047168_4081038356.jpg sacre_coeur/test/images/97181778_57457394.jpg 0 0 554.321 0.0 249.5 0.0 554.321 187.0 0.0 0.0 1.0 1458.98 0.0 239.5 0.0 1458.98 319.5 0.0 0.0 1.0 0.04471462785947783 0.9986258810578945 0.027330417792862112 -0.3766651871199482 -0.9975690451854128 0.0460975361259177 -0.05225913557440297 3.801724066536101 -0.053447190227855025 -0.024927230982676452 0.9982595008374745 32.04234624119868 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/71870353_3302102984.jpg sacre_coeur/test/images/18698491_4586522698.jpg 0 0 682.987 0.0 239.5 0.0 682.987 319.5 0.0 0.0 1.0 1792.43 0.0 246.5 0.0 1792.43 319.5 0.0 0.0 1.0 0.9950303379537719 0.02378515965897392 0.0966896723109541 -2.387249554506781 -0.03283583354611575 0.9951133170730443 0.09311978425240566 4.08916603930799 -0.09400231160420658 -0.09583189638048459 0.99094894573292 40.80834394752305 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/23735654_3093471146.jpg sacre_coeur/test/images/95898988_2340390005.jpg 0 0 662.801 0.0 239.5 0.0 662.801 319.5 0.0 0.0 1.0 727.689 0.0 319.5 0.0 727.689 239.5 0.0 0.0 1.0 0.8356208261736345 -0.23752216913929725 -0.4952989542006482 7.830042171223592 0.18609273185490943 0.9707696198742441 -0.15157783571483108 1.3125239544943224 0.5168242738259006 0.03449006083756029 0.8553964611148167 2.8724839154249944 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/75026938_1499132926.jpg sacre_coeur/test/images/85532633_499885666.jpg 0 0 580.942 0.0 187.0 0.0 580.942 249.5 0.0 0.0 1.0 1397.17 0.0 239.5 0.0 1397.17 319.5 0.0 0.0 1.0 0.9984371524323049 0.005524942623146178 0.05561229766770421 0.10196738876287004 0.008548032714864456 0.9682945372034596 -0.24966501628911444 2.0950315602874454 -0.05522846892297489 0.24975020366548084 0.9667340130508882 45.70671919428264 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/41728687_4706427664.jpg sacre_coeur/test/images/54990444_8865247484.jpg 0 0 1542.39 0.0 213.5 0.0 1542.39 319.5 0.0 0.0 1.0 600.166 0.0 319.5 0.0 600.166 239.5 0.0 0.0 1.0 0.9962007010654278 -0.01959651819710644 -0.08485363675942498 6.586177485858889 0.033815641823487064 0.9849437758902967 0.16953542610036015 -15.388017361052274 0.0802537573252218 -0.17176069052468176 0.9818643488922842 -46.65562681335757 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/99818215_2123948121.jpg sacre_coeur/test/images/33631460_6836524250.jpg 0 0 944.024 0.0 319.5 0.0 944.024 239.5 0.0 0.0 1.0 492.214 0.0 319.5 0.0 492.214 212.0 0.0 0.0 1.0 0.8616052286920176 0.1756491844578144 0.47621822087135735 -12.826357621986261 -0.24233399772486025 0.9667319436106239 0.08187540991966327 -4.3231843613704966 -0.4459940172662226 -0.18594814654126063 0.8755070664252836 -10.741536983153434 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/32813607_2497921988.jpg sacre_coeur/test/images/61702125_8353062682.jpg 0 0 769.873 0.0 319.5 0.0 769.873 212.5 0.0 0.0 1.0 1508.27 0.0 239.5 0.0 1508.27 319.5 0.0 0.0 1.0 0.9911426016335457 0.07532763342007272 0.10937134391794667 -1.820224516991028 -0.06352579466482368 0.9921573049909294 -0.10764922463881643 3.7570161760986376 -0.1166225391564139 0.09974783103640322 0.9881546202716674 23.974833916085142 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/79241502_2244390302.jpg sacre_coeur/test/images/12872711_4632849327.jpg 0 0 614.197 0.0 212.5 0.0 614.197 319.5 0.0 0.0 1.0 670.919 0.0 239.5 0.0 670.919 319.5 0.0 0.0 1.0 0.7140035335068466 -0.17696367206339367 -0.6774088963909293 14.068372030578093 0.3437125505975331 0.9315127462922291 0.11893563829587638 1.4086659022598333 0.609967734147861 -0.3177544055791343 0.7259280274473326 -0.054120145723006274 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/84979436_3867757669.jpg sacre_coeur/test/images/70860676_2671019430.jpg 0 0 527.25 0.0 239.5 0.0 527.25 319.5 0.0 0.0 1.0 722.064 0.0 319.5 0.0 722.064 239.5 0.0 0.0 1.0 0.9996233242998827 -0.020129896004359056 0.01865467240413552 -0.8883333290210886 0.01281868453051412 0.943477048403873 0.33118988580876524 -3.321090409075445 -0.024267073217821 -0.3308260062660877 0.9433797023126326 -8.3196382368726 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/40932424_8951501615.jpg sacre_coeur/test/images/06132465_4129851965.jpg 0 0 640.24 0.0 319.5 0.0 640.24 212.0 0.0 0.0 1.0 298.312 0.0 319.5 0.0 298.312 213.0 0.0 0.0 1.0 0.9965039421718156 0.0668309095005832 0.05013504534111605 0.024393472138010797 -0.056238784249674496 0.9803622390235832 -0.1890160824977205 -0.6367040847670398 -0.06178262200772534 0.1855357373445649 0.9806933250440011 -13.809911543874884 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/56739575_3512017389.jpg sacre_coeur/test/images/58011909_11987000544.jpg 0 0 767.042 0.0 319.5 0.0 767.042 213.0 0.0 0.0 1.0 1714.15 0.0 213.5 0.0 1714.15 319.5 0.0 0.0 1.0 0.9956928810249094 -0.05497752711544599 -0.07465358791502166 -0.5803073844891501 0.037543451435082774 0.9753309068500583 -0.21753186294744173 2.2377278907987437 0.08477131549443508 0.21379217398051176 0.973194086713452 9.34597374302751 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/26140494_3397638398.jpg sacre_coeur/test/images/89598965_8275144360.jpg 0 0 675.035 0.0 319.5 0.0 675.035 239.5 0.0 0.0 1.0 715.898 0.0 213.0 0.0 715.898 319.5 0.0 0.0 1.0 0.9993080284442553 -0.03063621833831159 -0.021092330662665217 -0.2342347505586755 0.031775460249832105 0.9979260104471558 0.05598212035046984 -2.2123489707098565 0.019333504927127047 -0.056613600830104846 0.9982089539712026 -7.98091289020011 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/92912238_291183223.jpg sacre_coeur/test/images/95748780_10564008623.jpg 0 0 1859.84 0.0 239.5 0.0 1859.84 319.5 0.0 0.0 1.0 512.767 0.0 319.5 0.0 512.767 212.5 0.0 0.0 1.0 0.8176623981209018 -0.21092730931902257 -0.5356658220221011 37.82044989419051 0.27513129738632913 0.9604993169373093 0.041759206906712296 -2.455183814653561 0.5056984990067612 -0.18152336584142448 0.8433968791475986 -35.166978597209315 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/95734826_713795234.jpg sacre_coeur/test/images/15865748_8030415.jpg 0 0 1838.16 0.0 239.5 0.0 1838.16 319.5 0.0 0.0 1.0 666.681 0.0 212.0 0.0 666.681 319.5 0.0 0.0 1.0 0.9985158258601222 -0.03369460502700277 -0.04278807192375874 3.4866035543026697 0.035135294424302715 0.9988250577258693 0.033376865410515655 -6.153705091646016 0.0416131781121802 -0.034830699834892655 0.9985264972730645 -38.58683959702496 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/97181778_57457394.jpg sacre_coeur/test/images/06632036_566711823.jpg 0 0 1458.98 0.0 239.5 0.0 1458.98 319.5 0.0 0.0 1.0 498.319 0.0 319.5 0.0 498.319 212.5 0.0 0.0 1.0 0.9918512871870219 -0.06502767401200424 -0.10955558277895286 4.624037381399709 0.06524903034344771 0.997867780918181 -0.00156711348176838 -2.641556170175838 0.10942389201946402 -0.005594052020977923 0.9939794356209284 -28.320369031735723 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/28566706_4319457080.jpg sacre_coeur/test/images/72198457_1660226670.jpg 0 0 1554.78 0.0 319.5 0.0 1554.78 239.5 0.0 0.0 1.0 1443.11 0.0 187.0 0.0 1443.11 249.5 0.0 0.0 1.0 0.9984736434987582 -0.02274177616704711 -0.05033085390774536 4.618544379280113 0.019342769292404978 0.9975641724598934 -0.06701924425498143 1.6840441618844202 0.05173239327941121 0.06594341090037728 0.9964814228295521 10.401953811118894 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/19422098_2931690374.jpg sacre_coeur/test/images/24557061_6127380941.jpg 0 0 1163.74 0.0 239.5 0.0 1163.74 319.5 0.0 0.0 1.0 1027.21 0.0 296.5 0.0 1027.21 319.5 0.0 0.0 1.0 0.9983145269330841 0.055985958557537865 0.015286522127886676 -1.039812164513963 -0.05379011823423269 0.9915017575591826 -0.1184520491059542 -0.11899373727343987 -0.021788265069068388 0.11743013753481592 0.9928420993812833 -0.9083639545239279 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/28570538_3018664920.jpg sacre_coeur/test/images/65899853_4831283587.jpg 0 0 655.109 0.0 319.5 0.0 655.109 239.5 0.0 0.0 1.0 703.681 0.0 319.5 0.0 703.681 239.5 0.0 0.0 1.0 0.9983859492336848 0.008124390783341344 0.05620934661739049 -1.0779800946895557 -0.01298800894075409 0.9961488813088775 0.08671054082882325 -1.2326131280503203 -0.05528840743328824 -0.08730063311037141 0.9946465661037688 -5.5934594035913 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/20864632_4515642500.jpg sacre_coeur/test/images/62721852_537101715.jpg 0 0 707.548 0.0 319.5 0.0 707.548 239.5 0.0 0.0 1.0 662.611 0.0 319.5 0.0 662.611 239.5 0.0 0.0 1.0 0.9889240792657592 0.07263205038512026 0.12943628048280614 0.14436763594004826 -0.07279220131888169 0.9973409893471062 -0.0034994850030624918 2.0567244950839756 -0.12934628280519564 -0.005961226802313823 0.9915815664379255 8.482427945047455 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/54990444_8865247484.jpg sacre_coeur/test/images/04543624_3663972093.jpg 0 0 600.166 0.0 319.5 0.0 600.166 239.5 0.0 0.0 1.0 433.924 0.0 319.5 0.0 433.924 212.5 0.0 0.0 1.0 0.9978554240065967 0.02203172920038271 0.06163729138318866 -1.4372906038582536 -0.02524680491791347 0.9983342383006653 0.051878198485177364 -0.042255237077447966 -0.06039165192352268 -0.053323086417345004 0.9967494654289393 -0.11281684986259455 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/78937340_9546137587.jpg sacre_coeur/test/images/77447644_11774301175.jpg 0 0 944.217 0.0 239.5 0.0 944.217 319.5 0.0 0.0 1.0 511.678 0.0 319.5 0.0 511.678 212.5 0.0 0.0 1.0 0.9991105391266504 0.021499586086608236 0.03627531397739002 -2.397788261286427 -0.02315063673392655 0.9986857392896792 0.045725727531014795 -6.831314953348954 -0.03524455454204915 -0.0465248529017702 0.9982951765072298 -42.442287781484865 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/63360516_5790897098.jpg sacre_coeur/test/images/70860676_2671019430.jpg 0 0 516.78 0.0 319.5 0.0 516.78 239.5 0.0 0.0 1.0 722.064 0.0 319.5 0.0 722.064 239.5 0.0 0.0 1.0 0.9971277724507449 0.012795051238456135 0.07464912639288362 -0.8323019762370495 -0.028169210784613156 0.9775712043201304 0.20871280757984537 -3.275632290356379 -0.07030434532223075 -0.2102161438802805 0.97512382387106 -8.486855413085566 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/09906423_9611413320.jpg sacre_coeur/test/images/62327360_2404846280.jpg 0 0 1488.12 0.0 239.5 0.0 1488.12 319.5 0.0 0.0 1.0 1508.2 0.0 319.5 0.0 1508.2 213.0 0.0 0.0 1.0 0.9993672655184591 -0.03367166656909086 -0.011458074908881483 0.9741198651096399 0.03398858147319333 0.9990103391000124 0.028690045324434275 -0.33399067455093423 0.010480693660138592 -0.029061335856047126 0.9995226829935699 -0.6262842166323921 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/15012791_5817353527.jpg sacre_coeur/test/images/92423741_5783562525.jpg 0 0 506.581 0.0 212.0 0.0 506.581 319.5 0.0 0.0 1.0 502.585 0.0 212.0 0.0 502.585 319.5 0.0 0.0 1.0 0.9792888782466618 0.1073984225914076 0.1716358696988254 -4.260559317885355 -0.09694677167925568 0.9929514107539361 -0.0681822509362806 0.8261970912517845 -0.17774874515271555 0.05013057656406011 0.9827982035443441 2.0177200167068676 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/83129529_7908624824.jpg sacre_coeur/test/images/54990444_8865247484.jpg 0 0 521.65 0.0 319.5 0.0 521.65 239.5 0.0 0.0 1.0 600.166 0.0 319.5 0.0 600.166 239.5 0.0 0.0 1.0 0.9365268078912606 0.07887207317798342 0.3416090370198259 0.3366906348607075 -0.04887791233179984 0.994223814581989 -0.09555080430913976 -0.6145344712230788 -0.34717212991121693 0.07278875318787555 0.9349723576781634 -2.7133201964015745 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/81670953_3302107502.jpg sacre_coeur/test/images/36315940_3601403924.jpg 0 0 672.741 0.0 319.5 0.0 672.741 239.5 0.0 0.0 1.0 1187.9 0.0 212.5 0.0 1187.9 319.5 0.0 0.0 1.0 0.999618998813965 -0.020689002724711615 -0.018270806671383075 0.043727373003904946 0.018606981710457077 0.9940230121760867 -0.10757337726410662 3.344656012372432 0.02038718817769865 0.10719242711421346 0.9940292481248078 40.66517957914393 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/62721852_537101715.jpg sacre_coeur/test/images/23363225_3187214147.jpg 0 0 662.611 0.0 319.5 0.0 662.611 239.5 0.0 0.0 1.0 482.157 0.0 158.5 0.0 482.157 234.0 0.0 0.0 1.0 0.8363172301759677 -0.21711212125368043 -0.5034240929033142 8.172000454921745 0.26202590184446783 0.9648703827589963 0.01917214743062107 -0.5726506922807579 0.4815764916120708 -0.14794414918892634 0.8638267253606904 -5.464924372133435 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/71205878_8911611472.jpg sacre_coeur/test/images/40439555_5986637695.jpg 0 0 795.021 0.0 305.5 0.0 795.021 305.5 0.0 0.0 1.0 2201.25 0.0 319.5 0.0 2201.25 301.0 0.0 0.0 1.0 0.9698648120452545 -0.05463186018998018 -0.23743968962371353 1.439717755774991 0.02098386700786105 0.9896452971957189 -0.14199247537737256 5.206247069341969 0.24273838526656502 0.13273110257426413 0.9609685378448144 44.47617580495045 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/18698491_4586522698.jpg sacre_coeur/test/images/34935406_396311145.jpg 0 0 1792.43 0.0 246.5 0.0 1792.43 319.5 0.0 0.0 1.0 481.009 0.0 187.0 0.0 481.009 249.5 0.0 0.0 1.0 0.9976041222651172 -0.021933769046579166 -0.06561192738410218 4.666061341477728 0.02312287389291269 0.9995808665983533 0.01741906522799928 -4.574325912077712 0.06520236148007087 -0.01889446760023053 0.9976931648315157 -40.58913004321245 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/75026938_1499132926.jpg sacre_coeur/test/images/99378904_311153817.jpg 0 0 580.942 0.0 187.0 0.0 580.942 249.5 0.0 0.0 1.0 728.066 0.0 319.5 0.0 728.066 239.5 0.0 0.0 1.0 0.9997757945371242 -0.021162026076911006 0.0007275369284884754 0.7884319478610613 0.021174054612050925 0.9993929916639013 -0.027664193904093866 1.4647397563157016 -0.00014166491471290802 0.02767339634735064 0.9996170081914644 4.168440357305281 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/76465860_1236444051.jpg sacre_coeur/test/images/16214259_2076433877.jpg 0 0 690.247 0.0 239.5 0.0 690.247 319.5 0.0 0.0 1.0 593.424 0.0 319.5 0.0 593.424 213.0 0.0 0.0 1.0 0.7512218032076008 0.27074011911807805 0.6019680973984 -9.380865880870479 -0.2821688460491213 0.9561946996978744 -0.07792585314899658 2.3319088139231203 -0.596696358883501 -0.11131704348221164 0.7947087335153374 8.215130616655095 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/28574044_3399035477.jpg sacre_coeur/test/images/86255041_34613076.jpg 0 0 838.765 0.0 213.0 0.0 838.765 319.5 0.0 0.0 1.0 943.253 0.0 319.5 0.0 943.253 283.5 0.0 0.0 1.0 0.9980577585585021 -0.04736281002169437 -0.04046572386635595 1.0193689429079438 0.04922054860806738 0.997718041295254 0.04621739573669925 0.5621377714517135 0.0381843970215605 -0.048119375523905904 0.9981114554614076 3.4974227945109586 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/57417409_1401404166.jpg sacre_coeur/test/images/13402995_4460408839.jpg 0 0 548.254 0.0 187.0 0.0 548.254 249.5 0.0 0.0 1.0 702.935 0.0 239.5 0.0 702.935 319.5 0.0 0.0 1.0 0.9291429333753062 0.056288245336977266 0.36541078637010105 -5.1911678216420025 -0.12031467529783496 0.9805798871317898 0.15487886834743658 0.7850870430819261 -0.34959660791647834 -0.1878688861666303 0.9178711746992612 1.2539945746745476 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/15701912_177669906.jpg sacre_coeur/test/images/33068710_5695493160.jpg 0 0 743.975 0.0 319.5 0.0 743.975 239.0 0.0 0.0 1.0 1466.84 0.0 213.0 0.0 1466.84 319.5 0.0 0.0 1.0 0.9783164914895182 -0.07343705942575834 -0.19365908391432946 5.4148883878521765 0.038279578104028704 0.9830321231023844 -0.17939486851355604 2.234786834633392 0.20354733203807218 0.1680917703271524 0.9645276773470352 43.17873630174138 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/70467218_7085137245.jpg sacre_coeur/test/images/73479674_2286585340.jpg 0 0 983.528 0.0 305.5 0.0 983.528 305.5 0.0 0.0 1.0 510.127 0.0 249.5 0.0 510.127 187.0 0.0 0.0 1.0 0.9999434840756304 0.005520337612892427 -0.009085952197165568 0.34216949768024907 -0.0051447633910502765 0.9991519446656207 0.04085245256479154 -4.010270325238104 0.009303766137409169 -0.04080339867643527 0.9991238775007394 -9.801619844992029 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/76850149_8327024804.jpg sacre_coeur/test/images/90741813_5700626652.jpg 0 0 799.829 0.0 319.5 0.0 799.829 239.5 0.0 0.0 1.0 756.043 0.0 266.0 0.0 756.043 319.5 0.0 0.0 1.0 0.9991759301186074 0.016462238137907786 0.03710061168103063 -0.7369414253883773 -0.013791412756327837 0.9973717873671625 -0.07112885981243061 0.10623517153662587 -0.03817404361343465 0.07055857481215601 0.9967769208376953 0.9146335050047592 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/55640818_3363877988.jpg sacre_coeur/test/images/30178210_1968722368.jpg 0 0 534.551 0.0 249.5 0.0 534.551 187.0 0.0 0.0 1.0 742.141 0.0 319.5 0.0 742.141 249.0 0.0 0.0 1.0 0.9010400336984367 0.18778771171840591 0.3909765120826119 -6.847926380882393 -0.25677875783389653 0.9574254056251739 0.13191384381008853 0.38342052047286884 -0.34955904679753463 -0.21925411738673503 0.9108985150997684 0.7962823522983904 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/93760319_30262336.jpg sacre_coeur/test/images/24557061_6127380941.jpg 0 0 1034.56 0.0 239.5 0.0 1034.56 319.5 0.0 0.0 1.0 1027.21 0.0 296.5 0.0 1027.21 319.5 0.0 0.0 1.0 0.9969992126341123 -0.03143261329065774 -0.07074292069656055 2.521762460017021 0.02858152086671145 0.9987519094142119 -0.04095998176771697 -0.1652593658612519 0.07194210639052502 0.038815129307860664 0.9966532591954477 -5.234427085636476 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/70170436_3664390013.jpg sacre_coeur/test/images/56774631_6820191793.jpg 0 0 523.702 0.0 213.5 0.0 523.702 319.5 0.0 0.0 1.0 1196.24 0.0 319.5 0.0 1196.24 213.0 0.0 0.0 1.0 0.9876721818411902 -0.06381610750591218 -0.14293762849528688 1.807214090817427 0.023451512280686114 0.9631442867702071 -0.26796102222834123 4.375167868134479 0.15476978965163588 0.26130554392263206 0.9527674033710883 30.50682051062546 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/17336870_3869891767.jpg sacre_coeur/test/images/23735654_3093471146.jpg 0 0 1339.19 0.0 319.5 0.0 1339.19 239.5 0.0 0.0 1.0 662.801 0.0 239.5 0.0 662.801 319.5 0.0 0.0 1.0 0.9954911295719769 -0.06022607654021354 -0.07328185756434938 3.094098102666502 0.06449396979796586 0.996269533872582 0.057337106109454555 -5.2921579691049905 0.06955529313580891 -0.06180481843578319 0.9956617023943981 -19.602475060543657 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/60386407_4541255112.jpg sacre_coeur/test/images/43759956_9209511641.jpg 0 0 1433.05 0.0 212.5 0.0 1433.05 319.5 0.0 0.0 1.0 634.092 0.0 319.5 0.0 634.092 213.0 0.0 0.0 1.0 0.989790141466147 -0.00701192993696212 -0.14235978608786926 8.966086732575018 0.03144356112384203 0.984923915062488 0.1701063902439648 -10.070399608317558 0.13902078377090232 -0.1728459266993006 0.9750884612706603 -39.53512591355316 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/63170630_8128095778.jpg sacre_coeur/test/images/77129992_2502002338.jpg 0 0 1392.01 0.0 212.0 0.0 1392.01 319.5 0.0 0.0 1.0 1567.64 0.0 213.5 0.0 1567.64 319.5 0.0 0.0 1.0 0.9922693848200159 0.051651440614260656 0.11284323919215651 -1.235421987452276 -0.05893386902610865 0.996323385707595 0.062181268672878064 -0.3562737591032348 -0.10921660601996477 -0.06835085789239728 0.9916652122540414 -1.0492625788234875 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/36514160_148787094.jpg sacre_coeur/test/images/58219592_4573644273.jpg 0 0 662.125 0.0 319.5 0.0 662.125 239.5 0.0 0.0 1.0 612.079 0.0 319.5 0.0 612.079 239.5 0.0 0.0 1.0 0.9921946024935884 5.876844262138432e-05 0.12469910716946074 -2.2963663866584048 -0.015895691804104807 0.9919016190284854 0.12600994068222704 -1.368484658433012 -0.12368184088482603 -0.12700856158125565 0.9841603667697663 -5.414023760642765 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/60748234_6779431614.jpg sacre_coeur/test/images/54990444_8865247484.jpg 0 0 1251.64 0.0 305.5 0.0 1251.64 305.5 0.0 0.0 1.0 600.166 0.0 319.5 0.0 600.166 239.5 0.0 0.0 1.0 0.9876340634651131 -0.05837785082181661 -0.14550251962359415 7.495430134339292 0.0780082474391905 0.9880295765955353 0.1330874490848532 -7.557994224462167 0.13599143360835161 -0.14279209468970291 0.9803656193886403 -26.36482111525872 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/71781222_5227267590.jpg sacre_coeur/test/images/67317975_3907395582.jpg 0 0 862.013 0.0 212.0 0.0 862.013 319.5 0.0 0.0 1.0 664.539 0.0 191.5 0.0 664.539 249.5 0.0 0.0 1.0 0.9993875425131595 0.0065055963478608024 -0.03438338386003521 0.0785337447534552 -0.01229860995034591 0.9851825589984977 -0.17106744178382 -1.4104461528809582 0.03276101437375045 0.17138553807521245 0.9846591863563112 -6.1568361595624275 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/95898988_2340390005.jpg sacre_coeur/test/images/12872711_4632849327.jpg 0 0 727.689 0.0 319.5 0.0 727.689 239.5 0.0 0.0 1.0 670.919 0.0 239.5 0.0 670.919 319.5 0.0 0.0 1.0 0.9460305203325268 -0.12756970220432742 -0.29791311766833595 5.017166690479376 0.17009034702200043 0.9779259861916076 0.12136737362696376 0.8611786126794763 0.27585417968431086 -0.1654893851903221 0.9468462044809733 1.793756688431014 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/43279207_5330361477.jpg sacre_coeur/test/images/12573771_2610756325.jpg 0 0 429.857 0.0 319.5 0.0 429.857 212.5 0.0 0.0 1.0 686.081 0.0 213.5 0.0 686.081 319.5 0.0 0.0 1.0 0.8838687801052512 -0.21642651027068271 -0.4146511126324264 1.0795382669438338 0.19153380642836804 0.9762467036194766 -0.10127771061376808 0.8229777452899459 0.4267209633358966 0.010096500589797247 0.9043269763340717 1.8087066539825596 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/60953043_2624021191.jpg sacre_coeur/test/images/38901171_7234089272.jpg 0 0 1395.38 0.0 212.5 0.0 1395.38 319.5 0.0 0.0 1.0 528.65 0.0 319.5 0.0 528.65 239.5 0.0 0.0 1.0 0.856564029525939 -0.18026872808013344 -0.4835299876932733 14.716074736946121 0.2162604023103843 0.9761473917258707 0.019175714310821056 -3.3597098729333226 0.46853975467919134 -0.12099361678679753 0.8751177309265381 -10.09561122695314 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/79241502_2244390302.jpg sacre_coeur/test/images/05925733_2718809034.jpg 0 0 614.197 0.0 212.5 0.0 614.197 319.5 0.0 0.0 1.0 1052.11 0.0 239.5 0.0 1052.11 319.5 0.0 0.0 1.0 0.9996087077917589 -0.00845677417071439 0.02666297578132453 -1.0451236716203027 0.011181675476438484 0.9945388854177736 -0.10376596515964391 -0.19727142197557226 -0.025639840881518258 0.10402349908841943 0.9942442910054711 44.49861973442982 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/69212502_553330789.jpg sacre_coeur/test/images/58219592_4573644273.jpg 0 0 859.802 0.0 213.0 0.0 859.802 319.5 0.0 0.0 1.0 612.079 0.0 319.5 0.0 612.079 239.5 0.0 0.0 1.0 0.9974967820222209 -0.052241674921669055 -0.047654771604660355 0.9535676116039373 0.052142004987509795 0.9986341181569758 -0.0033330719646391884 -0.9171253404530921 0.0477638060794593 0.0008399132202871564 0.9988583049535036 -4.853956890585135 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/70860676_2671019430.jpg sacre_coeur/test/images/43759956_9209511641.jpg 0 0 722.064 0.0 319.5 0.0 722.064 239.5 0.0 0.0 1.0 634.092 0.0 319.5 0.0 634.092 213.0 0.0 0.0 1.0 0.9898090339700102 -0.059321756359913436 -0.1294565776379482 1.6216869292324663 0.0450049155271473 0.9928183203415972 -0.11084376560043405 2.5665428882940247 0.13510230882464364 0.10388797820953442 0.9853703131989444 8.938387921932936 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/97181778_57457394.jpg sacre_coeur/test/images/85015287_3451838837.jpg 0 0 1458.98 0.0 239.5 0.0 1458.98 319.5 0.0 0.0 1.0 2131.2 0.0 239.5 0.0 2131.2 319.5 0.0 0.0 1.0 0.9999451521637782 -0.010472142261875116 -0.00016401404058829312 -0.46849596980623465 0.010464544636636314 0.9996194382465664 -0.02552394924706368 2.369140548927121 0.0004312420507175361 0.025520832981426815 0.9996741974834741 12.310896865338911 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/78882005_4504743257.jpg sacre_coeur/test/images/05925733_2718809034.jpg 0 0 1001.41 0.0 319.5 0.0 1001.41 239.5 0.0 0.0 1.0 1052.11 0.0 239.5 0.0 1052.11 319.5 0.0 0.0 1.0 0.9975275428520771 -0.019546827843894065 -0.0675035019294466 3.7371261135454463 0.013848770523362627 0.9963804318644736 -0.08387041524015786 0.060631700637700126 0.06889856897272159 0.08272820872475378 0.9941876234769293 0.3557776013782501 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/23735654_3093471146.jpg sacre_coeur/test/images/77145724_5072492873.jpg 0 0 662.801 0.0 239.5 0.0 662.801 319.5 0.0 0.0 1.0 558.428 0.0 192.5 0.0 558.428 319.5 0.0 0.0 1.0 0.9111472452260451 -0.16980890578753877 -0.3754672196507014 0.6985699401209251 0.11101001019535671 0.978610778628388 -0.1731985034253095 -0.486261100887589 0.3968469165225 0.11612871939179789 0.9105090034585079 -0.8847701875001088 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/41728687_4706427664.jpg sacre_coeur/test/images/04739785_8198592553.jpg 0 0 1542.39 0.0 213.5 0.0 1542.39 319.5 0.0 0.0 1.0 720.152 0.0 319.5 0.0 720.152 239.5 0.0 0.0 1.0 0.9983131845221412 0.016597996241745606 -0.05563534964409206 2.941258963623309 -0.016055045668735307 0.9998191638012053 0.010191918584523573 -5.312326938409525 0.05579445418530589 -0.00928149861917413 0.9983991349483163 -34.622254140525065 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/24557061_6127380941.jpg sacre_coeur/test/images/79410678_281876803.jpg 0 0 1027.21 0.0 296.5 0.0 1027.21 319.5 0.0 0.0 1.0 521.004 0.0 249.5 0.0 521.004 187.0 0.0 0.0 1.0 0.9974079036280127 -0.0012929995260325781 -0.07194304645063485 4.835985595970245 0.01221617240223595 0.9883664673936715 0.15159977329664204 -6.517592457390832 0.0709100762389336 -0.1520856807328688 0.9858203217644729 -40.508969553086146 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/95748780_10564008623.jpg sacre_coeur/test/images/84278429_5829272410.jpg 0 0 512.767 0.0 319.5 0.0 512.767 212.5 0.0 0.0 1.0 1453.22 0.0 319.5 0.0 1453.22 213.0 0.0 0.0 1.0 0.8386804285721217 0.24681655506336841 0.4854860727937861 -12.00776193837313 -0.23735032599331907 0.9679508616598397 -0.08207284668414315 5.9636283616829004 -0.4901835997674212 -0.04639738741163017 0.8703834332984675 39.512181631654954 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/53515910_7697309520.jpg sacre_coeur/test/images/23363225_3187214147.jpg 0 0 500.109 0.0 319.5 0.0 500.109 212.5 0.0 0.0 1.0 482.157 0.0 158.5 0.0 482.157 234.0 0.0 0.0 1.0 0.92396713115264 0.13328677403639788 0.35849599219033185 -7.089196487971156 -0.12410130300664755 0.9910774155848212 -0.04862533197587216 1.4809687473828297 -0.36177839507302323 0.0004383887336101804 0.9322640187595495 6.441199513653765 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/67317975_3907395582.jpg sacre_coeur/test/images/27770418_2219914621.jpg 0 0 664.539 0.0 191.5 0.0 664.539 249.5 0.0 0.0 1.0 1305.61 0.0 319.5 0.0 1305.61 239.5 0.0 0.0 1.0 0.9879816194096503 0.041002673535699884 0.14903389034581774 -0.8968663192902218 -0.0337719574093635 0.9981412682284764 -0.05072931649440178 3.426762741385968 -0.15083691392170728 0.04508646606437307 0.98752996712829 28.79981709885904 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/99818215_2123948121.jpg sacre_coeur/test/images/88698102_4801040627.jpg 0 0 944.024 0.0 319.5 0.0 944.024 239.5 0.0 0.0 1.0 1399.17 0.0 319.5 0.0 1399.17 239.5 0.0 0.0 1.0 0.9978800689009633 -0.025527217060566217 -0.0598642571101623 1.629912606743041 0.021749863599376317 0.9977813716141289 -0.0629227931137509 2.285189765866103 0.061337684367910414 0.06148736170116681 0.9962213573435436 19.905576426142936 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/23363225_3187214147.jpg sacre_coeur/test/images/65409197_2096349519.jpg 0 0 482.157 0.0 158.5 0.0 482.157 234.0 0.0 0.0 1.0 548.189 0.0 166.0 0.0 548.189 249.5 0.0 0.0 1.0 0.9862916931099511 0.08177926407784593 0.14332078728918574 -1.9674923775063005 -0.08091133890146061 0.9966504585356186 -0.01188354904539671 -0.7257221709700863 -0.14381255626501835 0.0001243689161600504 0.9896049379388188 -0.41658326466784956 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/60535642_3153438485.jpg sacre_coeur/test/images/27172569_5015079786.jpg 0 0 722.898 0.0 319.5 0.0 722.898 239.5 0.0 0.0 1.0 476.902 0.0 239.5 0.0 476.902 319.5 0.0 0.0 1.0 0.8062640724004031 -0.26416007737964875 -0.5292992528571105 10.049845792273608 0.3514187498263078 0.9336467036636779 0.06934475472927785 -2.8724469645448116 0.47586038690652993 -0.24191586607067928 0.8455965976258661 -7.439347587228115 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/88346204_4983096872.jpg sacre_coeur/test/images/55640818_3363877988.jpg 0 0 525.321 0.0 319.5 0.0 525.321 239.5 0.0 0.0 1.0 534.551 0.0 249.5 0.0 534.551 187.0 0.0 0.0 1.0 0.977248439214768 0.14269022716977295 0.15692350723374157 -1.6017138899887042 -0.12981699651688433 0.9874919409002518 -0.08948303790321752 -0.6071053801594545 -0.1677290537373738 0.06707582073513524 0.983548574705425 -1.0357798514827112 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/40439555_5986637695.jpg sacre_coeur/test/images/33672452_9565324953.jpg 0 0 2201.25 0.0 319.5 0.0 2201.25 301.0 0.0 0.0 1.0 493.101 0.0 212.5 0.0 493.101 319.5 0.0 0.0 1.0 0.9847139488406873 0.04324190420558336 0.16872633664978182 -8.900795017421675 -0.014174106017056723 0.9853742688337302 -0.1698135596441248 2.111592027255716 -0.17360165228821298 0.16482623590031623 0.9709247026838568 -38.99056931493265 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/06841583_3820040279.jpg sacre_coeur/test/images/74182138_8276852729.jpg 0 0 566.414 0.0 249.5 0.0 566.414 187.0 0.0 0.0 1.0 710.115 0.0 319.5 0.0 710.115 213.0 0.0 0.0 1.0 0.9966037981295526 0.023121357786943065 -0.07903336237209169 1.833639358175148 -0.0028940336073312966 0.9690129340354372 0.24699303277929405 0.18149021473774662 0.0822951646406387 -0.24592546937257614 0.9657888844828607 0.3478952300164462 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/57007030_768923483.jpg sacre_coeur/test/images/41728687_4706427664.jpg 0 0 515.756 0.0 319.5 0.0 515.756 239.5 0.0 0.0 1.0 1542.39 0.0 213.5 0.0 1542.39 319.5 0.0 0.0 1.0 0.9996977935005807 -0.017881688225930843 -0.01686911071340131 0.12775002081551046 0.017972748271198234 0.999824630709412 0.005261952714294852 4.830860102334278 0.016772059791526038 -0.005563546798395984 0.9998438602888811 35.2245862324239 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/90301699_2168560949.jpg sacre_coeur/test/images/64655298_3515609807.jpg 0 0 599.141 0.0 213.5 0.0 599.141 319.5 0.0 0.0 1.0 649.481 0.0 179.5 0.0 649.481 319.5 0.0 0.0 1.0 0.658135098884925 0.2832191348736822 0.6975995364513461 -12.727517200286083 -0.31870817242212285 0.9442404216443474 -0.08267482666601224 1.8679702199404398 -0.6821167733219 -0.16791946812179862 0.711702016140612 8.45466108184411 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/68663909_1356782012.jpg sacre_coeur/test/images/85360130_8421021553.jpg 0 0 672.136 0.0 319.5 0.0 672.136 239.0 0.0 0.0 1.0 1605.2 0.0 319.5 0.0 1605.2 213.0 0.0 0.0 1.0 0.9852775337461468 0.04799595263305896 0.1640870806186627 -1.3715156280449583 -0.033506755329222086 0.9953818189369134 -0.08995738923039777 1.9054468742959894 -0.16764688736274821 0.08313496894019264 0.9823355323395847 8.592967665363089 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/95398527_2664763907.jpg sacre_coeur/test/images/17412880_2226819267.jpg 0 0 829.676 0.0 319.5 0.0 829.676 213.0 0.0 0.0 1.0 298.489 0.0 319.5 0.0 298.489 213.0 0.0 0.0 1.0 0.9992243287882744 0.03890055219551594 -0.006122727864803895 0.2720167182594002 -0.03937944145908997 0.9869989918108211 -0.1558276283423216 -0.855362222725623 -1.865456014045896e-05 0.15594786694054694 0.9877652871247808 -1.785731583732086 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/16577293_2866312822.jpg sacre_coeur/test/images/99119091_3503925030.jpg 0 0 536.259 0.0 319.5 0.0 536.259 213.0 0.0 0.0 1.0 504.731 0.0 319.5 0.0 504.731 214.0 0.0 0.0 1.0 0.9648427485146723 0.07543486026726895 0.25176984032069943 -5.731230411811238 -0.09970533826347412 0.9913745440818605 0.0850609126934899 -2.18682384183082 -0.24318165259825644 -0.10717320188806954 0.9640417981792283 -6.92890698207926 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/70970334_5790897082.jpg sacre_coeur/test/images/44122025_7441115438.jpg 0 0 633.07 0.0 319.5 0.0 633.07 239.5 0.0 0.0 1.0 1479.22 0.0 319.5 0.0 1479.22 213.0 0.0 0.0 1.0 0.994726587700395 0.02667607216550388 -0.09903233257754242 1.1830552134321675 -0.025663818531219577 0.9996046931245525 0.011481546140038254 3.1016411089277094 0.09929946696898613 -0.008879451401411463 0.9950179753162679 18.345968438163922 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/73088789_3818781918.jpg sacre_coeur/test/images/31148870_2948239995.jpg 0 0 512.969 0.0 319.5 0.0 512.969 239.5 0.0 0.0 1.0 722.471 0.0 319.5 0.0 722.471 239.5 0.0 0.0 1.0 0.7757851882892515 0.37186848314207477 0.5097756103195045 -8.85282204923638 -0.299754308341076 0.9281004950989181 -0.220854761388806 2.982160464580065 -0.5552519214392454 0.01852841716811955 0.8314757972997592 10.089916569540998 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/08047759_7746982324.jpg sacre_coeur/test/images/55963526_10058115724.jpg 0 0 499.512 0.0 319.5 0.0 499.512 213.5 0.0 0.0 1.0 730.033 0.0 319.5 0.0 730.033 239.5 0.0 0.0 1.0 0.9936759207413286 -0.006976272979311754 0.11206915790792293 -4.032266501703416 0.003660981639249606 0.9995503345700723 0.02976114705943491 1.0049795897861735 -0.11222638616791471 -0.029162652077174993 0.9932546390385074 2.9202952155451083 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/33678893_2402563668.jpg sacre_coeur/test/images/77653698_4129853031.jpg 0 0 653.635 0.0 239.5 0.0 653.635 319.5 0.0 0.0 1.0 346.996 0.0 213.0 0.0 346.996 319.5 0.0 0.0 1.0 0.8134423906039108 0.23155065934906363 0.5335688983848371 -8.787162466562148 -0.10332745597221848 0.9602798529481475 -0.2592027022702376 -0.3417318803780332 -0.5723940198944291 0.15571414892969135 0.8050578797901414 -0.3791955451233343 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/09199317_7932673946.jpg sacre_coeur/test/images/18427217_3121596461.jpg 0 0 592.689 0.0 319.5 0.0 592.689 212.5 0.0 0.0 1.0 653.258 0.0 319.5 0.0 653.258 239.5 0.0 0.0 1.0 0.9861368351913848 0.04956411193262159 0.1583588996142937 -0.9364283089541603 -0.053463067567056356 0.9983603248895501 0.02045390165109255 -0.11299227731745809 -0.1570854629971843 -0.028636698391447907 0.9871697406323786 -0.5415722688013531 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/49997128_3263255043.jpg sacre_coeur/test/images/23363225_3187214147.jpg 0 0 1444.69 0.0 213.0 0.0 1444.69 319.5 0.0 0.0 1.0 482.157 0.0 158.5 0.0 482.157 234.0 0.0 0.0 1.0 0.9926433668590388 -0.06529151288063516 -0.10196158382699637 10.198768840417268 0.07399984813638064 0.9937058553982545 0.08409931880232663 -10.511737159351103 0.09582885111773154 -0.09102577268543575 0.9912270880078263 -45.981887820625865 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/20864632_4515642500.jpg sacre_coeur/test/images/01617203_4574281148.jpg 0 0 707.548 0.0 319.5 0.0 707.548 239.5 0.0 0.0 1.0 609.931 0.0 319.5 0.0 609.931 239.5 0.0 0.0 1.0 0.6121211163830356 -0.22684126339238236 -0.7575293922353997 11.81410565038145 0.26722078650948017 0.9609545417605196 -0.07182910222942188 2.1043364731652434 0.7442451142837561 -0.1584594897517271 0.6488372677123143 1.0910682024971616 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/40133282_13969857252.jpg sacre_coeur/test/images/90301699_2168560949.jpg 0 0 1447.89 0.0 213.0 0.0 1447.89 319.5 0.0 0.0 1.0 599.141 0.0 213.5 0.0 599.141 319.5 0.0 0.0 1.0 0.6592338692466696 -0.2146242311517701 -0.7206574394541254 39.50452294152223 0.29396748955740054 0.9556863357852085 -0.015708044969427046 1.03713888226048 0.6920937947427244 -0.20149458304369755 0.6931133473557279 -19.28735194311662 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/79704892_2352783119.jpg sacre_coeur/test/images/97437832_311711460.jpg 0 0 1800.38 0.0 239.5 0.0 1800.38 319.5 0.0 0.0 1.0 489.971 0.0 249.5 0.0 489.971 187.0 0.0 0.0 1.0 0.9994841724865858 -0.021710281634072567 -0.023665430910370593 1.369501044733614 0.02495013166865222 0.9888882460919318 0.1465521329457179 -12.114315348591878 0.02022077838564063 -0.14706699294060419 0.9889198247122397 -48.940876221564736 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/27770418_2219914621.jpg sacre_coeur/test/images/64655298_3515609807.jpg 0 0 1305.61 0.0 319.5 0.0 1305.61 239.5 0.0 0.0 1.0 649.481 0.0 179.5 0.0 649.481 319.5 0.0 0.0 1.0 0.9967093090834127 -0.04316096749653142 -0.0686125649661149 1.634068399513926 0.0500471607306886 0.9935206711149158 0.10203900122092455 -6.2856225552028295 0.0637638995769754 -0.10513708647347321 0.9924113855446272 -28.186562698747345 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/55297752_267282770.jpg sacre_coeur/test/images/94345410_6525608719.jpg 0 0 652.245 0.0 239.5 0.0 652.245 319.5 0.0 0.0 1.0 1400.71 0.0 319.5 0.0 1400.71 211.5 0.0 0.0 1.0 0.9983875353905282 0.01296332549253516 0.05526555318642052 1.7465108991366207 -0.01082991571647898 0.999191057040766 -0.03872911637683596 5.527089497097026 -0.0557229046479134 0.03806814576428869 0.9977202885456767 48.212943979012394 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/51939662_7396091320.jpg sacre_coeur/test/images/86255041_34613076.jpg 0 0 1086.81 0.0 319.5 0.0 1086.81 212.0 0.0 0.0 1.0 943.253 0.0 319.5 0.0 943.253 283.5 0.0 0.0 1.0 0.9999718042357986 -0.007421647987657979 -0.0011444975095266608 0.43641407807286015 0.007461486895008752 0.9991720523975638 0.03999419859124253 -5.940988940720818 0.000846727062064957 -0.04000161057741828 0.9991992565071768 -27.7981211423988 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/26329012_3452802515.jpg sacre_coeur/test/images/27614460_8959698816.jpg 0 0 896.446 0.0 239.5 0.0 896.446 319.5 0.0 0.0 1.0 807.303 0.0 319.5 0.0 807.303 319.5 0.0 0.0 1.0 0.954504967176181 -0.12985204180792206 -0.2684375437123332 4.4831681744414915 0.10143415184014956 0.9879135852565007 -0.1172086212960307 0.061246820008890174 0.2804128750190808 0.08464747665441971 0.9561398559936579 0.0970947060659837 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/33411162_10141421203.jpg sacre_coeur/test/images/82864141_2050910556.jpg 0 0 878.795 0.0 218.5 0.0 878.795 319.5 0.0 0.0 1.0 520.268 0.0 319.5 0.0 520.268 239.5 0.0 0.0 1.0 0.9716380495150261 -0.05965253774925252 -0.22882542576101517 6.930039262438589 0.08004060384138376 0.9935055939716027 0.0808711103166019 -4.705971323946315 0.22251517357551717 -0.096892773142311 0.9701024626509566 -14.042563138105884 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/18531924_12156446553.jpg sacre_coeur/test/images/36981833_2290028612.jpg 0 0 619.007 0.0 239.5 0.0 619.007 319.5 0.0 0.0 1.0 1252.04 0.0 249.5 0.0 1252.04 187.5 0.0 0.0 1.0 0.9994612418565392 0.028648201165403696 0.01601582331854755 1.2485495769356154 -0.03254795013618489 0.9279545000907952 0.37126954723377775 0.08667573623303415 -0.0042257506453636665 -0.37159080496054886 0.9283869972701332 -0.9942099665685049 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/21037086_3590495621.jpg sacre_coeur/test/images/58011909_11987000544.jpg 0 0 661.089 0.0 239.5 0.0 661.089 319.5 0.0 0.0 1.0 1714.15 0.0 213.5 0.0 1714.15 319.5 0.0 0.0 1.0 0.9478919863908514 -0.0903984020477208 -0.30549780857352243 3.8887367507148607 0.09774812571659412 0.9951721536035812 0.008814114300542816 2.6940508615459002 0.30322613023105194 -0.03821666651120616 0.9521519838481 12.665751704914143 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/12060097_10141374576.jpg sacre_coeur/test/images/72482105_8590533286.jpg 0 0 852.046 0.0 319.5 0.0 852.046 209.0 0.0 0.0 1.0 877.949 0.0 319.5 0.0 877.949 206.5 0.0 0.0 1.0 0.9949630879458631 -0.017362007286527623 -0.09872696859630457 2.3045706144895064 -0.006131121260242466 0.9725024081131115 -0.23281210356485324 0.03883490148661278 0.10005430014409851 0.2322447564901785 0.9674975504390141 -9.825393926171031 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/24662873_8171467618.jpg sacre_coeur/test/images/27172569_5015079786.jpg 0 0 733.364 0.0 239.5 0.0 733.364 319.5 0.0 0.0 1.0 476.902 0.0 239.5 0.0 476.902 319.5 0.0 0.0 1.0 0.9718967656113143 -0.11324346415289929 -0.2063797345208991 3.0152928699697386 0.16248173475299285 0.9570767159851029 0.24000801151384218 -2.839520890581088 0.1703418999128631 -0.26679594739392415 0.9485797592128216 -6.819791389140084 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/99543611_6046123347.jpg sacre_coeur/test/images/94573763_208832452.jpg 0 0 803.204 0.0 213.0 0.0 803.204 319.5 0.0 0.0 1.0 760.459 0.0 239.5 0.0 760.459 319.5 0.0 0.0 1.0 0.9922517857639166 0.07058272548586146 0.1022471149290098 -2.636810943246494 -0.061017260121697316 0.9937158930015586 -0.09383825426421792 0.39326624044761704 -0.10822794285931774 0.08687233655832224 0.9903231338938506 1.0597030942840409 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/85019556_13753237.jpg sacre_coeur/test/images/99027725_2234948189.jpg 0 0 1875.74 0.0 239.5 0.0 1875.74 319.5 0.0 0.0 1.0 1385.64 0.0 239.5 0.0 1385.64 319.5 0.0 0.0 1.0 0.965812250167116 -0.07037035996651556 -0.24950893744576638 12.492108792441002 0.09389445187626445 0.9920613150798352 0.0836551195619479 -7.359618651394819 0.2416413237300032 -0.10422264418182339 0.9647523573983952 -39.81400143844781 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/70139640_13923464795.jpg sacre_coeur/test/images/92912238_291183223.jpg 0 0 544.883 0.0 239.5 0.0 544.883 319.5 0.0 0.0 1.0 1859.84 0.0 239.5 0.0 1859.84 319.5 0.0 0.0 1.0 0.9687179494778614 0.11644361373069466 0.21914930796318793 -3.062624878016143 -0.08899573890604778 0.9873493285221662 -0.13122904374944624 3.945877940744281 -0.23165770614415998 0.10762057557997134 0.9668260023891897 50.12852322911606 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/57417409_1401404166.jpg sacre_coeur/test/images/43759956_9209511641.jpg 0 0 548.254 0.0 187.0 0.0 548.254 249.5 0.0 0.0 1.0 634.092 0.0 319.5 0.0 634.092 213.0 0.0 0.0 1.0 0.9938576889019203 0.019033037480104507 0.109016685396386 0.5390832236054222 -0.0421239032128953 0.9760069406408824 0.21362590807047493 0.39312909342731706 -0.10233509167750954 -0.21690595958872436 0.9708137482062408 0.12666862195918238 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/43759956_9209511641.jpg sacre_coeur/test/images/86827532_95504488.jpg 0 0 634.092 0.0 319.5 0.0 634.092 213.0 0.0 0.0 1.0 526.393 0.0 249.5 0.0 526.393 166.0 0.0 0.0 1.0 0.9998651594639949 0.015637387637746854 -0.005013481615330365 -0.10651700710096623 -0.015351063629303623 0.9984868866536833 0.05280418568715826 -0.8967698351687838 0.005831615169872356 -0.05272010326717557 0.9985923006793157 -1.3766933449033987 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/15865748_8030415.jpg sacre_coeur/test/images/89598965_8275144360.jpg 0 0 666.681 0.0 212.0 0.0 666.681 319.5 0.0 0.0 1.0 715.898 0.0 213.0 0.0 715.898 319.5 0.0 0.0 1.0 0.9949416196078332 0.03878071456080887 0.09266730680393573 -3.1561775131584136 -0.048851481244549105 0.992839935242352 0.10900640241827685 -2.8850427682193653 -0.08777645670881887 -0.11298194176997903 0.9897122685313797 -10.69890373569774 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/76465860_1236444051.jpg sacre_coeur/test/images/60386407_4541255112.jpg 0 0 690.247 0.0 239.5 0.0 690.247 319.5 0.0 0.0 1.0 1433.05 0.0 212.5 0.0 1433.05 319.5 0.0 0.0 1.0 0.6130498709328438 0.2917681939820132 0.7341942363773347 -11.649674566821812 -0.1780791136452649 0.9564245684315564 -0.231386849634606 3.901860691570703 -0.7697127289012051 0.011107019446514745 0.6382937796081634 51.162316602292684 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/73088789_3818781918.jpg sacre_coeur/test/images/58207157_8155269003.jpg 0 0 512.969 0.0 319.5 0.0 512.969 239.5 0.0 0.0 1.0 716.507 0.0 319.5 0.0 716.507 239.5 0.0 0.0 1.0 0.8848105746073204 0.2905292488543402 0.364284233289332 -6.095296691867699 -0.26007356447094004 0.9566269892640632 -0.13124993133314092 1.0800103861358763 -0.3866160732903425 0.021390628127927705 0.9219926533882193 5.141791639373879 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/14122634_883725893.jpg sacre_coeur/test/images/19422098_2931690374.jpg 0 0 479.75 0.0 319.5 0.0 479.75 239.5 0.0 0.0 1.0 1163.74 0.0 239.5 0.0 1163.74 319.5 0.0 0.0 1.0 0.9977030659695766 0.0007719688179618146 0.06773474897754596 -0.9350360331672851 -0.009661454093132476 0.991333862539486 0.1310107983616234 6.363610318022694 -0.06704661408090166 -0.1313642913682701 0.9890642923964039 44.34237896872726 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/04543624_3663972093.jpg sacre_coeur/test/images/70116109_2697195876.jpg 0 0 433.924 0.0 319.5 0.0 433.924 212.5 0.0 0.0 1.0 606.734 0.0 212.5 0.0 606.734 319.5 0.0 0.0 1.0 0.999809450723833 0.011669950198684512 0.015648466559611243 -0.7617044046078766 -0.004959839364024494 0.9271880164542041 -0.37456345542137676 -0.009012927230661799 -0.018880207540970525 0.3744144687456387 0.92706922252717 14.829108952656222 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/16214259_2076433877.jpg sacre_coeur/test/images/79770190_8442039294.jpg 0 0 593.424 0.0 319.5 0.0 593.424 213.0 0.0 0.0 1.0 704.085 0.0 239.5 0.0 704.085 319.5 0.0 0.0 1.0 0.9755983704827855 0.09014969321511375 0.20020202877232474 -4.3978203540247085 -0.056772223487340394 0.9843874060856627 -0.1666083712790089 0.8518101950520847 -0.21209604935414839 0.15117694120851055 0.9654847478314722 6.114160746334896 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/93760319_30262336.jpg sacre_coeur/test/images/85019556_13753237.jpg 0 0 1034.56 0.0 239.5 0.0 1034.56 319.5 0.0 0.0 1.0 1875.74 0.0 239.5 0.0 1875.74 319.5 0.0 0.0 1.0 0.9981968646609495 -0.03480518464526518 -0.048904176742471016 1.8444805385186926 0.03595576754100376 0.9990921710951429 0.0228476790272236 0.6273731453762279 0.04806456242999767 -0.024564868780490665 0.9985421198227994 -0.06841536466074416 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/44509707_7002758055.jpg sacre_coeur/test/images/60386407_4541255112.jpg 0 0 1017.42 0.0 213.0 0.0 1017.42 319.5 0.0 0.0 1.0 1433.05 0.0 212.5 0.0 1433.05 319.5 0.0 0.0 1.0 0.9965721537479262 -0.051387229820692853 -0.06483282336575431 2.558133605343 0.05314807069394788 0.9982550317382738 0.025732745495365916 2.5065398414701163 0.0633973576399752 -0.02909027707969535 0.9975642990923922 14.388903708824728 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/94345410_6525608719.jpg sacre_coeur/test/images/26172565_2334920022.jpg 0 0 1400.71 0.0 319.5 0.0 1400.71 211.5 0.0 0.0 1.0 701.449 0.0 319.5 0.0 701.449 239.5 0.0 0.0 1.0 0.9849331973162476 -0.0761795700520718 -0.15525227834423228 6.193119753008954 0.11033356577614233 0.9681075267903622 0.22493181374578733 -16.910707156873997 0.13316569035421688 -0.23867234795537037 0.961926405310695 -46.91627418379684 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/00204549_3820006713.jpg sacre_coeur/test/images/92410481_478846885.jpg 0 0 565.301 0.0 319.5 0.0 565.301 213.5 0.0 0.0 1.0 698.31 0.0 319.5 0.0 698.31 214.0 0.0 0.0 1.0 0.9854532978907641 0.07630587541691122 0.15185259646471627 -0.2806521899535711 -0.04903967602573529 0.9832012778860528 -0.17581341626429797 -0.18508959877293185 -0.16271726353250926 0.1658091087367977 0.9726409571925299 -0.48060427858085575 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/74182138_8276852729.jpg sacre_coeur/test/images/30442266_2401730436.jpg 0 0 710.115 0.0 319.5 0.0 710.115 213.0 0.0 0.0 1.0 523.192 0.0 319.5 0.0 523.192 239.5 0.0 0.0 1.0 0.9547879586984693 0.03649533195621055 0.29503905617700166 -4.474998653779046 -0.0705068667324707 0.9919194581749107 0.10547307825962514 -1.9940621077424472 -0.2888057057400002 -0.12150670450389717 0.9496459261707085 -7.207338128789966 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/95734826_713795234.jpg sacre_coeur/test/images/62960466_112702816.jpg 0 0 1838.16 0.0 239.5 0.0 1838.16 319.5 0.0 0.0 1.0 562.98 0.0 187.0 0.0 562.98 249.5 0.0 0.0 1.0 0.9742248839679033 -0.046892291897264245 -0.22065128238545798 14.133862034348036 0.06648227577663456 0.9943953023385838 0.08220760119670256 -10.040216840502726 0.21555969582759404 -0.0947580901431553 0.9718821543207472 -47.5230847326359 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/57417409_1401404166.jpg sacre_coeur/test/images/92912238_291183223.jpg 0 0 548.254 0.0 187.0 0.0 548.254 249.5 0.0 0.0 1.0 1859.84 0.0 239.5 0.0 1859.84 319.5 0.0 0.0 1.0 0.9659390679545196 0.06685291866931432 0.24998480806750678 -3.0905225876756997 -0.07616211784035966 0.9967094482046513 0.027741803576014884 3.781290583253317 -0.24730759957030296 -0.04583626429993029 0.9678522552899289 42.603923488296765 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/95271137_4372074334.jpg sacre_coeur/test/images/12289579_3098252990.jpg 0 0 1503.0 0.0 239.5 0.0 1503.0 319.5 0.0 0.0 1.0 989.015 0.0 239.5 0.0 989.015 319.5 0.0 0.0 1.0 0.9993203395457992 -0.021619450978333263 -0.029857299098612965 3.6115884870793797 0.02681303820029254 0.9821317208520555 0.18627491478631714 -12.18722179209379 0.025296639154999294 -0.18694887599441593 0.9820438879255277 -38.06631386193616 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/72776302_21108497.jpg sacre_coeur/test/images/86890299_6076455455.jpg 0 0 565.519 0.0 187.0 0.0 565.519 249.5 0.0 0.0 1.0 1814.03 0.0 212.5 0.0 1814.03 319.5 0.0 0.0 1.0 0.990780170316871 0.03278225504121656 0.131453329593756 -2.0784462693731385 -0.02178330289793661 0.9962062095265262 -0.08425363977685563 4.6087486150378405 -0.1337166475115524 0.0806133478724462 0.9877354637366562 40.93009810665455 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/66926938_4371324505.jpg sacre_coeur/test/images/25923245_22222637.jpg 0 0 1503.42 0.0 239.5 0.0 1503.42 319.5 0.0 0.0 1.0 530.117 0.0 187.0 0.0 530.117 249.5 0.0 0.0 1.0 0.9582108714618424 -0.06730880845360301 -0.2780313833308982 15.55531795333259 0.0933525140725583 0.9922912616173808 0.08150681096767123 -6.991183064783759 0.2704019858075556 -0.10405564099241843 0.9571077210267336 -36.88311076062388 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/99027725_2234948189.jpg sacre_coeur/test/images/57606942_9403768875.jpg 0 0 1385.64 0.0 239.5 0.0 1385.64 319.5 0.0 0.0 1.0 456.61 0.0 179.5 0.0 456.61 319.5 0.0 0.0 1.0 0.9853885671892368 0.0651196453452918 0.1573810771434933 -2.611930197445336 -0.03038405110012708 0.9764112417921438 -0.2137706629560486 -0.09455238710761293 -0.16758932272518928 0.20586529258723316 0.9641230731688177 -6.636735042780135 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/17616986_7085723791.jpg sacre_coeur/test/images/30047168_4081038356.jpg 0 0 511.96 0.0 319.5 0.0 511.96 212.0 0.0 0.0 1.0 554.321 0.0 249.5 0.0 554.321 187.0 0.0 0.0 1.0 0.12260076412668919 -0.9858766900649617 0.1140885823476961 -0.5575514770364467 0.9571930094663796 0.14783164515720373 0.24885205910100394 -4.571549003431985 -0.2622033471644611 0.07869534088286101 0.9617985485844128 4.571883084212506 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/66118802_124159749.jpg sacre_coeur/test/images/99119091_3503925030.jpg 0 0 618.946 0.0 187.0 0.0 618.946 249.5 0.0 0.0 1.0 504.731 0.0 319.5 0.0 504.731 214.0 0.0 0.0 1.0 0.9716491492637851 0.04940695449069526 0.23120744707495247 -4.455387603865338 -0.08174620271399749 0.9878127962124639 0.13245164393375852 -2.351219364534059 -0.22184564245620111 -0.14759685798440117 0.9638462939889989 -6.869307253019222 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/32903762_508473415.jpg sacre_coeur/test/images/15701912_177669906.jpg 0 0 713.267 0.0 319.5 0.0 713.267 239.5 0.0 0.0 1.0 743.975 0.0 319.5 0.0 743.975 239.0 0.0 0.0 1.0 0.9408352980405013 0.10621881799168899 0.32178642709954264 -7.521373532513148 -0.1042782775106516 0.9942748686540306 -0.02331365270440141 0.9757262909883557 -0.32242050617237783 -0.01162102695368896 0.9465252077636862 2.534172613901326 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/06132465_4129851965.jpg sacre_coeur/test/images/76812051_2399423344.jpg 0 0 298.312 0.0 319.5 0.0 298.312 213.0 0.0 0.0 1.0 731.379 0.0 319.5 0.0 731.379 239.5 0.0 0.0 1.0 0.9692375583350934 -0.06581285980885104 -0.23716497000275266 0.3636691061081283 0.11078138842528827 0.9771144007360628 0.18159001033308675 1.9355872355835015 0.21978634964708668 -0.20227732289603217 0.9543468159693431 7.9761523401466095 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/68684534_2877733555.jpg sacre_coeur/test/images/55297752_267282770.jpg 0 0 509.45 0.0 212.5 0.0 509.45 319.5 0.0 0.0 1.0 652.245 0.0 239.5 0.0 652.245 319.5 0.0 0.0 1.0 0.9911324615627765 0.040311035176106964 0.12661541801669365 -0.4952225386559791 -0.040510240070701475 0.9991786205588794 -0.0010023310176406352 0.0980884379069992 -0.12655182371631607 -0.004135778171693622 0.9919513754479041 1.497180792678954 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/74629148_8588473995.jpg sacre_coeur/test/images/21932760_3503330187.jpg 0 0 998.55 0.0 319.5 0.0 998.55 239.5 0.0 0.0 1.0 724.718 0.0 319.5 0.0 724.718 212.5 0.0 0.0 1.0 0.9973002444431507 -0.04160068702730244 -0.06051119956246314 1.9333898640967424 0.046510762326796365 0.9955351066776621 0.08213769147033906 -7.6119845664530335 0.056824039115607336 -0.08473036180232421 0.9947822849083288 -39.22129004826285 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/59914221_4605768617.jpg sacre_coeur/test/images/70467218_7085137245.jpg 0 0 658.209 0.0 319.5 0.0 658.209 239.5 0.0 0.0 1.0 983.528 0.0 305.5 0.0 983.528 305.5 0.0 0.0 1.0 -0.0560193056965477 -0.9916651412829165 -0.11602622528381566 2.54694467400348 0.982330880498515 -0.07552685531094464 0.17123590553926687 1.2618203768247087 -0.17857177438859093 -0.10438362750534036 0.9783742533920936 2.622686363723222 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/08081221_11367454663.jpg sacre_coeur/test/images/70860676_2671019430.jpg 0 0 670.286 0.0 212.5 0.0 670.286 319.5 0.0 0.0 1.0 722.064 0.0 319.5 0.0 722.064 239.5 0.0 0.0 1.0 0.9987626107145546 -0.005709672847606053 -0.04940290552812616 1.3064476283683948 0.008666671246780411 0.9981698064899144 0.05984919566198774 -3.5147083337948253 0.04897076932362686 -0.060203297649381066 0.9969841657238053 -8.778995576999549 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/40053940_4478762600.jpg sacre_coeur/test/images/21932760_3503330187.jpg 0 0 492.186 0.0 319.5 0.0 492.186 179.5 0.0 0.0 1.0 724.718 0.0 319.5 0.0 724.718 212.5 0.0 0.0 1.0 0.9954934910297095 0.01513438632378445 0.09361442019306697 -2.206755328242218 0.003428594526167592 0.9807929363086564 -0.19502169322057233 2.7613356408928618 -0.09476789570870926 0.19446379209931688 0.9763210944690773 14.162145407507394 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/95399415_4857734874.jpg sacre_coeur/test/images/78627958_7119964169.jpg 0 0 542.7 0.0 319.5 0.0 542.7 239.5 0.0 0.0 1.0 1461.04 0.0 319.5 0.0 1461.04 213.0 0.0 0.0 1.0 0.9996464016003115 -0.0037648060223761256 0.026322955821154178 -3.8828060112876366 0.005456185538828194 0.9979039923427238 -0.06448140899374775 6.164614787351377 -0.02602502270727993 0.0646022314016085 0.9975716765681645 46.48232847613683 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/83129529_7908624824.jpg sacre_coeur/test/images/79205306_10858206333.jpg 0 0 521.65 0.0 319.5 0.0 521.65 239.5 0.0 0.0 1.0 428.425 0.0 319.5 0.0 428.425 212.5 0.0 0.0 1.0 0.9328005112273565 0.09428882694916678 0.34784022678024534 -4.790581891291762 -0.1167549511184487 0.992178874650366 0.04415158079686131 3.187332328255911 -0.34095672400366456 -0.08179668581356585 0.9365136488843104 5.227171468319321 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/97437832_311711460.jpg sacre_coeur/test/images/15114643_8210538601.jpg 0 0 489.971 0.0 249.5 0.0 489.971 187.0 0.0 0.0 1.0 927.73 0.0 239.5 0.0 927.73 319.5 0.0 0.0 1.0 0.9975389247477088 0.038352531422794725 0.05869562970655404 -0.7032955780633721 -0.035555906712463205 0.998215680859806 -0.04797115782893387 3.0574416553376236 -0.060430713309044905 0.04576612086530178 0.9971226559806485 14.362155948426372 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/03257649_3859474410.jpg sacre_coeur/test/images/75911664_13736760514.jpg 0 0 1327.45 0.0 239.5 0.0 1327.45 319.5 0.0 0.0 1.0 675.746 0.0 255.5 0.0 675.746 319.5 0.0 0.0 1.0 0.9860201743927584 0.032124680796490494 0.16349991001281355 -10.514626992397801 -0.035766386185803106 0.9991722884427141 0.019377915970442437 -3.7461255509467914 -0.16274206988262913 -0.024954817007406167 0.9863530178381592 -39.08447888257183 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/68833924_5994205213.jpg sacre_coeur/test/images/04808852_3532579721.jpg 0 0 499.829 0.0 319.5 0.0 499.829 212.5 0.0 0.0 1.0 536.862 0.0 319.5 0.0 536.862 223.5 0.0 0.0 1.0 0.8490908249551598 0.17699706924065378 0.4977115715524262 -8.651658134320538 -0.17711113891894942 0.9830466948062929 -0.04744302162864102 0.6849700526642136 -0.49767099116564895 -0.04786682891776211 0.8660440815810464 1.7103182504598191 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/81670953_3302107502.jpg sacre_coeur/test/images/43274786_5333458956.jpg 0 0 672.741 0.0 319.5 0.0 672.741 239.5 0.0 0.0 1.0 502.299 0.0 319.5 0.0 502.299 239.5 0.0 0.0 1.0 0.980876927531075 0.035433372387454184 0.1913764070058012 -3.663317898668921 -0.07205799027120949 0.9795289284899887 0.18796468894270676 -4.801181776680339 -0.18079850407365755 -0.19816042584861954 0.9633505834078375 -10.649542152186369 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/66926938_4371324505.jpg sacre_coeur/test/images/25122990_2171869199.jpg 0 0 1503.42 0.0 239.5 0.0 1503.42 319.5 0.0 0.0 1.0 611.269 0.0 239.5 0.0 611.269 319.5 0.0 0.0 1.0 0.9483056844705846 -0.04886792409669483 -0.3135733642949542 17.311980380820547 0.07257068872439165 0.9952844986058565 0.0643604068737631 -6.237697150237981 0.3089495491805156 -0.08378957470573864 0.9473803266016176 -35.8191194803624 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/90319881_5214536200.jpg sacre_coeur/test/images/36940211_2500226864.jpg 0 0 519.617 0.0 319.5 0.0 519.617 213.0 0.0 0.0 1.0 647.827 0.0 319.5 0.0 647.827 239.5 0.0 0.0 1.0 0.8295818228243492 0.2535826485640322 0.4974835068489009 -6.902840552718102 -0.11688299491421714 0.9500562570752583 -0.2893639125600042 2.1707858298995624 -0.5460149858193574 0.18190367984018696 0.8177889009526149 14.028517889547954 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/68684534_2877733555.jpg sacre_coeur/test/images/47029087_8959697396.jpg 0 0 509.45 0.0 212.5 0.0 509.45 319.5 0.0 0.0 1.0 622.643 0.0 319.5 0.0 622.643 239.5 0.0 0.0 1.0 0.9424442276218061 0.059433614541261406 0.32903878690041716 -0.4795635848419211 -0.09113802271076502 0.9924753025129622 0.0817718455103939 2.479300134566812 -0.32170287322109736 -0.10705334821650563 0.9407692820223915 9.0395916644372 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/95399415_4857734874.jpg sacre_coeur/test/images/60953043_2624021191.jpg 0 0 542.7 0.0 319.5 0.0 542.7 239.5 0.0 0.0 1.0 1395.38 0.0 212.5 0.0 1395.38 319.5 0.0 0.0 1.0 0.9988035882524521 0.020605097393603573 0.044348867577720726 -0.6504972063375803 -0.022436445431713012 0.9988989596161284 0.04120041740329805 2.992674320803504 -0.043451099070286596 -0.04214615568727869 0.9981661703095172 8.935173311954344 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/92423741_5783562525.jpg sacre_coeur/test/images/13402995_4460408839.jpg 0 0 502.585 0.0 212.0 0.0 502.585 319.5 0.0 0.0 1.0 702.935 0.0 239.5 0.0 702.935 319.5 0.0 0.0 1.0 0.9986468251203273 0.015536282533460668 0.049630057446380195 -0.9138272186949896 -0.013738954097068533 0.9992445783236262 -0.03635263169506538 1.9149347479419754 -0.05015735058203493 0.03562157514595491 0.9981058779341558 8.135656395269242 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/18432192_5847633717.jpg sacre_coeur/test/images/43759956_9209511641.jpg 0 0 708.131 0.0 213.5 0.0 708.131 319.5 0.0 0.0 1.0 634.092 0.0 319.5 0.0 634.092 213.0 0.0 0.0 1.0 0.9952563493765332 -0.04200710433417452 -0.08775079607134018 3.3960733552958966 0.035087436347690903 0.9962599229741503 -0.07896225481891124 -1.8193365461438757 0.09073957701159342 0.07550873499799678 0.9930079355688753 -6.18245616910555 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/57417409_1401404166.jpg sacre_coeur/test/images/79410678_281876803.jpg 0 0 548.254 0.0 187.0 0.0 548.254 249.5 0.0 0.0 1.0 521.004 0.0 249.5 0.0 521.004 187.0 0.0 0.0 1.0 0.9832956886066414 0.06000880458633602 0.17183868056904392 -0.7377013295300249 -0.08024416001408777 0.9903103845564987 0.11334115326390784 0.5303875241040235 -0.16337216271820743 -0.12523691792629726 0.9785832876342706 0.5438504817884526 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/85019556_13753237.jpg sacre_coeur/test/images/27172569_5015079786.jpg 0 0 1875.74 0.0 239.5 0.0 1875.74 319.5 0.0 0.0 1.0 476.902 0.0 239.5 0.0 476.902 319.5 0.0 0.0 1.0 0.9429651073750464 -0.13594797208406365 -0.3038666733279548 19.76974412278436 0.23113307286370732 0.9242965277100231 0.30373249989386125 -21.788611824163038 0.23957109362723106 -0.35664278732286864 0.9030014470358435 -48.76497349926629 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/70467218_7085137245.jpg sacre_coeur/test/images/74361805_4541261018.jpg 0 0 983.528 0.0 305.5 0.0 983.528 305.5 0.0 0.0 1.0 903.565 0.0 319.5 0.0 903.565 212.5 0.0 0.0 1.0 0.9967453945216628 0.025287000064571283 0.07654532074260999 -2.2551339253685954 -0.01935830017909295 0.9968255191664203 -0.07722784829821878 1.8209235157172143 -0.07825518969391612 0.07549471482382683 0.9940707587086738 5.266830253457449 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/60386407_4541255112.jpg sacre_coeur/test/images/90319881_5214536200.jpg 0 0 1433.05 0.0 212.5 0.0 1433.05 319.5 0.0 0.0 1.0 519.617 0.0 319.5 0.0 519.617 213.0 0.0 0.0 1.0 0.8021283263838834 -0.06752168581110965 -0.5933219783202172 35.24056451321141 0.2518155697836872 0.9391700576257669 0.233556249485495 -13.106784533568225 0.5414601248726517 -0.33674979555218687 0.7703379182984912 -33.00920993231661 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/19631710_3287132673.jpg sacre_coeur/test/images/36981833_2290028612.jpg 0 0 500.5 0.0 319.5 0.0 500.5 213.0 0.0 0.0 1.0 1252.04 0.0 249.5 0.0 1252.04 187.5 0.0 0.0 1.0 0.8057009932832822 0.20738494979167174 0.5548309580604153 -8.148411384409595 -0.19629653254271248 0.9772570765678035 -0.08022641466411337 4.952868766583416 -0.558850231040518 -0.04427289123217802 0.8280859438294453 40.27972253568087 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/08319155_4244960671.jpg sacre_coeur/test/images/81703421_7754459314.jpg 0 0 661.935 0.0 239.5 0.0 661.935 319.5 0.0 0.0 1.0 514.334 0.0 319.5 0.0 514.334 239.5 0.0 0.0 1.0 0.7300454033154604 -0.29908173750876754 -0.6144784970905846 10.295824407138992 0.3071326514021141 0.9468180312481785 -0.0959434737021266 1.9710771523956188 0.6104942616771055 -0.11868331808666219 0.7830779185159455 4.159131403218112 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/56774631_6820191793.jpg sacre_coeur/test/images/79410678_281876803.jpg 0 0 1196.24 0.0 319.5 0.0 1196.24 213.0 0.0 0.0 1.0 521.004 0.0 249.5 0.0 521.004 187.0 0.0 0.0 1.0 0.9994214014316697 0.032975154084944974 0.008336760367870344 -0.7996012831120162 -0.032941478859189334 0.9994486871880077 -0.0041449546122226885 -3.020278964294147 -0.008468844722082175 0.0038679311320059424 0.9999566579496489 -27.178567664041203 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/62500479_6325981035.jpg sacre_coeur/test/images/01617203_4574281148.jpg 0 0 453.352 0.0 319.5 0.0 453.352 239.5 0.0 0.0 1.0 609.931 0.0 319.5 0.0 609.931 239.5 0.0 0.0 1.0 0.9791905093589203 -0.01072044052356219 -0.20265985921340945 0.7289726305838844 0.001283418974675626 0.998910939097882 -0.04663998913296141 0.9967373111446234 0.20293915151383082 0.04540933720687937 0.9781378700762373 2.2406851257268716 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/95399415_4857734874.jpg sacre_coeur/test/images/98400098_660544149.jpg 0 0 542.7 0.0 319.5 0.0 542.7 239.5 0.0 0.0 1.0 1210.72 0.0 239.0 0.0 1210.72 319.5 0.0 0.0 1.0 0.9996129485449652 -0.02779693539806856 0.001132909403378331 -1.3652594651696965 0.0276227961931611 0.9868630345524516 -0.15918018772572676 0.21291448994920778 0.0033066949831735064 0.15914987092800964 0.9872488968603035 33.26810216898941 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/72776302_21108497.jpg sacre_coeur/test/images/95803142_180463023.jpg 0 0 565.519 0.0 187.0 0.0 565.519 249.5 0.0 0.0 1.0 586.012 0.0 187.0 0.0 586.012 249.5 0.0 0.0 1.0 0.796136131945457 -0.25603716065911664 -0.5482811612416972 11.211127691015712 0.26714910529375574 0.9617108374147172 -0.061185134958005614 1.1537221104883548 0.5429536029456588 -0.09776112499711348 0.8340528445414155 -1.68573452511135 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/42287480_4698335211.jpg sacre_coeur/test/images/21155361_10359960085.jpg 0 0 948.172 0.0 319.5 0.0 948.172 212.5 0.0 0.0 1.0 778.711 0.0 212.5 0.0 778.711 319.5 0.0 0.0 1.0 0.9338454201022544 0.13405911805879506 0.3316035045341684 -2.0079724890569235 0.012258654497651195 0.9145630617799078 -0.40425750632198293 1.7886149640968965 -0.35746672116988926 0.3815790336130365 0.8524171422273192 9.68535533873213 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/79220560_3217246137.jpg sacre_coeur/test/images/08124432_3626165332.jpg 0 0 1106.67 0.0 214.0 0.0 1106.67 319.5 0.0 0.0 1.0 1404.56 0.0 196.5 0.0 1404.56 249.5 0.0 0.0 1.0 0.9997546817253505 -0.016464702356534362 0.014815193031264114 -2.066589420466884 0.016800662798903312 0.9995978294689293 -0.022845503945481252 2.7017003256454593 -0.014433090374567428 0.023088804588288804 0.9996292277664371 13.741793661234794 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/55185330_108661534.jpg sacre_coeur/test/images/70170436_3664390013.jpg 0 0 674.5 0.0 319.5 0.0 674.5 239.5 0.0 0.0 1.0 523.702 0.0 213.5 0.0 523.702 319.5 0.0 0.0 1.0 0.991635466985443 0.05109833469142088 0.11852451564265513 -0.7217314000073956 -0.06302272731338697 0.9930752541118926 0.09914472004389578 0.20269089766749926 -0.11263763340262857 -0.1057851589891679 0.9879889997763595 0.9418385898145187 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/60953043_2624021191.jpg sacre_coeur/test/images/55784150_6371469373.jpg 0 0 1395.38 0.0 212.5 0.0 1395.38 319.5 0.0 0.0 1.0 607.13 0.0 319.5 0.0 607.13 239.5 0.0 0.0 1.0 0.9386092446530558 -0.11719579894103206 -0.32446545357309275 9.842706946302165 0.13184571420044963 0.990992639894353 0.0234583742444892 -4.051672810400195 0.31879365347947725 -0.06479762639012593 0.9456066170006492 -12.74282205356049 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/96493224_6127375508.jpg sacre_coeur/test/images/83916827_2652728872.jpg 0 0 1666.8 0.0 319.5 0.0 1666.8 272.5 0.0 0.0 1.0 690.499 0.0 239.5 0.0 690.499 319.5 0.0 0.0 1.0 0.9587509661329918 -0.014644564123607873 -0.28386990273835716 16.32754663016606 0.07233271831735939 0.9783657392175727 0.1938258449899644 -15.074386759502522 0.2748900922184652 -0.20636379785922168 0.9390683788379002 -50.19479428999395 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/35558294_6148191791.jpg sacre_coeur/test/images/44656171_6113568114.jpg 0 0 638.785 0.0 319.5 0.0 638.785 239.5 0.0 0.0 1.0 533.981 0.0 319.5 0.0 533.981 239.5 0.0 0.0 1.0 0.3704327934018534 -0.9287841689070808 0.011811568908608348 0.6315850564947907 0.9264542705084484 0.37035827556852624 0.0672103591313603 -0.37869384089611335 -0.0667984298405179 -0.013954042621786615 0.9976689102429477 15.76786355832488 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/67770719_8270986474.jpg sacre_coeur/test/images/30442266_2401730436.jpg 0 0 499.694 0.0 212.5 0.0 499.694 319.5 0.0 0.0 1.0 523.192 0.0 319.5 0.0 523.192 239.5 0.0 0.0 1.0 0.973246400903902 0.0059489679285480825 0.22968685837066488 -3.4442919627882205 -0.06281147955790559 0.9684740793461836 0.24106570820070816 -2.0789993387495853 -0.22101167653168824 -0.249043304296958 0.9429375755698278 -7.6988747257613985 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/15556549_5221678700.jpg sacre_coeur/test/images/30178210_1968722368.jpg 0 0 1213.47 0.0 319.5 0.0 1213.47 213.0 0.0 0.0 1.0 742.141 0.0 319.5 0.0 742.141 249.0 0.0 0.0 1.0 0.993114210019645 -0.10974110210764587 -0.04100068737540134 2.183585197215576 0.11710062551618508 0.9400909242996479 0.320181975684378 -14.107481240294929 0.003407251205054873 -0.32277847598257337 0.9464684073341237 -26.05452205165446 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/63360516_5790897098.jpg sacre_coeur/test/images/30178210_1968722368.jpg 0 0 516.78 0.0 319.5 0.0 516.78 239.5 0.0 0.0 1.0 742.141 0.0 319.5 0.0 742.141 249.0 0.0 0.0 1.0 0.9893977349143581 0.01740161803419229 0.1441849709093466 -1.9869061434537305 -0.06942860005535512 0.9286751672292939 0.364337897103769 -4.178506757684021 -0.12756093305040764 -0.37048565081718765 0.9200372769066885 -7.156969166539539 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/14122634_883725893.jpg sacre_coeur/test/images/15865748_8030415.jpg 0 0 479.75 0.0 319.5 0.0 479.75 239.5 0.0 0.0 1.0 666.681 0.0 212.0 0.0 666.681 319.5 0.0 0.0 1.0 0.9989336199276587 0.006815912394411635 0.04566362136817346 0.6289660785983564 -0.013942024967644292 0.9874027909965445 0.15761138370065714 1.3775052060728696 -0.04401412180227823 -0.15807995341113276 0.9864448719576319 5.292342441919497 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/06132465_4129851965.jpg sacre_coeur/test/images/16214259_2076433877.jpg 0 0 298.312 0.0 319.5 0.0 298.312 213.0 0.0 0.0 1.0 593.424 0.0 319.5 0.0 593.424 213.0 0.0 0.0 1.0 0.9684565288579632 -0.09340564623477216 -0.2310137159647657 0.60890007392887 0.1444904133593855 0.9658160040616067 0.21522538592300058 2.4220726709767333 0.20301347777824688 -0.24181569748454138 0.9488470352435352 8.161149576360867 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/95803142_180463023.jpg sacre_coeur/test/images/64966234_8900198268.jpg 0 0 586.012 0.0 187.0 0.0 586.012 249.5 0.0 0.0 1.0 578.134 0.0 239.5 0.0 578.134 319.5 0.0 0.0 1.0 0.7484171938782825 0.27578084292747046 0.6031721400906799 -8.241815194737773 -0.28607075478180266 0.9547308961139869 -0.0815624868671477 3.0712117968024693 -0.5983604491992488 -0.11150714183225113 0.7934298520691515 13.501426218660802 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/45927449_5904684394.jpg sacre_coeur/test/images/61084833_3699152935.jpg 0 0 445.549 0.0 239.5 0.0 445.549 319.5 0.0 0.0 1.0 1839.79 0.0 239.5 0.0 1839.79 319.5 0.0 0.0 1.0 0.9902284244331168 -0.06247377282958759 -0.12467836682097003 2.4377260656309505 0.034587205886551786 0.976129472939575 -0.21441776336784438 4.772623238964322 0.1350977151311914 0.20801028764737742 0.9687519432750505 51.580890955609824 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/58207157_8155269003.jpg sacre_coeur/test/images/47058715_3625029597.jpg 0 0 716.507 0.0 319.5 0.0 716.507 239.5 0.0 0.0 1.0 679.749 0.0 319.5 0.0 679.749 239.5 0.0 0.0 1.0 0.913750274960714 0.13595513344567822 0.38285328351600617 -2.045364686366408 -0.051902121180632484 0.9736887266234089 -0.2218928422987893 1.2417387633986987 -0.40294739709566385 0.18288374814688224 0.8967647014895139 4.500355424632583 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/76610569_4643204754.jpg sacre_coeur/test/images/97519566_136306825.jpg 0 0 503.401 0.0 212.5 0.0 503.401 319.5 0.0 0.0 1.0 1521.37 0.0 187.0 0.0 1521.37 249.5 0.0 0.0 1.0 0.8057489200776881 0.15858244383348885 0.5706314802930503 -8.573597887202439 -0.17687606571346934 0.983947948615645 -0.023691597514487395 4.677545522973336 -0.5652287458820227 -0.08184157209427438 0.820864435766207 48.60723822816035 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/75026938_1499132926.jpg sacre_coeur/test/images/05925733_2718809034.jpg 0 0 580.942 0.0 187.0 0.0 580.942 249.5 0.0 0.0 1.0 1052.11 0.0 239.5 0.0 1052.11 319.5 0.0 0.0 1.0 0.9983603461747104 -0.04631894742512201 0.03363293468226222 -0.2902179095187668 0.05422333029032436 0.9535327569516847 -0.2963698902931029 0.05526146358871975 -0.01834256356507802 0.29770763599469235 0.9544808609041424 48.46071412450798 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/48360689_7391063350.jpg sacre_coeur/test/images/84259836_1237320024.jpg 0 0 1914.59 0.0 212.0 0.0 1914.59 319.5 0.0 0.0 1.0 693.174 0.0 239.5 0.0 693.174 319.5 0.0 0.0 1.0 0.7778215311258612 -0.12247570728945108 -0.6164360200709963 41.30495846370842 0.21142137701944877 0.9746557543818828 0.0731242900101123 -7.085755913155012 0.5918569650314351 -0.18720539942595565 0.784002213880514 -37.64435052448874 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/38879018_753144146.jpg sacre_coeur/test/images/69212502_553330789.jpg 0 0 1556.17 0.0 249.5 0.0 1556.17 187.0 0.0 0.0 1.0 859.802 0.0 213.0 0.0 859.802 319.5 0.0 0.0 1.0 0.9954486207404365 0.034343867414273685 0.08889624422321482 -4.033859025015858 -0.040094899878717165 0.9971609161202665 0.0637377938581696 -5.919278902172037 -0.08645485798772858 -0.06701198499687701 0.9939994725336125 -34.15238736927705 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/38432569_8875267871.jpg sacre_coeur/test/images/01012753_375984446.jpg 0 0 569.282 0.0 239.5 0.0 569.282 319.5 0.0 0.0 1.0 773.348 0.0 249.5 0.0 773.348 199.0 0.0 0.0 1.0 0.999061357902786 -0.005927259275419709 0.04291003079611268 0.10469103549856781 0.007941963594594478 0.9988663876384098 -0.04693468717756682 2.2610456312076024 -0.04258319339485384 0.04723142220678804 0.9979758836748615 9.6373710514229 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/97181778_57457394.jpg sacre_coeur/test/images/89443230_8712904049.jpg 0 0 1458.98 0.0 239.5 0.0 1458.98 319.5 0.0 0.0 1.0 614.242 0.0 238.5 0.0 614.242 319.5 0.0 0.0 1.0 0.9993357237104266 0.00534523021483025 -0.03604913078159057 2.2648103780359046 -0.007124727385018065 0.9987528339806575 -0.04941674691128754 -1.4969390018628284 0.0357400276419441 0.049640760767292104 0.9981274694619909 -28.605155148927185 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/95399415_4857734874.jpg sacre_coeur/test/images/94573763_208832452.jpg 0 0 542.7 0.0 319.5 0.0 542.7 239.5 0.0 0.0 1.0 760.459 0.0 239.5 0.0 760.459 319.5 0.0 0.0 1.0 0.9652478224923388 0.08439874756608277 0.24733275679350444 -4.701517328753271 -0.06982333451569894 0.9952976408543154 -0.06713648834235042 1.4850671841182976 -0.25183594487464844 0.04753375136795315 0.9666018825504027 4.364796278062256 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/47029087_8959697396.jpg sacre_coeur/test/images/61084833_3699152935.jpg 0 0 622.643 0.0 319.5 0.0 622.643 239.5 0.0 0.0 1.0 1839.79 0.0 239.5 0.0 1839.79 319.5 0.0 0.0 1.0 0.9766708950764328 -0.05626674275822052 -0.20723903196545823 1.1418400145189211 0.020935611612900022 0.9854139980497004 -0.1688814750471426 3.5444039138557306 0.2137186535541382 0.16060294551185872 0.9636031501691561 41.48142863493091 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/52133956_2077236824.jpg sacre_coeur/test/images/35996631_900261655.jpg 0 0 765.696 0.0 166.0 0.0 765.696 249.5 0.0 0.0 1.0 896.808 0.0 319.5 0.0 896.808 204.0 0.0 0.0 1.0 0.9996894315293333 -0.004608353016331684 0.02449088751015158 -1.5774393635042672 0.005120089515328403 0.999769013919867 -0.020873511660754848 -0.014775730905913331 -0.024389037945623342 0.020992424542522682 0.999482112366156 -0.5775444713297446 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/75519914_2079302390.jpg sacre_coeur/test/images/11173357_5349727279.jpg 0 0 569.028 0.0 187.0 0.0 569.028 249.5 0.0 0.0 1.0 530.786 0.0 319.5 0.0 530.786 213.0 0.0 0.0 1.0 0.8793293877304892 -0.12043779640117341 -0.4607326394684365 10.451944867875671 0.17260593890209375 0.9823083718089932 0.07264607718033751 -0.803858006665257 0.44383219546271035 -0.14340502038629738 0.8845608980724595 -4.467454025245896 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/12060097_10141374576.jpg sacre_coeur/test/images/44859504_43728211.jpg 0 0 852.046 0.0 319.5 0.0 852.046 209.0 0.0 0.0 1.0 528.651 0.0 249.5 0.0 528.651 187.0 0.0 0.0 1.0 0.997456051917356 -0.003270024093644599 0.071209068494596 -0.9826520278667445 0.0015942296355630804 0.9997207392829626 0.023577571533048063 -3.850557057442452 -0.07126628182605134 -0.023404067807838293 0.9971827147944031 -16.37216332177572 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/55784150_6371469373.jpg sacre_coeur/test/images/83916827_2652728872.jpg 0 0 607.13 0.0 319.5 0.0 607.13 239.5 0.0 0.0 1.0 690.499 0.0 239.5 0.0 690.499 319.5 0.0 0.0 1.0 0.9888689861228389 0.058171061378857795 0.1369461788530311 -1.8606654248628565 -0.05889885615359543 0.9982631540528996 0.0012649127064971034 0.5016560305033211 -0.13663474312263074 -0.009316806234656916 0.9905776820085331 0.7092003714070715 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/55784150_6371469373.jpg sacre_coeur/test/images/68912179_3174719785.jpg 0 0 607.13 0.0 319.5 0.0 607.13 239.5 0.0 0.0 1.0 539.729 0.0 214.0 0.0 539.729 319.5 0.0 0.0 1.0 0.8818890015867288 -0.27334906581201757 -0.384125080019595 4.351078138321144 0.29101391917242236 0.9566353830306602 -0.012634982457007483 2.6816805284474174 0.3709214037074027 -0.10064309292484654 0.9231946057675222 4.49439074690808 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/06132465_4129851965.jpg sacre_coeur/test/images/69212502_553330789.jpg 0 0 298.312 0.0 319.5 0.0 298.312 213.0 0.0 0.0 1.0 859.802 0.0 213.0 0.0 859.802 319.5 0.0 0.0 1.0 0.9975249572541504 -0.04962961954602297 0.04980823745950216 -3.3968034279406236 0.041956357401498716 0.9885770148066639 0.14475893709730953 2.904917313498292 -0.056423609674522236 -0.1423108803277603 0.9882125224928267 14.163118020426953 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/74361805_4541261018.jpg sacre_coeur/test/images/89443230_8712904049.jpg 0 0 903.565 0.0 319.5 0.0 903.565 212.5 0.0 0.0 1.0 614.242 0.0 238.5 0.0 614.242 319.5 0.0 0.0 1.0 0.9968874613606007 0.006310933641403726 -0.07858474087627187 3.476643259504963 -0.01979637770879845 0.9848922478936524 -0.17203303016746205 -0.7921284242231486 0.07631181305425516 0.17305326392634754 0.981951666342499 -5.722897109917302 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/99818215_2123948121.jpg sacre_coeur/test/images/17082719_403390685.jpg 0 0 944.024 0.0 319.5 0.0 944.024 239.5 0.0 0.0 1.0 780.101 0.0 319.5 0.0 780.101 212.5 0.0 0.0 1.0 0.8158381601235023 -0.1589741160541419 -0.5559993947038997 16.208947943114538 0.29831683502149287 0.939359965294925 0.16914467636871217 -4.396200198144515 0.4953939467020747 -0.3038586612652685 0.8137903609314997 -7.7141850255894875 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/25122990_2171869199.jpg sacre_coeur/test/images/60535642_3153438485.jpg 0 0 611.269 0.0 239.5 0.0 611.269 319.5 0.0 0.0 1.0 722.898 0.0 319.5 0.0 722.898 239.5 0.0 0.0 1.0 0.7845829156676282 0.19946684634242842 0.5870627101534293 -6.761402791424636 -0.21499451115594817 0.9756165429526458 -0.04415564844890505 2.8417643517912987 -0.5815556797206078 -0.09157149298408596 0.8083363489645675 10.844090611171069 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/55963526_10058115724.jpg sacre_coeur/test/images/47029087_8959697396.jpg 0 0 730.033 0.0 319.5 0.0 730.033 239.5 0.0 0.0 1.0 622.643 0.0 319.5 0.0 622.643 239.5 0.0 0.0 1.0 0.9994563549148493 -0.026859213596134152 0.01912007492978109 4.332838850855296 0.02563732906798064 0.9977770272693437 0.061512041193663866 -0.6918147328605224 -0.020729736577758864 -0.06098841282201216 0.9979231891898638 -2.1958273769020433 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/86890299_6076455455.jpg sacre_coeur/test/images/64044824_2624053101.jpg 0 0 1814.03 0.0 212.5 0.0 1814.03 319.5 0.0 0.0 1.0 1359.6 0.0 212.5 0.0 1359.6 319.5 0.0 0.0 1.0 0.9977213225871214 0.024623997835424717 0.06281577179026145 -3.664224502120417 -0.019219062808322 0.9961749017706529 -0.08524196564486265 0.18637302116060828 -0.06467449327033793 0.08384046643972812 0.9943781906837025 -0.3864932101971732 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/95399415_4857734874.jpg sacre_coeur/test/images/74182138_8276852729.jpg 0 0 542.7 0.0 319.5 0.0 542.7 239.5 0.0 0.0 1.0 710.115 0.0 319.5 0.0 710.115 213.0 0.0 0.0 1.0 0.9998640011649526 -0.0024251490611969457 -0.01631250521663067 0.37246719378500637 0.0014375873769621875 0.9981803739666811 -0.060281625478001595 1.033133219327448 0.016429014484905247 0.06024997659557576 0.9980481089623323 2.863091715848885 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/18432192_5847633717.jpg sacre_coeur/test/images/04808852_3532579721.jpg 0 0 708.131 0.0 213.5 0.0 708.131 319.5 0.0 0.0 1.0 536.862 0.0 319.5 0.0 536.862 223.5 0.0 0.0 1.0 0.9703065107592158 0.10331078159142845 0.2187056414115661 -6.417645229639769 -0.09721086434782024 0.9945188739658297 -0.038500093227001014 -4.2420567861766 -0.22148436294922957 0.01609632668363307 0.97503106885692 -13.085031097248253 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/38432569_8875267871.jpg sacre_coeur/test/images/59914221_4605768617.jpg 0 0 569.282 0.0 239.5 0.0 569.282 319.5 0.0 0.0 1.0 658.209 0.0 319.5 0.0 658.209 239.5 0.0 0.0 1.0 -0.03900793616435327 0.9940924447026327 -0.10128470911909597 0.10840433319633991 -0.9894356722270585 -0.05258984115692928 -0.13509759113943146 2.5953768851978083 -0.13962604141343335 0.09494482604244993 0.9856419474469332 0.29449335223245665 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/56774631_6820191793.jpg sacre_coeur/test/images/97437832_311711460.jpg 0 0 1196.24 0.0 319.5 0.0 1196.24 213.0 0.0 0.0 1.0 489.971 0.0 249.5 0.0 489.971 187.0 0.0 0.0 1.0 0.9961819668236043 0.002404954415486909 0.08726800771023997 -4.647139010369302 -0.009299075977530142 0.9968566148590442 0.07867920054074808 -7.320856674550398 -0.08680447086077533 -0.07919031257689638 0.993072947085235 -34.7404113343712 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/97202520_2635602680.jpg sacre_coeur/test/images/30442266_2401730436.jpg 0 0 677.356 0.0 319.5 0.0 677.356 239.5 0.0 0.0 1.0 523.192 0.0 319.5 0.0 523.192 239.5 0.0 0.0 1.0 0.9929249576939285 0.07899006582412313 0.08866001291230889 -0.27682689097094415 -0.06976064232352756 0.9922562393428576 -0.1027667663584823 1.1070211377474255 -0.0960910046316457 0.09585470768966299 0.9907463822001119 2.4357524560656136 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/92423741_5783562525.jpg sacre_coeur/test/images/60748234_6779431614.jpg 0 0 502.585 0.0 212.0 0.0 502.585 319.5 0.0 0.0 1.0 1251.64 0.0 305.5 0.0 1251.64 305.5 0.0 0.0 1.0 0.9996903465750939 -0.006104112312432705 -0.02412365597180049 -0.17576438083972512 0.004502029280842042 0.9978150062707023 -0.06591619674520786 3.953259785545714 0.024473305802915533 0.0657871801635829 0.997533510328952 27.447740151836985 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/52649350_2359344244.jpg sacre_coeur/test/images/70170436_3664390013.jpg 0 0 869.111 0.0 319.5 0.0 869.111 212.5 0.0 0.0 1.0 523.702 0.0 213.5 0.0 523.702 319.5 0.0 0.0 1.0 0.9976090611062324 -0.007206294708118631 0.06873303801899831 -2.173264092952832 -0.016982994821007732 0.9384890288820723 0.34489117204546504 -14.535306300116966 -0.06699058953055237 -0.3452338511568133 0.9361227744958371 -32.1714793048396 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/72198457_1660226670.jpg sacre_coeur/test/images/66599130_8409392232.jpg 0 0 1443.11 0.0 187.0 0.0 1443.11 249.5 0.0 0.0 1.0 701.54 0.0 319.5 0.0 701.54 239.5 0.0 0.0 1.0 0.9993718065771288 -0.01574700182010866 0.03174939609572835 -2.665147374495671 0.010717845278690692 0.9882046588019366 0.1527634776860291 -10.186124470672189 -0.033780467897114815 -0.1523272275590459 0.9877526490639377 -41.20379948314003 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/21037086_3590495621.jpg sacre_coeur/test/images/76812051_2399423344.jpg 0 0 661.089 0.0 239.5 0.0 661.089 319.5 0.0 0.0 1.0 731.379 0.0 319.5 0.0 731.379 239.5 0.0 0.0 1.0 0.9457632593896903 -0.0681780679915985 -0.3176218006269753 5.707509002170454 0.07039578375058357 0.9975089723311876 -0.004503748318779847 1.859240950503891 0.31713765279249034 -0.018099755901967392 0.9482067854732737 8.721593128798713 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/40133282_13969857252.jpg sacre_coeur/test/images/70970334_5790897082.jpg 0 0 1447.89 0.0 213.0 0.0 1447.89 319.5 0.0 0.0 1.0 633.07 0.0 319.5 0.0 633.07 239.5 0.0 0.0 1.0 0.999027628909779 0.015057453681148905 0.041437540510324465 -0.7997884078734578 -0.020020129883806262 0.9923177685189503 0.12208456364752637 -6.750142333354154 -0.03928092506981283 -0.1227954370903554 0.9916543195869457 -31.14956206560678 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/84278429_5829272410.jpg sacre_coeur/test/images/58219592_4573644273.jpg 0 0 1453.22 0.0 319.5 0.0 1453.22 213.0 0.0 0.0 1.0 612.079 0.0 319.5 0.0 612.079 239.5 0.0 0.0 1.0 0.9975242215435762 -0.016518819194073373 0.0683560973601884 -3.892520260538508 0.015965017382858354 0.9998352195963104 0.008640131640350567 -4.96913727880192 -0.0684875583872507 -0.00752743430599496 0.9976235723352379 -30.77452003051018 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/04915709_121816865.jpg sacre_coeur/test/images/27614460_8959698816.jpg 0 0 582.627 0.0 249.5 0.0 582.627 183.5 0.0 0.0 1.0 807.303 0.0 319.5 0.0 807.303 319.5 0.0 0.0 1.0 0.9720724857587524 -0.08502184418525237 -0.21873812754556352 2.8672414223964875 0.04592517282185975 0.9829621433393129 -0.17797837863927915 -0.02162766408374639 0.23014334865922773 0.16296229862493652 0.9594150969704376 1.2290424026345375 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/73413427_2624866230.jpg sacre_coeur/test/images/79220560_3217246137.jpg 0 0 1391.03 0.0 212.5 0.0 1391.03 319.5 0.0 0.0 1.0 1106.67 0.0 214.0 0.0 1106.67 319.5 0.0 0.0 1.0 0.9917740658246548 -0.06027790977671638 -0.11291933382102295 6.110994472854687 0.05572606037967378 0.9975177815628711 -0.04304511192283393 0.9392575127677301 0.11523371274151735 0.036398476051043495 0.9926713163927763 8.066293702649112 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/61046986_5564238795.jpg sacre_coeur/test/images/00204549_3820006713.jpg 0 0 1203.71 0.0 210.0 0.0 1203.71 319.5 0.0 0.0 1.0 565.301 0.0 319.5 0.0 565.301 213.5 0.0 0.0 1.0 0.9999515873763681 -0.002974327920326718 -0.009379566989142862 0.91511699852322 0.005069001034220319 0.9727146901443122 0.23194921169508054 -15.45190640995802 0.008433749581089474 -0.23198552745996154 0.9726826753454215 -41.54164263500075 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/99117955_5783559928.jpg sacre_coeur/test/images/22593097_5934502901.jpg 0 0 537.035 0.0 319.5 0.0 537.035 239.5 0.0 0.0 1.0 1517.12 0.0 319.5 0.0 1517.12 179.5 0.0 0.0 1.0 0.9836095372280176 -0.07312019555005614 -0.16482025141591902 3.9435280559731103 0.04263058488847799 0.9824753713250692 -0.1814518613068865 3.7801331208785753 0.17519963329342747 0.17145139760990244 0.9694893020304349 42.57353361534136 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/98400098_660544149.jpg sacre_coeur/test/images/23236854_6565983213.jpg 0 0 1210.72 0.0 239.0 0.0 1210.72 319.5 0.0 0.0 1.0 668.656 0.0 239.5 0.0 668.656 319.5 0.0 0.0 1.0 0.9521097991149168 0.08155830491633459 0.2946780842351982 -14.328193923715125 -0.12383328777981793 0.9840450361624706 0.12775243105961948 -2.957860778479583 -0.27955723433134966 -0.1581252974801193 0.9470185547442197 -27.678993311887098 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/73479674_2286585340.jpg sacre_coeur/test/images/03337951_335877896.jpg 0 0 510.127 0.0 249.5 0.0 510.127 187.0 0.0 0.0 1.0 572.41 0.0 249.5 0.0 572.41 187.0 0.0 0.0 1.0 0.9940775710692182 0.04854076752506191 0.09722950470511191 -0.2079181006157261 -0.035419935265086064 0.9905641414699383 -0.1323937680547737 4.618680570281312 -0.10273855597068027 0.12816581261007945 0.9864169065841568 15.989730455802432 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/36940211_2500226864.jpg sacre_coeur/test/images/08124432_3626165332.jpg 0 0 647.827 0.0 319.5 0.0 647.827 239.5 0.0 0.0 1.0 1404.56 0.0 196.5 0.0 1404.56 249.5 0.0 0.0 1.0 0.9989329635632492 -0.03030091444187634 0.0348538217521441 -1.4186716560244792 0.03177482741907834 0.9985892703126044 -0.042542091615579036 3.4525087184139758 -0.03351558815285703 0.043604171824799295 0.9984865455028633 35.401100407590455 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/96885359_3247150502.jpg sacre_coeur/test/images/30178210_1968722368.jpg 0 0 1659.61 0.0 319.5 0.0 1659.61 213.0 0.0 0.0 1.0 742.141 0.0 319.5 0.0 742.141 249.0 0.0 0.0 1.0 0.9362041803052567 0.08879953641804478 0.3400534886027532 -3.8421613385756954 -0.216314722745939 0.9081676797866785 0.3583844389956529 -2.8732175653907266 -0.277001215705473 -0.4090795860499784 0.8694390253346512 -5.625428087244576 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/72198457_1660226670.jpg sacre_coeur/test/images/26172565_2334920022.jpg 0 0 1443.11 0.0 187.0 0.0 1443.11 249.5 0.0 0.0 1.0 701.449 0.0 319.5 0.0 701.449 239.5 0.0 0.0 1.0 0.9967352167920768 -0.05816934146406342 -0.05599317208453933 2.849004865582223 0.0708859288574465 0.962470712037822 0.26196433642659256 -17.72850137853444 0.038653495268457606 -0.26507820767283974 0.9634518416197491 -47.551549667049606 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/67466492_5056065534.jpg sacre_coeur/test/images/74182138_8276852729.jpg 0 0 662.238 0.0 239.5 0.0 662.238 319.5 0.0 0.0 1.0 710.115 0.0 319.5 0.0 710.115 213.0 0.0 0.0 1.0 0.8517697333479363 0.1343959636538108 0.5063852745745565 -6.580522248498068 -0.2040305238401694 0.975324932472128 0.08433754466277119 1.8911592557446428 -0.48255555814215995 -0.1751542207650231 0.8581731365256698 9.222520712697499 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/75026938_1499132926.jpg sacre_coeur/test/images/79302802_4840098295.jpg 0 0 580.942 0.0 187.0 0.0 580.942 249.5 0.0 0.0 1.0 528.086 0.0 319.5 0.0 528.086 213.0 0.0 0.0 1.0 0.9982414731428362 -0.02434353842039402 0.05404954611090901 -0.5741181319431602 0.028410873387518343 0.996717756472452 -0.07580591141778117 1.3885774097091197 -0.052026758220927824 0.07720819949783107 0.9956566227165489 4.503381677071868 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/06632036_566711823.jpg sacre_coeur/test/images/18244579_9045725729.jpg 0 0 498.319 0.0 319.5 0.0 498.319 212.5 0.0 0.0 1.0 676.419 0.0 319.5 0.0 676.419 239.5 0.0 0.0 1.0 0.9356096070646919 -0.02791720928970152 -0.3519308065426046 9.089382338065125 0.0727966331495735 0.9907012654119065 0.11494195453938352 -1.1859575239526154 0.345449436778148 -0.13316017473975578 0.9289419004937488 -4.475119019683551 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/92912238_291183223.jpg sacre_coeur/test/images/18698491_4586522698.jpg 0 0 1859.84 0.0 239.5 0.0 1859.84 319.5 0.0 0.0 1.0 1792.43 0.0 246.5 0.0 1792.43 319.5 0.0 0.0 1.0 0.9996600829497934 -0.004990704700244347 0.02558928337033104 -1.2652703272472114 0.004503774720236667 0.9998083670597501 0.01905111992995339 -0.12876150629972472 -0.02567945813449925 -0.018929395761911483 0.9994909921585123 -0.5097543495162995 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/31938889_10141160664.jpg sacre_coeur/test/images/60953043_2624021191.jpg 0 0 1776.39 0.0 210.0 0.0 1776.39 319.5 0.0 0.0 1.0 1395.38 0.0 212.5 0.0 1395.38 319.5 0.0 0.0 1.0 0.999212177310242 0.02926159009324232 -0.026810148454285053 1.3922772643307506 -0.02570059254525496 0.9918620875947621 0.12469594514250676 -7.389916536960071 0.030240771447642114 -0.1239086701461013 0.9918327163412568 -33.41445401232241 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/32903762_508473415.jpg sacre_coeur/test/images/73608962_13972912642.jpg 0 0 713.267 0.0 319.5 0.0 713.267 239.5 0.0 0.0 1.0 713.805 0.0 239.5 0.0 713.805 319.5 0.0 0.0 1.0 0.9863247152921529 0.047404119286360444 0.15784931256909987 -2.0006108819011907 -0.04359001223110608 0.9986698470421579 -0.027539924518502974 -0.1383657975630732 -0.15894485470610517 0.020282654744321067 0.987079098694212 -0.0777171145657718 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/70724808_2779990339.jpg sacre_coeur/test/images/44122025_7441115438.jpg 0 0 1030.95 0.0 249.5 0.0 1030.95 165.5 0.0 0.0 1.0 1479.22 0.0 319.5 0.0 1479.22 213.0 0.0 0.0 1.0 0.9917875024616204 0.02698262487832423 -0.1250179503736025 1.7670125471256122 -0.025919424233009733 0.9996127744278043 0.0101234701647586 3.3698899074150024 0.125242698024157 -0.006799937898475904 0.9921028310796248 19.78630703675468 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/44937588_1061437022.jpg sacre_coeur/test/images/87551911_7790325846.jpg 0 0 521.234 0.0 319.5 0.0 521.234 239.5 0.0 0.0 1.0 479.404 0.0 319.5 0.0 479.404 239.5 0.0 0.0 1.0 0.9696463274733397 -0.13268965994433235 -0.20537637099072956 4.592830793214155 0.11177942356109968 0.9875907298430289 -0.11031731866058712 1.4622839052469194 0.21746576761829106 0.08401193053353018 0.9724456979401043 2.8305320274184345 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/53515910_7697309520.jpg sacre_coeur/test/images/22663714_8829093598.jpg 0 0 500.109 0.0 319.5 0.0 500.109 212.5 0.0 0.0 1.0 595.075 0.0 239.5 0.0 595.075 319.5 0.0 0.0 1.0 0.8556319757304529 0.2609044512562532 0.44701542414359174 -6.394907246629298 -0.13905414990546205 0.9477793233532379 -0.2870161974839536 -0.13430920928753448 -0.49855577972948134 0.18342088632092027 0.847230141673192 6.7838276695932125 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/03257649_3859474410.jpg sacre_coeur/test/images/79302802_4840098295.jpg 0 0 1327.45 0.0 239.5 0.0 1327.45 319.5 0.0 0.0 1.0 528.086 0.0 319.5 0.0 528.086 213.0 0.0 0.0 1.0 0.9996173124492842 -0.008343799051601783 0.0263744131509465 -1.962557017551822 0.00514950549596362 0.9928883036008997 0.11893821574949974 -7.944133678596995 -0.027179242903682406 -0.11875688438955437 0.9925513040469336 -39.51309355868483 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/79893810_6766787721.jpg sacre_coeur/test/images/77145724_5072492873.jpg 0 0 1017.45 0.0 212.0 0.0 1017.45 319.5 0.0 0.0 1.0 558.428 0.0 192.5 0.0 558.428 319.5 0.0 0.0 1.0 0.9527715827666284 -0.09223032990632594 -0.28934387382100213 0.534766167327315 0.07675961740429788 0.9949680621275914 -0.06439345061426158 -1.9629182204495121 0.29382694261813286 0.03914232480877716 0.9550568601922321 -8.943163466341078 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/70970334_5790897082.jpg sacre_coeur/test/images/33672452_9565324953.jpg 0 0 633.07 0.0 319.5 0.0 633.07 239.5 0.0 0.0 1.0 493.101 0.0 212.5 0.0 493.101 319.5 0.0 0.0 1.0 0.9940340960219115 0.05371582178503739 0.0949253729824591 -0.874646095495772 -0.02455381079327029 0.9581857759792285 -0.2850914398690565 -0.21481365051655438 -0.1062700631477612 0.28105983206613083 0.9537882597712812 4.1969723618393875 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/06632036_566711823.jpg sacre_coeur/test/images/92863105_622062757.jpg 0 0 498.319 0.0 319.5 0.0 498.319 212.5 0.0 0.0 1.0 1225.4 0.0 239.0 0.0 1225.4 319.5 0.0 0.0 1.0 0.9795127960661306 0.08133051661641172 0.18422819927909764 -3.7253024907598986 -0.07634600786185672 0.9965014630533977 -0.03400178254143986 2.2329428123503576 -0.1863490526572879 0.019240093537860596 0.9822951946204286 30.904890180096487 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/47788810_3531619701.jpg sacre_coeur/test/images/58368117_3401402227.jpg 0 0 394.04 0.0 166.5 0.0 394.04 249.5 0.0 0.0 1.0 682.756 0.0 319.5 0.0 682.756 239.0 0.0 0.0 1.0 0.9942505471085916 -0.02876675884938652 -0.10314224721018816 2.1528639433401047 0.03116874493852339 0.9992774148182365 0.021752185479616108 0.4687005083675282 0.10244197827660104 -0.02484193670959633 0.9944287401655749 1.9712617659632317 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/99818215_2123948121.jpg sacre_coeur/test/images/86890299_6076455455.jpg 0 0 944.024 0.0 319.5 0.0 944.024 239.5 0.0 0.0 1.0 1814.03 0.0 212.5 0.0 1814.03 319.5 0.0 0.0 1.0 0.9998348500202258 -0.002189780878060929 -0.018040996223573406 0.5212091523355185 8.686712564229477e-05 0.9932786047870477 -0.11574802687907264 4.167675070715568 0.018173198373852464 0.11572734392528898 0.9931147550655274 35.93062863366548 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/78937340_9546137587.jpg sacre_coeur/test/images/84979436_3867757669.jpg 0 0 944.217 0.0 239.5 0.0 944.217 319.5 0.0 0.0 1.0 527.25 0.0 239.5 0.0 527.25 319.5 0.0 0.0 1.0 0.9992736575574644 0.009580438445255106 -0.03688322804369993 2.5060490123742487 -0.012562187755097114 0.9965958218621296 -0.08147980906796679 -1.274058339598587 0.03597705866983268 0.08188396086013014 0.9959923032851831 -43.26800469480931 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/20864632_4515642500.jpg sacre_coeur/test/images/32086795_402359870.jpg 0 0 707.548 0.0 319.5 0.0 707.548 239.5 0.0 0.0 1.0 689.084 0.0 239.5 0.0 689.084 319.5 0.0 0.0 1.0 0.9084394033510438 -0.14062150475436513 -0.3936539633228878 2.2398968113068003 0.10876025932604928 0.9887971583735858 -0.10223201838784364 0.6340313735918213 0.40361994057594575 0.05005768665190128 0.913556331912012 2.7889420856197393 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/95398527_2664763907.jpg sacre_coeur/test/images/23743016_2389191967.jpg 0 0 829.676 0.0 319.5 0.0 829.676 213.0 0.0 0.0 1.0 714.056 0.0 239.5 0.0 714.056 319.5 0.0 0.0 1.0 0.9993880401652719 0.011278505092635682 0.03311103286658517 1.0415339162117478 -0.008483626540744837 0.9964827169212576 -0.08336799720483828 -0.8034686429542275 -0.03393483837200142 0.08303607770182876 0.995968592147645 -1.7675521807926513 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/76850149_8327024804.jpg sacre_coeur/test/images/27733835_2747519645.jpg 0 0 799.829 0.0 319.5 0.0 799.829 239.5 0.0 0.0 1.0 506.292 0.0 187.0 0.0 506.292 249.5 0.0 0.0 1.0 0.999628740949177 0.011524844890815667 0.024689232847661183 -0.9535805565055899 -0.006605071231576406 0.9816100271221827 -0.19078293342753097 0.16810567040225854 -0.026433942240785678 0.19054902939514162 0.9813217179366717 0.10329269859589552 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/61046986_5564238795.jpg sacre_coeur/test/images/93845208_10996896025.jpg 0 0 1203.71 0.0 210.0 0.0 1203.71 319.5 0.0 0.0 1.0 1826.02 0.0 226.0 0.0 1826.02 301.5 0.0 0.0 1.0 0.9997315769844762 -0.002111115147599028 -0.023071999760875626 1.8808835134627278 0.0006750535695482969 0.9980713220425238 -0.06207399148569884 1.3755819616807123 0.023158546647199324 0.06204175456192341 0.9978048418443697 6.154403259849779 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/56774631_6820191793.jpg sacre_coeur/test/images/64655298_3515609807.jpg 0 0 1196.24 0.0 319.5 0.0 1196.24 213.0 0.0 0.0 1.0 649.481 0.0 179.5 0.0 649.481 319.5 0.0 0.0 1.0 0.9942259690665206 0.0004938111663779295 0.10730553846036822 -5.446608067959933 -0.01156665654332436 0.9946562614425785 0.10259207586106202 -5.859860658549456 -0.10668146460443058 -0.10324087235007796 0.9889187971649889 -26.467357579909866 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/45575968_5097432755.jpg sacre_coeur/test/images/63516274_5829260794.jpg 0 0 588.085 0.0 319.5 0.0 588.085 179.5 0.0 0.0 1.0 522.011 0.0 319.5 0.0 522.011 213.0 0.0 0.0 1.0 0.9829553375693179 0.0860896055939702 0.16244194086707656 -4.0855957562924035 -0.11757489037123235 0.9736385359191534 0.19545881030897558 -6.002961605375654 -0.14133276158831978 -0.2112263742572931 0.9671651716847215 -14.083243203429399 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/76610569_4643204754.jpg sacre_coeur/test/images/12060097_10141374576.jpg 0 0 503.401 0.0 212.5 0.0 503.401 319.5 0.0 0.0 1.0 852.046 0.0 319.5 0.0 852.046 209.0 0.0 0.0 1.0 0.8059749034324193 0.13754302367222018 0.5757485316318275 -9.604913928146832 -0.2162921640019739 0.9738056157210134 0.07014501109531099 3.3262235920149816 -0.5510191964246306 -0.18106501437141612 0.8146123653261305 17.492826001036647 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/95748780_10564008623.jpg sacre_coeur/test/images/16577293_2866312822.jpg 0 0 512.767 0.0 319.5 0.0 512.767 212.5 0.0 0.0 1.0 536.259 0.0 319.5 0.0 536.259 213.0 0.0 0.0 1.0 0.8465084510770429 0.23870779995531993 0.4758592528212903 -10.85209026359458 -0.2449264321738953 0.9682511225088472 -0.05000806517876482 1.247099676538608 -0.47268857091928085 -0.07421825921461829 0.8780986077437088 7.527052059636308 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/01723814_7963028620.jpg sacre_coeur/test/images/89443230_8712904049.jpg 0 0 505.251 0.0 319.5 0.0 505.251 214.0 0.0 0.0 1.0 614.242 0.0 238.5 0.0 614.242 319.5 0.0 0.0 1.0 0.8453826417233498 0.2431302871781462 0.4756215433824698 -9.52628496095288 -0.16914499345676987 0.9664332016515771 -0.1933826205582899 0.643847855042292 -0.5066736230171843 0.08303330778762458 0.8581301238952552 8.240322663222521 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/08081221_11367454663.jpg sacre_coeur/test/images/94345410_6525608719.jpg 0 0 670.286 0.0 212.5 0.0 670.286 319.5 0.0 0.0 1.0 1400.71 0.0 319.5 0.0 1400.71 211.5 0.0 0.0 1.0 0.9990753485153965 0.03714009702566811 0.02165782033730726 3.483551439258394 -0.032621758895651026 0.9829748785852417 -0.18082093052764459 4.508452308744844 -0.028004800220553926 0.17994721799253582 0.9832775446949623 41.3392540237818 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/36478780_3343078633.jpg sacre_coeur/test/images/36799566_319205128.jpg 0 0 666.684 0.0 319.5 0.0 666.684 239.5 0.0 0.0 1.0 815.415 0.0 166.0 0.0 815.415 249.5 0.0 0.0 1.0 -0.09694610689454207 -0.9646707947259872 -0.24497287637761936 2.2139219191167987 0.9934526285002194 -0.0788429329345306 -0.08267809173103656 2.169145389708941 0.060442760393587466 -0.2513842670673991 0.9659982520620779 11.401440480332687 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/12060097_10141374576.jpg sacre_coeur/test/images/16385535_4660789205.jpg 0 0 852.046 0.0 319.5 0.0 852.046 209.0 0.0 0.0 1.0 669.771 0.0 239.5 0.0 669.771 319.5 0.0 0.0 1.0 0.9996863840594122 -0.004240505768554493 -0.02468099748884841 -1.6943408742896104 -0.003089483575923065 0.9571466542130005 -0.2895871844887015 -2.9508498953959172 0.02485133029541449 0.289572616867835 0.9568333767918333 19.773901599591643 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/61046986_5564238795.jpg sacre_coeur/test/images/34366638_4030867612.jpg 0 0 1203.71 0.0 210.0 0.0 1203.71 319.5 0.0 0.0 1.0 648.225 0.0 239.5 0.0 648.225 319.5 0.0 0.0 1.0 0.9911284148597043 -0.016095633402299282 -0.13192951088770413 6.515376219582459 0.01847270434159614 0.9996879822363526 0.01681360658863996 -5.342678445168463 0.13161772088893664 -0.019101538094833375 0.9911164950652439 -40.34572172029429 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/30959030_12203993343.jpg sacre_coeur/test/images/24662873_8171467618.jpg 0 0 1448.34 0.0 213.0 0.0 1448.34 319.5 0.0 0.0 1.0 733.364 0.0 239.5 0.0 733.364 319.5 0.0 0.0 1.0 0.9972189609196148 -0.012001840348434201 -0.07355474023238988 4.140721888220788 0.016904506477081412 0.9976500373026855 0.06639759582030515 -5.498349940046082 0.07258499599207793 -0.06745634809416369 0.9950784187483059 -34.70488465809382 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/65606241_8601988847.jpg sacre_coeur/test/images/70139640_13923464795.jpg 0 0 545.165 0.0 319.5 0.0 545.165 212.5 0.0 0.0 1.0 544.883 0.0 239.5 0.0 544.883 319.5 0.0 0.0 1.0 0.9175322013258884 -0.12122901792390939 -0.3787323391833262 7.434273809480077 0.11481415716731465 0.9925986106102893 -0.039569022334175606 -1.9085816234183302 0.38072610738433577 -0.0071779821487497775 0.924659995743432 -11.97831704901667 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/87551911_7790325846.jpg sacre_coeur/test/images/44748036_142906563.jpg 0 0 479.404 0.0 319.5 0.0 479.404 239.5 0.0 0.0 1.0 516.863 0.0 187.0 0.0 516.863 249.5 0.0 0.0 1.0 0.9996669353301602 -0.01280332658077694 -0.022407437070571756 -1.8792581738288607 0.011504374845543973 0.9982982681383255 -0.0571683233218623 -0.1307167323266829 0.023101250334535785 0.05689149901774203 0.9981130645235013 -0.5000222245153632 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/70467218_7085137245.jpg sacre_coeur/test/images/16577293_2866312822.jpg 0 0 983.528 0.0 305.5 0.0 983.528 305.5 0.0 0.0 1.0 536.259 0.0 319.5 0.0 536.259 213.0 0.0 0.0 1.0 0.9998984870224592 0.009028270195352425 0.011022975436638749 0.1567363630538074 -0.007513698729920988 0.9914266069687485 -0.13044856199219063 0.1897630627021465 -0.012106196000107285 0.13035249645370864 0.9913938000041623 -0.5236618188033955 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/79770190_8442039294.jpg sacre_coeur/test/images/70139640_13923464795.jpg 0 0 704.085 0.0 239.5 0.0 704.085 319.5 0.0 0.0 1.0 544.883 0.0 239.5 0.0 544.883 319.5 0.0 0.0 1.0 0.9636084035554088 -0.08671374775006373 -0.25286275041716794 6.222672660801306 0.10955647497098002 0.990940882721723 0.07767590194278617 -2.504108118014052 0.2438364685385057 -0.10255190345298631 0.9643790145522867 -12.899257551900144 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/26140494_3397638398.jpg sacre_coeur/test/images/40932424_8951501615.jpg 0 0 675.035 0.0 319.5 0.0 675.035 239.5 0.0 0.0 1.0 640.24 0.0 319.5 0.0 640.24 212.0 0.0 0.0 1.0 0.9954709242624635 -0.03131407895736479 -0.0897611687038944 2.104246034034989 0.03283242381231272 0.9993408486076464 0.01548871365730968 1.3072807536320625 0.08921698770215088 -0.01836564083285343 0.9958428753283086 5.6024131835673145 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/55784150_6371469373.jpg sacre_coeur/test/images/62933368_3252099162.jpg 0 0 607.13 0.0 319.5 0.0 607.13 239.5 0.0 0.0 1.0 439.426 0.0 319.5 0.0 439.426 213.0 0.0 0.0 1.0 0.9548484271995953 -0.14891174337466345 -0.25707931414172175 2.9857863805028084 0.1344277559369342 0.9882213856553306 -0.07312777425314139 1.4868084720279984 0.2649408603975987 0.03526734493234131 0.9636195073125094 3.61018105228465 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/67569977_7754509434.jpg sacre_coeur/test/images/20934731_2795411032.jpg 0 0 1806.88 0.0 239.5 0.0 1806.88 319.5 0.0 0.0 1.0 380.178 0.0 166.0 0.0 380.178 249.5 0.0 0.0 1.0 0.9757465328887265 -0.06856450210551818 -0.2078884619372904 12.190798416286455 0.06796653219439698 0.997637218658404 -0.010026487370537096 -3.6874405545895534 0.20808472807272008 -0.004346147552250333 0.9781011486264376 -44.32704038041428 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/21142120_2892123124.jpg sacre_coeur/test/images/25122990_2171869199.jpg 0 0 706.719 0.0 319.5 0.0 706.719 240.5 0.0 0.0 1.0 611.269 0.0 239.5 0.0 611.269 319.5 0.0 0.0 1.0 0.9535932287432447 -0.09829074512931929 -0.28460302794762665 6.7407778416695905 0.10467087342174211 0.9944804432214364 0.007256466579912485 0.274666873935512 0.282318901868373 -0.03670936490895678 0.9586179949155018 -2.1378035054810143 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/17616986_7085723791.jpg sacre_coeur/test/images/60635619_2829148962.jpg 0 0 511.96 0.0 319.5 0.0 511.96 212.0 0.0 0.0 1.0 530.154 0.0 249.5 0.0 530.154 187.0 0.0 0.0 1.0 0.9689762667190416 -0.13912948644394718 -0.20427427771766093 2.2497283663016274 0.1488070230561525 0.9883245315999676 0.03272751330104895 0.6482118646050332 0.19733591772506653 -0.06210963081155905 0.9783664596336371 0.9458361629563572 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/65409197_2096349519.jpg sacre_coeur/test/images/99117955_5783559928.jpg 0 0 548.189 0.0 166.0 0.0 548.189 249.5 0.0 0.0 1.0 537.035 0.0 319.5 0.0 537.035 239.5 0.0 0.0 1.0 0.9703319145261349 0.09021921844691712 0.22431332611967922 -5.155229515541672 -0.10149258396188934 0.9940628369275454 0.03922157110952116 -1.4623605476137425 -0.2194430018314208 -0.060824081270396804 0.9737274773183858 -6.027734341045065 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/39049516_4219301204.jpg sacre_coeur/test/images/33411162_10141421203.jpg 0 0 1803.38 0.0 239.5 0.0 1803.38 319.5 0.0 0.0 1.0 878.795 0.0 218.5 0.0 878.795 319.5 0.0 0.0 1.0 0.9999339045704684 -0.0010711465018932713 -0.011447232662480999 0.7526031049638698 0.002464283591052816 0.9924789872350462 0.12239030681912631 -7.159473401674533 0.0112300399304881 -0.12241042660683958 0.9924160285188318 -35.13545727898739 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/39049516_4219301204.jpg sacre_coeur/test/images/03836329_3380486130.jpg 0 0 1803.38 0.0 239.5 0.0 1803.38 319.5 0.0 0.0 1.0 944.708 0.0 319.5 0.0 944.708 301.0 0.0 0.0 1.0 0.9834821664122874 -0.0017554076816552304 -0.1809965383449787 11.91457697233044 0.03595209881034583 0.9819239734756249 0.18582991391315812 -11.07387822039958 0.1773986328586703 -0.18926761175043072 0.965767827276392 -38.938314845865044 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/55185330_108661534.jpg sacre_coeur/test/images/23735654_3093471146.jpg 0 0 674.5 0.0 319.5 0.0 674.5 239.5 0.0 0.0 1.0 662.801 0.0 239.5 0.0 662.801 319.5 0.0 0.0 1.0 0.9896942938279883 0.0753375796072228 0.12177624506957262 -3.1573575555218287 -0.07313374824967303 0.9970689088628172 -0.022473225092642178 -0.49733912478459785 -0.12311238618137776 0.013335669388391327 0.9923031292355631 -2.781806463465731 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/78937340_9546137587.jpg sacre_coeur/test/images/60953043_2624021191.jpg 0 0 944.217 0.0 239.5 0.0 944.217 319.5 0.0 0.0 1.0 1395.38 0.0 212.5 0.0 1395.38 319.5 0.0 0.0 1.0 0.9986198052283323 0.019320950170548162 -0.048838360847135075 2.328446541821468 -0.013045722160048455 0.991984134491346 0.12568725492578023 -8.161549613290934 0.0508752763044153 -0.1248766503473025 0.9908670589231368 -35.304434085045045 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/38714154_3919914519.jpg sacre_coeur/test/images/84278429_5829272410.jpg 0 0 1481.11 0.0 213.5 0.0 1481.11 319.5 0.0 0.0 1.0 1453.22 0.0 319.5 0.0 1453.22 213.0 0.0 0.0 1.0 0.9984449269218063 0.017195965373003427 -0.05302854588803547 3.2925464724246543 -0.012500559267747182 0.9960739233434607 0.0876383206888355 -1.90047167090861 0.054327377279807604 -0.08683915021495829 0.9947399147856898 -7.907135633844831 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/37166302_11262849873.jpg sacre_coeur/test/images/32903762_508473415.jpg 0 0 749.58 0.0 319.5 0.0 749.58 239.5 0.0 0.0 1.0 713.267 0.0 319.5 0.0 713.267 239.5 0.0 0.0 1.0 0.9469909897849372 -0.01203386941210656 -0.32103465740184123 6.46619595606448 0.11850561567251715 0.9419108030507577 0.3142617669242541 -7.403755882857583 0.2986042268961087 -0.33564747143878343 0.8934071247737666 -32.8338183013572 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/16555640_3650571161.jpg sacre_coeur/test/images/44122025_7441115438.jpg 0 0 1235.34 0.0 239.5 0.0 1235.34 319.5 0.0 0.0 1.0 1479.22 0.0 319.5 0.0 1479.22 213.0 0.0 0.0 1.0 0.9989099985494201 0.03354306493748929 0.032460400376416884 0.5525184214218962 -0.03954808672526343 0.9775751154771944 0.2068401373914674 -8.186562339838911 -0.024794427486210507 -0.20789842807089567 0.9778361212244521 -25.552751113066968 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/72198457_1660226670.jpg sacre_coeur/test/images/57164580_3093476792.jpg 0 0 1443.11 0.0 187.0 0.0 1443.11 249.5 0.0 0.0 1.0 647.246 0.0 319.5 0.0 647.246 239.5 0.0 0.0 1.0 0.9998147920455893 -0.01834888998700524 0.005805156593915095 -0.5749748633959239 0.017999154866852964 0.9982995000084974 0.055444915969483206 -5.273691787125767 -0.006812637588639258 -0.0553301592174538 0.9984448715127225 -37.08715376682923 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/55864846_6415556309.jpg sacre_coeur/test/images/97181778_57457394.jpg 0 0 437.599 0.0 213.0 0.0 437.599 319.5 0.0 0.0 1.0 1458.98 0.0 239.5 0.0 1458.98 319.5 0.0 0.0 1.0 0.9975621330379184 -0.035503390249509145 -0.060077450092607405 1.1468276690273262 0.03181805691231623 0.997616670972616 -0.061225722142250694 2.7603964600395816 0.0621079864684348 0.05916491425081709 0.9963142631411689 29.071118920976613 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/85291069_9106452141.jpg sacre_coeur/test/images/34366638_4030867612.jpg 0 0 1805.38 0.0 239.5 0.0 1805.38 319.5 0.0 0.0 1.0 648.225 0.0 239.5 0.0 648.225 319.5 0.0 0.0 1.0 0.9897221991893462 0.009628717169970187 -0.14267885700924685 5.823302574581916 -0.01224654903082487 0.9997721937804854 -0.017480920461772256 -5.149378995776096 0.1424780350392298 0.019048578661305063 0.9896146528737051 -39.896693120473934 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/16555640_3650571161.jpg sacre_coeur/test/images/66599130_8409392232.jpg 0 0 1235.34 0.0 239.5 0.0 1235.34 319.5 0.0 0.0 1.0 701.54 0.0 319.5 0.0 701.54 239.5 0.0 0.0 1.0 0.9967635868246276 -0.019887003049618667 0.07789004487229188 -2.5876778931168953 0.0028490447444305673 0.9770476374810861 0.21300187096988685 -11.992287606635786 -0.0803382531833212 -0.21209059668531394 0.9739421665956967 -45.428040515528906 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/40133282_13969857252.jpg sacre_coeur/test/images/47058715_3625029597.jpg 0 0 1447.89 0.0 213.0 0.0 1447.89 319.5 0.0 0.0 1.0 679.749 0.0 319.5 0.0 679.749 239.5 0.0 0.0 1.0 0.938343905988832 0.10411263766186295 0.3296532614319348 -12.62424394405141 -0.0915848216362497 0.9943669544283448 -0.053353354034723695 -0.9753300680657699 -0.33335106800410613 0.019872559472495954 0.9425933093548531 -30.605708156635338 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/08124432_3626165332.jpg sacre_coeur/test/images/79410678_281876803.jpg 0 0 1404.56 0.0 196.5 0.0 1404.56 249.5 0.0 0.0 1.0 521.004 0.0 249.5 0.0 521.004 187.0 0.0 0.0 1.0 0.9964479781610933 0.05320672553442502 -0.06527228490388459 4.913984198314141 -0.049520341529071386 0.9971537579121567 0.056851726943938634 -6.641929811721979 0.0681113984110857 -0.05341748252743106 0.996246661207413 -40.90562352852005 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/39980369_7971720718.jpg sacre_coeur/test/images/80645091_144266710.jpg 0 0 670.012 0.0 319.5 0.0 670.012 239.0 0.0 0.0 1.0 518.261 0.0 187.0 0.0 518.261 249.5 0.0 0.0 1.0 0.9921624377552236 0.051050876102602775 0.11405045005070455 -2.6488132462263616 -0.02292616216816951 0.9716118142054216 -0.23546735141986877 2.0636097754977603 -0.12283357926825361 0.2310071222832878 0.9651671467981823 14.359373497649605 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/97643496_704095933.jpg sacre_coeur/test/images/86827532_95504488.jpg 0 0 753.473 0.0 239.5 0.0 753.473 319.5 0.0 0.0 1.0 526.393 0.0 249.5 0.0 526.393 166.0 0.0 0.0 1.0 0.9395072125963013 -0.097770247046546 -0.3282791133654185 3.999330180223679 0.13901426286879837 0.9847548116068386 0.10456096659951157 1.444505087210343 0.31305148490076284 -0.1438712612359985 0.9387757069672131 6.265338578531595 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/47029087_8959697396.jpg sacre_coeur/test/images/70170436_3664390013.jpg 0 0 622.643 0.0 319.5 0.0 622.643 239.5 0.0 0.0 1.0 523.702 0.0 213.5 0.0 523.702 319.5 0.0 0.0 1.0 0.9860664515862662 -0.04882571996075302 -0.15902516192849503 0.8577268183776944 0.07649465446456184 0.9819781982704413 0.17282183299538648 -2.3419951092158486 0.14772109156927182 -0.18257838643128624 0.9720306640809901 -3.445741965215257 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/44614566_9095733872.jpg sacre_coeur/test/images/81476348_2961239173.jpg 0 0 749.695 0.0 319.5 0.0 749.695 213.0 0.0 0.0 1.0 534.342 0.0 239.5 0.0 534.342 319.5 0.0 0.0 1.0 0.991999370359689 0.12234138276192454 0.0311421783098213 -0.475096951864875 -0.11041128885420712 0.9603911959674271 -0.25584780241738947 0.17827923758580347 -0.06120944779634327 0.25036241086104566 0.9662153314496265 0.6845435151538215 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/02933228_4036000307.jpg sacre_coeur/test/images/76298563_8026742947.jpg 0 0 679.926 0.0 319.5 0.0 679.926 239.5 0.0 0.0 1.0 520.791 0.0 319.5 0.0 520.791 239.5 0.0 0.0 1.0 0.9714291333078992 -0.08678078942159434 -0.22089484726454992 2.691938368532133 0.05672357243555591 0.9886725582820157 -0.13895685960125478 2.3274533392116337 0.23045145972810016 0.1224567968201826 0.9653478428119724 8.196666632529926 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/77706306_5103474140.jpg sacre_coeur/test/images/67770719_8270986474.jpg 0 0 505.257 0.0 319.5 0.0 505.257 214.0 0.0 0.0 1.0 499.694 0.0 212.5 0.0 499.694 319.5 0.0 0.0 1.0 0.9670590053406806 -0.11888694407877609 -0.22508392816259362 2.8200187134035217 0.03410025859938442 0.9367693491135438 -0.3482820106247845 0.10585691700885845 0.25225790880158494 0.32913383461594664 0.9099653105245572 8.763505582976375 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/58368117_3401402227.jpg sacre_coeur/test/images/77706306_5103474140.jpg 0 0 682.756 0.0 319.5 0.0 682.756 239.0 0.0 0.0 1.0 505.257 0.0 319.5 0.0 505.257 214.0 0.0 0.0 1.0 0.9532947605478339 0.0893761038017559 0.2885151843166417 -6.555565429264044 -0.13570855513856322 0.9801130538235044 0.1447811789804445 -2.5929377868904115 -0.2698375206939382 -0.1771731181471436 0.9464657408653344 -7.814950548026387 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/27614460_8959698816.jpg sacre_coeur/test/images/26161317_4040935017.jpg 0 0 807.303 0.0 319.5 0.0 807.303 319.5 0.0 0.0 1.0 576.672 0.0 319.5 0.0 576.672 312.5 0.0 0.0 1.0 0.998831499681573 -0.012398149581120564 -0.0467110386399571 1.4630047281883352 0.016671635160958126 0.9955972988644706 0.09223922741886821 -0.5135272003423429 0.04536178815830901 -0.09291019524645266 0.9946406405302102 -3.931467654933324 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/21155361_10359960085.jpg sacre_coeur/test/images/44859504_43728211.jpg 0 0 778.711 0.0 212.5 0.0 778.711 319.5 0.0 0.0 1.0 528.651 0.0 249.5 0.0 528.651 187.0 0.0 0.0 1.0 0.9947298121753804 -0.015084989905907191 0.10141520521633354 -1.3395747337656776 0.0064256730428906275 0.9963452783054192 0.08517509685608102 -1.5757746113831435 -0.10232942634197768 -0.08407454714737145 0.9911912827635673 -6.54772475922408 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/75878456_4122246314.jpg sacre_coeur/test/images/78627958_7119964169.jpg 0 0 887.502 0.0 319.5 0.0 887.502 213.0 0.0 0.0 1.0 1461.04 0.0 319.5 0.0 1461.04 213.0 0.0 0.0 1.0 0.9991719275403042 0.033945104307629384 0.022431877071191965 -3.9777390468111746 -0.032418712399344275 0.9973439576774795 -0.06522313370722424 5.133269944353874 -0.024586303133279492 0.06444191165511787 0.9976185411871976 43.41984563841201 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/81703421_7754459314.jpg sacre_coeur/test/images/62766948_5445805244.jpg 0 0 514.334 0.0 319.5 0.0 514.334 239.5 0.0 0.0 1.0 473.93 0.0 319.5 0.0 473.93 212.5 0.0 0.0 1.0 0.9792746380348344 -0.13403358881323865 -0.15184261711254762 1.6411353577741288 0.12883748992305696 0.9907066877262485 -0.04360229449022185 0.659128144893772 0.1562756682662728 0.0231355995022718 0.9874424841698884 1.6577942652332665 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/64951325_3689575044.jpg sacre_coeur/test/images/63858075_3812078922.jpg 0 0 782.711 0.0 212.5 0.0 782.711 319.5 0.0 0.0 1.0 537.525 0.0 249.5 0.0 537.525 187.0 0.0 0.0 1.0 0.9990944363837018 0.0026784557771664494 0.04246331430520861 -1.6922731077836686 -0.003346095216137008 0.9998717841916278 0.01565946436680402 -1.0066365158726158 -0.042415926654238205 -0.015787370018480656 0.9989752990509633 -4.381465050300781 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/90741813_5700626652.jpg sacre_coeur/test/images/55784150_6371469373.jpg 0 0 756.043 0.0 266.0 0.0 756.043 319.5 0.0 0.0 1.0 607.13 0.0 319.5 0.0 607.13 239.5 0.0 0.0 1.0 0.9421345917542395 -0.07762634151712075 -0.32612353813047534 6.87928012421456 0.101739468178868 0.9931469087317149 0.05751780847111299 -2.230784712332611 0.3194236867152362 -0.08736915233253592 0.9435757201125624 -7.766051408836932 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/18698491_4586522698.jpg sacre_coeur/test/images/75030977_10341125684.jpg 0 0 1792.43 0.0 246.5 0.0 1792.43 319.5 0.0 0.0 1.0 870.934 0.0 319.5 0.0 870.934 239.5 0.0 0.0 1.0 0.9942717023130986 -0.04225832819600348 -0.0981733959761615 6.8679548803550725 0.0684605431062626 0.9571623896411111 0.2813419874354219 -16.398483341642233 0.08207884025136386 -0.2864513807866815 0.9545725066376021 -39.761995856918475 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/60535642_3153438485.jpg sacre_coeur/test/images/96482156_2206813531.jpg 0 0 722.898 0.0 319.5 0.0 722.898 239.5 0.0 0.0 1.0 889.73 0.0 239.5 0.0 889.73 319.5 0.0 0.0 1.0 0.9511270409975479 -0.11334839276182195 -0.28724465833425067 4.61480429133209 0.086685828298888 0.9907986918777233 -0.10393997953399971 1.2831857432367375 0.2963830613503147 0.07396008404338321 0.9522011273428065 5.9036062593333405 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/60953043_2624021191.jpg sacre_coeur/test/images/16971221_7856309770.jpg 0 0 1395.38 0.0 212.5 0.0 1395.38 319.5 0.0 0.0 1.0 410.251 0.0 319.5 0.0 410.251 213.5 0.0 0.0 1.0 0.8480911346796143 -0.2513703690716473 -0.4664272342291219 15.826508885096265 0.21822560454602757 0.967882389133022 -0.1248249427265004 0.25111066007459293 0.48282399774489776 0.004076562146853852 0.8757079243918588 -7.80493763523142 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/70185138_6825344581.jpg sacre_coeur/test/images/70467218_7085137245.jpg 0 0 2115.3 0.0 319.5 0.0 2115.3 319.5 0.0 0.0 1.0 983.528 0.0 305.5 0.0 983.528 305.5 0.0 0.0 1.0 0.9986339779347152 -0.025620008324958587 -0.04553892058135965 3.3878632697669278 0.034607671279008545 0.9772803899735314 0.2091060698827905 -14.18086594775881 0.039146994813528374 -0.21039642237122627 0.9768320522231333 -39.300263914418686 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/16841636_7028528545.jpg sacre_coeur/test/images/25811450_7943664752.jpg 0 0 471.619 0.0 319.5 0.0 471.619 239.5 0.0 0.0 1.0 535.838 0.0 213.0 0.0 535.838 319.5 0.0 0.0 1.0 0.9566111562504664 0.10215962360439321 0.27287086147508394 -3.4777286407015495 -0.09015844165796284 0.9943405866138803 -0.05619833814422044 -0.14007401266201 -0.27706777354097584 0.029158345587038004 0.9604078507320072 -0.04978194824706683 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/59996089_2005549974.jpg sacre_coeur/test/images/77447644_11774301175.jpg 0 0 497.691 0.0 319.5 0.0 497.691 213.5 0.0 0.0 1.0 511.678 0.0 319.5 0.0 511.678 212.5 0.0 0.0 1.0 0.9967251536054452 0.04191859568618387 0.06915055680108091 -0.44482687380355057 -0.03266770005153946 0.9909932236831122 -0.1298662850300101 0.08268574228577519 -0.07397154549922504 0.12718200324673073 0.9891172572079634 0.6316539069909686 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/55597679_2718818848.jpg sacre_coeur/test/images/63170630_8128095778.jpg 0 0 682.241 0.0 239.5 0.0 682.241 319.5 0.0 0.0 1.0 1392.01 0.0 212.0 0.0 1392.01 319.5 0.0 0.0 1.0 0.9990477309614951 0.008978153494859293 -0.042696885372488017 1.0318016080820285 -0.003571387695372309 0.9921428945165195 0.12505887433649743 2.9371195679109134 0.04348420920998768 -0.12478729751142638 0.9912301720232171 12.185807694913771 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/98598382_4057825649.jpg sacre_coeur/test/images/79893810_6766787721.jpg 0 0 667.538 0.0 239.5 0.0 667.538 319.5 0.0 0.0 1.0 1017.45 0.0 212.0 0.0 1017.45 319.5 0.0 0.0 1.0 0.725622862029099 0.24648912660874603 0.6424286517305688 -10.986776325845122 -0.27432539754712276 0.9598600404687 -0.05843183183880652 1.4589723771700651 -0.6310444028444528 -0.1338350222291726 0.7641146173602523 7.957070747882252 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/85019556_13753237.jpg sacre_coeur/test/images/34297653_2634761938.jpg 0 0 1875.74 0.0 239.5 0.0 1875.74 319.5 0.0 0.0 1.0 648.902 0.0 239.0 0.0 648.902 319.5 0.0 0.0 1.0 0.9996047405975365 -0.0020573205151612033 0.028038010044046834 -3.3635994947710097 -0.0010127072051087924 0.9940364792466087 0.10904335078822107 -8.851042155895124 -0.02809514191188392 -0.10902864467333435 0.9936414935184857 -45.43518578596813 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/55784150_6371469373.jpg sacre_coeur/test/images/84278429_5829272410.jpg 0 0 607.13 0.0 319.5 0.0 607.13 239.5 0.0 0.0 1.0 1453.22 0.0 319.5 0.0 1453.22 213.0 0.0 0.0 1.0 0.9391841260040811 0.10906331021365091 0.32563533565507247 -4.944912192112364 -0.07696785546403746 0.9909571529267702 -0.10990846322525231 6.79529663139694 -0.33467764593294524 0.07816083052597729 0.9390855966759748 41.10257892720051 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/04808852_3532579721.jpg sacre_coeur/test/images/28574044_3399035477.jpg 0 0 536.862 0.0 319.5 0.0 536.862 223.5 0.0 0.0 1.0 838.765 0.0 213.0 0.0 838.765 319.5 0.0 0.0 1.0 0.9863647433382673 -0.03992432853248794 -0.15965788765502234 2.504637337456518 0.021143938439071547 0.9928309489459065 -0.11764200220353056 1.5720314252058867 0.16321007005242819 0.11266212676139534 0.9801376016800298 8.35835972940617 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/63170630_8128095778.jpg sacre_coeur/test/images/54446446_3898144328.jpg 0 0 1392.01 0.0 212.0 0.0 1392.01 319.5 0.0 0.0 1.0 567.536 0.0 319.5 0.0 567.536 212.5 0.0 0.0 1.0 0.9094185827694651 0.16016354506048758 0.38380396056741545 -5.53263266871677 -0.13875636346721473 0.9868395598301443 -0.08303225127383758 -0.2404894525111836 -0.3920516712257852 0.022255830424962632 0.9196739449941833 -2.7083657562214043 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/34904068_5083153.jpg sacre_coeur/test/images/30442266_2401730436.jpg 0 0 646.015 0.0 319.5 0.0 646.015 239.5 0.0 0.0 1.0 523.192 0.0 319.5 0.0 523.192 239.5 0.0 0.0 1.0 0.9787891909668985 0.019560528893350478 0.20393407110087497 -3.0481732392430376 -0.0361622582738359 0.9962971868315124 0.07800132427177335 -3.044015053489262 -0.20165319417976194 -0.08372156962830035 0.9758722703592272 -12.198478089542265 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/69212502_553330789.jpg sacre_coeur/test/images/62933368_3252099162.jpg 0 0 859.802 0.0 213.0 0.0 859.802 319.5 0.0 0.0 1.0 439.426 0.0 319.5 0.0 439.426 213.0 0.0 0.0 1.0 0.7175244581785551 -0.22491468460568004 -0.6592207798335079 18.51615580896919 0.23890833056609767 0.9684873013294222 -0.07039287428265033 0.7752152412411621 0.6542793451590008 -0.10698472700521455 0.7486473179581483 -3.728191727586533 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/73413427_2624866230.jpg sacre_coeur/test/images/59358073_3809805538.jpg 0 0 1391.03 0.0 212.5 0.0 1391.03 319.5 0.0 0.0 1.0 1733.74 0.0 319.5 0.0 1733.74 239.5 0.0 0.0 1.0 0.9992135310279395 -0.019806956183115097 -0.03435118480397962 1.3919876935821853 0.018234452368011397 0.9987978326322313 -0.04550158542288195 3.5643395481289604 0.03521113683929741 0.04483942479467439 0.9983734781265813 20.717460242726833 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/79704892_2352783119.jpg sacre_coeur/test/images/97643496_704095933.jpg 0 0 1800.38 0.0 239.5 0.0 1800.38 319.5 0.0 0.0 1.0 753.473 0.0 239.5 0.0 753.473 319.5 0.0 0.0 1.0 0.9825541090311793 0.05575630408837587 0.17742225728569092 -11.06602139742444 -0.0712534323754988 0.994065048505048 0.0822047913163615 -8.657487872224726 -0.17178582945241883 -0.09341260030135595 0.9806955260957824 -47.980662013895696 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/59066216_374458283.jpg sacre_coeur/test/images/97437832_311711460.jpg 0 0 1271.07 0.0 249.5 0.0 1271.07 239.5 0.0 0.0 1.0 489.971 0.0 249.5 0.0 489.971 187.0 0.0 0.0 1.0 0.9988946246525308 -0.03038410982356706 -0.03586550864701348 2.1338153067354426 0.03331477296228199 0.9958948865799498 0.08416353596647703 -7.9582066850033435 0.03316104254620452 -0.08526535494641584 0.9958062886440867 -37.54384058979556 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/99818215_2123948121.jpg sacre_coeur/test/images/97523888_2454093481.jpg 0 0 944.024 0.0 319.5 0.0 944.024 239.5 0.0 0.0 1.0 651.106 0.0 319.5 0.0 651.106 239.5 0.0 0.0 1.0 0.9684350273883733 -0.04879750150022885 -0.24444304362083227 7.210068254360013 0.03423776634036192 0.9973966389100489 -0.06346432105490717 -0.490245999299705 0.2469035704142484 0.05309188768797659 0.9675845587742827 -2.7940234977776814 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/70467218_7085137245.jpg sacre_coeur/test/images/38714154_3919914519.jpg 0 0 983.528 0.0 305.5 0.0 983.528 305.5 0.0 0.0 1.0 1481.11 0.0 213.5 0.0 1481.11 319.5 0.0 0.0 1.0 0.9969117321222993 0.01615030405762894 0.0768515844713872 -2.3455897731049284 0.00330956357745153 0.9691142435860848 -0.24659000317834756 3.456660409574485 -0.0784604686822825 0.24608281239740568 0.9660679087397219 39.846625648544105 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/02580991_8300101521.jpg sacre_coeur/test/images/15012791_5817353527.jpg 0 0 610.611 0.0 238.5 0.0 610.611 319.5 0.0 0.0 1.0 506.581 0.0 212.0 0.0 506.581 319.5 0.0 0.0 1.0 0.9700427168658323 -0.11435684443965057 -0.21433534376149946 6.536347094448551 0.11778527297118775 0.993033770095031 0.0032497572143424134 -1.5819804482699207 0.21247060249986907 -0.028397950289676607 0.976754728420952 -6.565155103801308 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/77706306_5103474140.jpg sacre_coeur/test/images/94003968_8161684801.jpg 0 0 505.257 0.0 319.5 0.0 505.257 214.0 0.0 0.0 1.0 680.107 0.0 319.5 0.0 680.107 212.0 0.0 0.0 1.0 0.9748764369434942 -0.1058390027166569 -0.19599499533483264 1.7853849516811096 0.08159726299394819 0.9884254359752958 -0.12789466051772058 2.941007095223207 0.20726268203478887 0.1086888357697792 0.9722288401476044 13.038650998244549 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/70116109_2697195876.jpg sacre_coeur/test/images/57933149_11837935973.jpg 0 0 606.734 0.0 212.5 0.0 606.734 319.5 0.0 0.0 1.0 522.366 0.0 239.5 0.0 522.366 319.5 0.0 0.0 1.0 0.9996688046183333 0.0014922759616545888 -0.02569151971773707 1.6914014751431357 0.002000656048811647 0.9907895658950877 0.135395839998125 -1.8720296399684184 0.02565693762565905 -0.13540239741554716 0.9904584354357306 -13.743241600393716 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/18698491_4586522698.jpg sacre_coeur/test/images/36940211_2500226864.jpg 0 0 1792.43 0.0 246.5 0.0 1792.43 319.5 0.0 0.0 1.0 647.827 0.0 319.5 0.0 647.827 239.5 0.0 0.0 1.0 0.9968711694565389 -0.029149549942728833 -0.07347227534580074 4.565609129534862 0.032932220701400235 0.9981652316313574 0.050809833713490814 -4.944757169513114 0.07185638695361095 -0.05307046354098177 0.9960021011792687 -34.89181157605121 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/57895226_4857581382.jpg sacre_coeur/test/images/51939662_7396091320.jpg 0 0 456.232 0.0 319.5 0.0 456.232 239.5 0.0 0.0 1.0 1086.81 0.0 319.5 0.0 1086.81 212.0 0.0 0.0 1.0 0.9024410365288577 0.14190255180844444 0.40677246880654666 -7.2789467390170675 -0.16376239923484828 0.9863122004747013 0.01923849764401995 6.991308681878052 -0.3984746568924647 -0.08397564518956993 0.913326906879146 40.35425118245191 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/47029087_8959697396.jpg sacre_coeur/test/images/38432569_8875267871.jpg 0 0 622.643 0.0 319.5 0.0 622.643 239.5 0.0 0.0 1.0 569.282 0.0 239.5 0.0 569.282 319.5 0.0 0.0 1.0 0.9525156265547767 -0.06306639596487464 -0.2978869095293764 2.3164745499701564 0.06574421872545325 0.9978359744775671 -0.0010323480922853538 -1.3999533017085992 0.29730738112791777 -0.018601014445602828 0.9546006093589369 -2.637833124043209 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/08124432_3626165332.jpg sacre_coeur/test/images/26161317_4040935017.jpg 0 0 1404.56 0.0 196.5 0.0 1404.56 249.5 0.0 0.0 1.0 576.672 0.0 319.5 0.0 576.672 312.5 0.0 0.0 1.0 0.9763993526497086 -0.0117613446091068 -0.21565244009335024 14.421074280970283 0.040541400419270554 0.9907472104686685 0.12952358781548692 -11.484093711354335 0.21213368190194262 -0.13520959922112646 0.9678417563223792 -46.9177900721339 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/79770190_8442039294.jpg sacre_coeur/test/images/16634907_9608639107.jpg 0 0 704.085 0.0 239.5 0.0 704.085 319.5 0.0 0.0 1.0 772.57 0.0 305.5 0.0 772.57 305.5 0.0 0.0 1.0 0.7944797187093263 -0.21227064073666252 -0.5689843158126562 17.064315584384406 0.2937158519761175 0.954361991650678 0.054075754183319086 0.588166408436865 0.5315383098681535 -0.21008180305252067 0.8205684987669881 -6.136049269700003 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/71781222_5227267590.jpg sacre_coeur/test/images/68663909_1356782012.jpg 0 0 862.013 0.0 212.0 0.0 862.013 319.5 0.0 0.0 1.0 672.136 0.0 319.5 0.0 672.136 239.0 0.0 0.0 1.0 0.9997469037785609 0.00147746178556181 -0.022448730294897582 0.21021008209570488 -0.0027485817686660197 0.9983875695585199 -0.0566983796002358 -4.950805860089807 0.0223287635896349 0.05674573162541551 0.9981389423616606 -13.89637539801063 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/81670953_3302107502.jpg sacre_coeur/test/images/22663714_8829093598.jpg 0 0 672.741 0.0 319.5 0.0 672.741 239.5 0.0 0.0 1.0 595.075 0.0 239.5 0.0 595.075 319.5 0.0 0.0 1.0 0.9986080372001932 0.009827974663830405 -0.05182083512627615 3.435320428101246 -0.018021112310327173 0.9869365199014045 -0.1600985483881812 -1.1490454636581813 0.04957043020063637 0.16080956625434728 0.9857398520151309 -7.7259622406205 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/60162628_4661185887.jpg sacre_coeur/test/images/34297653_2634761938.jpg 0 0 517.267 0.0 239.5 0.0 517.267 319.5 0.0 0.0 1.0 648.902 0.0 239.0 0.0 648.902 319.5 0.0 0.0 1.0 0.9974952755504616 0.035967551542609943 0.060905750882313606 -3.5473997923043257 -0.036843076059830476 0.9992323782116092 0.013313229511335579 -0.538396511086642 -0.06038015403225047 -0.01552383875211431 0.9980547316803022 -5.159512654597609 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/67770719_8270986474.jpg sacre_coeur/test/images/72213636_3271218925.jpg 0 0 499.694 0.0 212.5 0.0 499.694 319.5 0.0 0.0 1.0 348.891 0.0 319.5 0.0 348.891 212.5 0.0 0.0 1.0 0.9892763609201939 0.0684748003396539 0.12900962538873767 -3.2421460631374424 -0.08705994316574298 0.9856784463279334 0.14442495193189067 -1.5146853992662423 -0.11727253736691934 -0.154107761527432 0.9810697986466245 -9.092792943668195 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/23236854_6565983213.jpg sacre_coeur/test/images/44937588_1061437022.jpg 0 0 668.656 0.0 239.5 0.0 668.656 319.5 0.0 0.0 1.0 521.234 0.0 319.5 0.0 521.234 239.5 0.0 0.0 1.0 0.8087474019797879 -0.19115639971213796 -0.5562255573416569 13.568462551057674 0.26022107399971517 0.9644081769636875 0.04692399015441677 -0.9658764514719924 0.5274586547184321 -0.18269126704544583 0.829705531202457 -3.8465523851300407 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/02099432_2588386443.jpg sacre_coeur/test/images/08047759_7746982324.jpg 0 0 938.485 0.0 249.5 0.0 938.485 167.0 0.0 0.0 1.0 499.512 0.0 319.5 0.0 499.512 213.5 0.0 0.0 1.0 0.9918773527640822 0.04693316727237502 0.1182226496213793 -5.80827528799294 -0.05167652502158939 0.9979640643494452 0.03737998165903082 -6.430224173575739 -0.11622759498247047 -0.04318569296560724 0.9922832972935054 -41.78486726741768 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/36940211_2500226864.jpg sacre_coeur/test/images/71205878_8911611472.jpg 0 0 647.827 0.0 319.5 0.0 647.827 239.5 0.0 0.0 1.0 795.021 0.0 305.5 0.0 795.021 305.5 0.0 0.0 1.0 0.9610531450929924 0.03977244369642472 0.2734867547602302 -3.0430187039503553 -0.06757633549933528 0.9933697499401356 0.09300526213260195 -1.2735925511144846 -0.26797442263646887 -0.10786423237703707 0.9573687984190647 -4.609404695980867 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/70185138_6825344581.jpg sacre_coeur/test/images/60162628_4661185887.jpg 0 0 2115.3 0.0 319.5 0.0 2115.3 319.5 0.0 0.0 1.0 517.267 0.0 239.5 0.0 517.267 319.5 0.0 0.0 1.0 0.9996890986996966 -0.02156539650641404 -0.012515574877305456 2.168833033074269 0.022073370450348333 0.9988746715315096 0.041978052477222784 -6.446357524491249 0.011596217398358135 -0.042241262366789316 0.9990401410832852 -36.31752932633732 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/30588853_4939266422.jpg sacre_coeur/test/images/76850149_8327024804.jpg 0 0 850.404 0.0 213.0 0.0 850.404 319.5 0.0 0.0 1.0 799.829 0.0 319.5 0.0 799.829 239.5 0.0 0.0 1.0 0.9996039291467469 -0.0030163065127051343 -0.027980113105688875 0.571184793011851 0.005031512633441894 0.9973749807768757 0.07223455960235702 0.08997799072491919 0.027688783198350275 -0.07234673189127733 0.9969951262015508 -0.028576604745743417 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/47029087_8959697396.jpg sacre_coeur/test/images/94661279_5887793763.jpg 0 0 622.643 0.0 319.5 0.0 622.643 239.5 0.0 0.0 1.0 526.02 0.0 319.5 0.0 526.02 213.0 0.0 0.0 1.0 0.9702285348184012 -0.07503691475793273 -0.2302738622765282 1.2096596708666838 0.09424138664658756 0.9928286893464181 0.07355103434760166 -2.370895274098548 0.2231034541800442 -0.09306264037885678 0.970342307486718 -5.707959632546555 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/27733835_2747519645.jpg sacre_coeur/test/images/36514160_148787094.jpg 0 0 506.292 0.0 187.0 0.0 506.292 249.5 0.0 0.0 1.0 662.125 0.0 319.5 0.0 662.125 239.5 0.0 0.0 1.0 0.999152782259072 -0.017168832820868674 -0.03740252509556002 -1.3654409363167765 0.016478607083783025 0.999689619146516 -0.018684776671709376 0.6034773671397877 0.03771171187487025 0.018052605082436692 0.9991255828158961 6.762381892368753 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/61084833_3699152935.jpg sacre_coeur/test/images/19631710_3287132673.jpg 0 0 1839.79 0.0 239.5 0.0 1839.79 319.5 0.0 0.0 1.0 500.5 0.0 319.5 0.0 500.5 213.0 0.0 0.0 1.0 0.7986981891177973 -0.15938293732399578 -0.5802398486746033 36.51501906837886 0.20505220344299818 0.9786588770721706 0.013431164916323159 -3.181040041943163 0.5657161802203668 -0.12970690659256903 0.8143348953711024 -36.24980305638297 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/81147304_5790709520.jpg sacre_coeur/test/images/62721852_537101715.jpg 0 0 1292.87 0.0 319.5 0.0 1292.87 239.5 0.0 0.0 1.0 662.611 0.0 319.5 0.0 662.611 239.5 0.0 0.0 1.0 0.9283212872300118 0.14881666436553048 0.34069515418146284 -12.58395605416985 -0.1448335651145336 0.9887545882407927 -0.03725053890878946 -0.6363658909561369 -0.3424073978345499 -0.014763625567527874 0.9394355801587857 -21.743798981357763 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/66599130_8409392232.jpg sacre_coeur/test/images/55597679_2718818848.jpg 0 0 701.54 0.0 319.5 0.0 701.54 239.5 0.0 0.0 1.0 682.241 0.0 239.5 0.0 682.241 319.5 0.0 0.0 1.0 0.9984175166965376 -0.035047424858096206 -0.04397886269942894 0.3523095614475287 0.029417891610981663 0.9920082968631314 -0.12269525910920037 -0.921578909852874 0.04792754955851233 0.12120733049417996 0.991469481642169 -7.8076133333205515 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/00246274_6807912549.jpg sacre_coeur/test/images/04388678_7557805274.jpg 0 0 1138.93 0.0 308.5 0.0 1138.93 319.5 0.0 0.0 1.0 528.283 0.0 213.0 0.0 528.283 319.5 0.0 0.0 1.0 0.9963489330917809 0.025808917014496814 0.08137999342227217 -3.1236655478927733 -0.012917311358079546 0.9878102196651074 -0.15512611963319128 -1.2038603837768618 -0.08439162632719358 0.15350853307784415 0.9845370402773781 -5.938916337244907 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/16577293_2866312822.jpg sacre_coeur/test/images/47788810_3531619701.jpg 0 0 536.259 0.0 319.5 0.0 536.259 213.0 0.0 0.0 1.0 394.04 0.0 166.5 0.0 394.04 249.5 0.0 0.0 1.0 0.9968839367925133 0.036786868255136 0.06977924397010704 -1.7012022712419208 -0.03329533665841327 0.9981660329786366 -0.05055681125718441 -0.2832841094056957 -0.07151109789300801 0.048075949617983796 0.9962805156914722 -0.6715660763747744 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/36940211_2500226864.jpg sacre_coeur/test/images/81476348_2961239173.jpg 0 0 647.827 0.0 319.5 0.0 647.827 239.5 0.0 0.0 1.0 534.342 0.0 239.5 0.0 534.342 319.5 0.0 0.0 1.0 0.9923998836083817 0.11983509823803358 0.027964624874142415 -0.6235872934930085 -0.11491521963205777 0.9837869877229195 -0.13768680068902817 -0.11770386546952738 -0.04401094535438427 0.13342680396886183 0.9900809687453186 -5.7451818084918 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/78627958_7119964169.jpg sacre_coeur/test/images/79053608_2390017929.jpg 0 0 1461.04 0.0 319.5 0.0 1461.04 213.0 0.0 0.0 1.0 560.07 0.0 249.5 0.0 560.07 187.0 0.0 0.0 1.0 0.9857036778557716 0.00679951688829811 0.16835090148760887 -8.137679843870082 -0.011276294354957422 0.9996073786384646 0.025650219436835073 -5.555134451721203 -0.16811039422720175 -0.027181889956792632 0.9853933428896055 -36.8083640404919 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/79205306_10858206333.jpg sacre_coeur/test/images/73413427_2624866230.jpg 0 0 428.425 0.0 319.5 0.0 428.425 212.5 0.0 0.0 1.0 1391.03 0.0 212.5 0.0 1391.03 319.5 0.0 0.0 1.0 0.9822720560026338 0.11254748742008436 0.14991554646461497 -0.7232594578368472 -0.06098186496246528 0.9480623776686871 -0.3121841446885079 2.012222868184788 -0.17726483052782305 0.29750763204432507 0.9381185366110835 19.031378220079695 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/72776302_21108497.jpg sacre_coeur/test/images/63516274_5829260794.jpg 0 0 565.519 0.0 187.0 0.0 565.519 249.5 0.0 0.0 1.0 522.011 0.0 319.5 0.0 522.011 213.0 0.0 0.0 1.0 0.9828439092408359 0.05971211313312959 0.1745059128321094 -3.7547855108933095 -0.09052166062721986 0.9805195406885769 0.17431941740710566 -3.569150756313268 -0.1606974767240664 -0.1871253426798162 0.9691028980977612 -8.208283782576535 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/64272078_4462759761.jpg sacre_coeur/test/images/79770190_8442039294.jpg 0 0 1069.29 0.0 319.5 0.0 1069.29 231.5 0.0 0.0 1.0 704.085 0.0 239.5 0.0 704.085 319.5 0.0 0.0 1.0 0.9807510068603587 -0.05447681780585795 -0.18750930340689795 0.3245279635691505 0.0646356679917323 0.9967300015743751 0.04849262196261275 -3.7476692629335826 0.18425442454838176 -0.0596789768955005 0.9810650981209408 -36.23939066054773 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/83129529_7908624824.jpg sacre_coeur/test/images/79893810_6766787721.jpg 0 0 521.65 0.0 319.5 0.0 521.65 239.5 0.0 0.0 1.0 1017.45 0.0 212.0 0.0 1017.45 319.5 0.0 0.0 1.0 0.9110046510583493 0.11813279488432524 0.39511412088518566 -1.4477158134225547 -0.03581641606428377 0.977137966752573 -0.2095675983327516 1.7120414886818582 -0.41083781482522436 0.17676548504576717 0.8944083257697064 5.798229023026569 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/78627958_7119964169.jpg sacre_coeur/test/images/55185330_108661534.jpg 0 0 1461.04 0.0 319.5 0.0 1461.04 213.0 0.0 0.0 1.0 674.5 0.0 319.5 0.0 674.5 239.5 0.0 0.0 1.0 0.9996190007527954 -0.026291367891989357 -0.008403410518985356 4.469516983772607 0.027455492274254853 0.9784152919953264 0.204816289229345 -15.763019840670527 0.0028371249462888445 -0.20496897414991483 0.9787643589536609 -45.52045996019853 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/48445083_12204174934.jpg sacre_coeur/test/images/63366740_3980778716.jpg 0 0 1439.35 0.0 213.0 0.0 1439.35 319.5 0.0 0.0 1.0 492.101 0.0 249.5 0.0 492.101 187.0 0.0 0.0 1.0 0.9818128645873049 0.01304451569047847 -0.18940258588855483 8.048352267097247 0.023481703313956947 0.9816327316901869 0.18932984361673433 -11.375778030117129 0.18839349389070156 -0.19033397144194372 0.9634733368260854 -42.681929838114726 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/75878456_4122246314.jpg sacre_coeur/test/images/39585572_5151898468.jpg 0 0 887.502 0.0 319.5 0.0 887.502 213.0 0.0 0.0 1.0 697.515 0.0 239.5 0.0 697.515 319.5 0.0 0.0 1.0 0.9983910742311747 0.022646632494672504 0.051984545128069104 -0.2429109832901534 -0.026229262869969176 0.9972507738983399 0.06930310042458482 -2.6162821493802686 -0.05027214601366313 -0.07055511317979209 0.9962402759070561 -8.584373129120182 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/62139059_2843916338.jpg sacre_coeur/test/images/77647660_7639153124.jpg 0 0 683.468 0.0 239.5 0.0 683.468 319.5 0.0 0.0 1.0 1863.9 0.0 305.5 0.0 1863.9 305.5 0.0 0.0 1.0 0.9767256428204487 0.03528277521064337 0.21157066060873486 -1.592405010927442 -0.015462638571642174 0.9953939593323586 -0.09461380730661668 3.979133122472052 -0.21393439523691374 0.08914029110388878 0.9727723695893763 49.34255615173297 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/04543624_3663972093.jpg sacre_coeur/test/images/60453279_4122247122.jpg 0 0 433.924 0.0 319.5 0.0 433.924 212.5 0.0 0.0 1.0 885.173 0.0 319.5 0.0 885.173 213.0 0.0 0.0 1.0 0.9998946416012253 0.007319517837780349 0.012535164768730565 -0.9104891890879027 -0.004947827706913677 0.9837037463913744 -0.17972884670123904 3.12676219287494 -0.013646417044026807 0.1796478889221836 0.9836363206529452 14.381760594503884 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/93650031_6280047097.jpg sacre_coeur/test/images/60643706_4839245857.jpg 0 0 536.98 0.0 319.5 0.0 536.98 195.0 0.0 0.0 1.0 417.17 0.0 319.5 0.0 417.17 213.0 0.0 0.0 1.0 0.8020220943008777 -0.30634588118176226 -0.5127501938919219 12.957446729442943 0.24650869461185593 0.9517018645415323 -0.18302192357455477 1.7347416826933473 0.5440533280240022 0.02039024548996595 0.8388028458194847 -1.6256710209388894 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/62933368_3252099162.jpg sacre_coeur/test/images/53515910_7697309520.jpg 0 0 439.426 0.0 319.5 0.0 439.426 213.0 0.0 0.0 1.0 500.109 0.0 319.5 0.0 500.109 212.5 0.0 0.0 1.0 0.9960995697634892 0.01839095699644499 0.08629843461932994 -0.4190963512969166 -0.02327011343792954 0.9981664398317056 0.055877188675559235 -0.3772813893270943 -0.08511256627301142 -0.05766741796242548 0.9947011209242549 -0.8296679598880567 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/14122634_883725893.jpg sacre_coeur/test/images/01991223_5589230.jpg 0 0 479.75 0.0 319.5 0.0 479.75 239.5 0.0 0.0 1.0 712.534 0.0 241.0 0.0 712.534 319.5 0.0 0.0 1.0 0.9968462279388224 0.03719324495448122 0.07010178581104683 0.64958191980669 -0.04925217744900482 0.9826098375495668 0.17903108715344873 -0.32742658523815626 -0.06222395728876195 -0.18191912950695976 0.981342758397267 -5.07316180547572 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/25142691_4077149258.jpg sacre_coeur/test/images/27614460_8959698816.jpg 0 0 689.154 0.0 319.5 0.0 689.154 239.5 0.0 0.0 1.0 807.303 0.0 319.5 0.0 807.303 319.5 0.0 0.0 1.0 0.9968278329702503 -0.07953475698535242 -0.002914420545419398 -0.5309682186213289 0.07428258812668438 0.9428989048365347 -0.32469024062830254 -0.06440320328775068 0.0285721633243967 0.32344377825109666 0.9458159196131241 2.7964890456812697 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/00246274_6807912549.jpg sacre_coeur/test/images/34366638_4030867612.jpg 0 0 1138.93 0.0 308.5 0.0 1138.93 319.5 0.0 0.0 1.0 648.225 0.0 239.5 0.0 648.225 319.5 0.0 0.0 1.0 0.9980728700815177 -0.006939790940209577 -0.06166348440485915 -0.3301329197969399 0.00013893451176984672 0.9939739994213106 -0.10961600782552851 -0.7113899733644666 0.06205261239016101 0.10939619635120357 0.992059446565298 -4.509578391483556 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/20934731_2795411032.jpg sacre_coeur/test/images/38879018_753144146.jpg 0 0 380.178 0.0 166.0 0.0 380.178 249.5 0.0 0.0 1.0 1556.17 0.0 249.5 0.0 1556.17 187.0 0.0 0.0 1.0 0.9823881722856324 0.012723091074042677 0.18641781542228297 -4.40353007056564 -0.020159784123611548 0.9990724098080791 0.038051321453626864 4.298581632745307 -0.18576076565675576 -0.041139311051590216 0.9817334134217989 40.95189231739208 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/60453279_4122247122.jpg sacre_coeur/test/images/08619228_3960784810.jpg 0 0 885.173 0.0 319.5 0.0 885.173 213.0 0.0 0.0 1.0 484.401 0.0 319.5 0.0 484.401 213.0 0.0 0.0 1.0 0.9996305342270455 0.026515225729290114 0.005978113872825181 0.08912149366346356 -0.025665449267197268 0.9931986974644659 -0.11356774220174203 -1.274573228811313 -0.008948729231829246 0.11337235182977022 0.9935122697207731 -7.870175201659108 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/04915709_121816865.jpg sacre_coeur/test/images/08619228_3960784810.jpg 0 0 582.627 0.0 249.5 0.0 582.627 183.5 0.0 0.0 1.0 484.401 0.0 319.5 0.0 484.401 213.0 0.0 0.0 1.0 0.9976883271255427 -0.0048464497123150724 -0.06778284327632181 0.8377397258706085 -0.01144890249697302 0.9712084023183981 -0.2379562184473426 0.122277275026939 0.06698450976943254 0.23818218067548771 0.9689077996691008 3.367470472443237 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/26329012_3452802515.jpg sacre_coeur/test/images/56739575_3512017389.jpg 0 0 896.446 0.0 239.5 0.0 896.446 319.5 0.0 0.0 1.0 767.042 0.0 319.5 0.0 767.042 213.0 0.0 0.0 1.0 0.9776511925990793 -0.08902340300774002 -0.19045466475389702 3.7192732606098695 0.12675358962747593 0.9723452824001902 0.19615855655730177 -0.4796650989767217 0.1677249925507443 -0.215915459175614 0.9618985608487189 -1.297623639884887 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/10162786_7360656560.jpg sacre_coeur/test/images/18432192_5847633717.jpg 0 0 534.866 0.0 319.5 0.0 534.866 211.5 0.0 0.0 1.0 708.131 0.0 213.5 0.0 708.131 319.5 0.0 0.0 1.0 0.7876231639942275 0.23924896320450914 0.5678113112164019 -11.604853958150523 -0.28373123961791746 0.9588469743754205 -0.01044334218444531 4.805180866179019 -0.5469427165660057 -0.1528803889865176 0.8230924926511777 13.801319850322708 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/39890331_3228856431.jpg sacre_coeur/test/images/33672452_9565324953.jpg 0 0 853.952 0.0 295.0 0.0 853.952 319.5 0.0 0.0 1.0 493.101 0.0 212.5 0.0 493.101 319.5 0.0 0.0 1.0 0.9942965328441484 0.018476967366793134 0.10503811903795632 0.01641555761553426 0.003007621914538466 0.9796288428567594 -0.20079413450981481 -0.1742860766955997 -0.10660843767978509 0.1999648267072309 0.9739859901946344 5.138982744543274 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/32086795_402359870.jpg sacre_coeur/test/images/08619228_3960784810.jpg 0 0 689.084 0.0 239.5 0.0 689.084 319.5 0.0 0.0 1.0 484.401 0.0 319.5 0.0 484.401 213.0 0.0 0.0 1.0 0.9831785162907556 0.061309230409883626 0.17204994440817484 -1.5744161819972344 -0.06563458281073042 0.9976520044513388 0.019559640934515822 -0.28714589602066365 -0.17044678537176824 -0.03052304507701718 0.9848940232713654 -1.7737522079263917 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/31148870_2948239995.jpg sacre_coeur/test/images/73608962_13972912642.jpg 0 0 722.471 0.0 319.5 0.0 722.471 239.5 0.0 0.0 1.0 713.805 0.0 239.5 0.0 713.805 319.5 0.0 0.0 1.0 0.9939008709310196 -0.07307649738573578 -0.08258864505725258 3.0857119597337395 0.07251982318833963 0.9973195656137992 -0.009724160047774544 -0.38482314051126854 0.08307787916944107 0.0036755372036392487 0.9965362795297382 -0.7000128480102461 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/75519914_2079302390.jpg sacre_coeur/test/images/25122990_2171869199.jpg 0 0 569.028 0.0 187.0 0.0 569.028 249.5 0.0 0.0 1.0 611.269 0.0 239.5 0.0 611.269 319.5 0.0 0.0 1.0 0.9625097756538292 -0.060344979743261626 -0.26444926770668264 5.798768746884553 0.06699471949095141 0.9976219582757913 0.016190612289349388 -1.3492481097679228 0.26284337414350795 -0.033300327111916536 0.9642636822379526 -7.1779027001843625 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/38879018_753144146.jpg sacre_coeur/test/images/79081394_2124721534.jpg 0 0 1556.17 0.0 249.5 0.0 1556.17 187.0 0.0 0.0 1.0 1525.68 0.0 319.5 0.0 1525.68 239.5 0.0 0.0 1.0 0.9994522785172485 0.026862880464350397 0.019326888519326818 3.0177745847144184 -0.026926144216751668 0.9996328620797535 0.00302056416236932 0.0929764059650715 -0.019238651831642355 -0.003539308322020086 0.9998086554797886 0.2841878814219001 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/60643706_4839245857.jpg sacre_coeur/test/images/83916827_2652728872.jpg 0 0 417.17 0.0 319.5 0.0 417.17 213.0 0.0 0.0 1.0 690.499 0.0 239.5 0.0 690.499 319.5 0.0 0.0 1.0 0.8978740768238673 0.24636744202172506 0.3648632972489284 -7.200609622174708 -0.2762753979332137 0.9605698391056314 0.03126481564675941 -0.21430069435072052 -0.3427740460777805 -0.12887462012457465 0.9305360205941595 -1.3703040811001237 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/64837411_8951541213.jpg sacre_coeur/test/images/20864632_4515642500.jpg 0 0 1049.84 0.0 319.5 0.0 1049.84 212.0 0.0 0.0 1.0 707.548 0.0 319.5 0.0 707.548 239.5 0.0 0.0 1.0 0.9612607669879124 0.08507861689104323 0.26218193453729366 -10.445993579431306 -0.07993386181140558 0.9963411748416279 -0.03024633946644913 -3.514218571599618 -0.2637959734069604 0.008117404949344577 0.964544344315575 -31.623504793094025 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/77647660_7639153124.jpg sacre_coeur/test/images/04808852_3532579721.jpg 0 0 1863.9 0.0 305.5 0.0 1863.9 305.5 0.0 0.0 1.0 536.862 0.0 319.5 0.0 536.862 223.5 0.0 0.0 1.0 0.9919873395529067 0.03872376782278899 0.12025634275310773 -11.725923609206202 -0.06522427216422183 0.972177881128185 0.22497991413848478 -16.96902718574687 -0.10819848653005133 -0.23102085890827953 0.9669138794442281 -53.49296483303875 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/01012753_375984446.jpg sacre_coeur/test/images/70139640_13923464795.jpg 0 0 773.348 0.0 249.5 0.0 773.348 199.0 0.0 0.0 1.0 544.883 0.0 239.5 0.0 544.883 319.5 0.0 0.0 1.0 0.9790618357204921 -0.079622191158046 -0.18734521213741115 4.540337984636318 0.0766086335494982 0.9967893548968246 -0.023283024503934328 -2.385977045550817 0.18859755857724855 0.008443260008059181 0.9820181628967651 -14.865003931932517 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/90679226_9106466645.jpg sacre_coeur/test/images/07643413_4366433493.jpg 0 0 512.07 0.0 239.5 0.0 512.07 319.5 0.0 0.0 1.0 692.547 0.0 319.5 0.0 692.547 239.5 0.0 0.0 1.0 0.9725973469072268 -0.005236063044224186 0.23243705477573945 -4.126192383661401 -0.042523770365398256 0.9788757149984396 0.1999851582998207 -1.3714811357434382 -0.2285741230825004 -0.20438913432492045 0.9518292662168859 -4.935962573205033 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/13402995_4460408839.jpg sacre_coeur/test/images/14122634_883725893.jpg 0 0 702.935 0.0 239.5 0.0 702.935 319.5 0.0 0.0 1.0 479.75 0.0 319.5 0.0 479.75 239.5 0.0 0.0 1.0 0.9751041103038779 -0.08921695494173354 -0.2030081501304984 3.960807544772693 0.04286077667165559 0.9740581596767435 -0.2222018348039869 -0.5827083457315224 0.21756591619917115 0.20796883544916184 0.9536320231569064 -2.3143610922795306 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/57606942_9403768875.jpg sacre_coeur/test/images/25122990_2171869199.jpg 0 0 456.61 0.0 179.5 0.0 456.61 319.5 0.0 0.0 1.0 611.269 0.0 239.5 0.0 611.269 319.5 0.0 0.0 1.0 0.961453832351906 -0.028112932601708725 -0.2735254856066708 7.886713781337447 0.09584228044439998 0.9666383087311063 0.23753870710409064 0.13945245979390253 0.25772230313857253 -0.2545978065773502 0.9320725139982144 -3.748409752092395 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/32813607_2497921988.jpg sacre_coeur/test/images/62960466_112702816.jpg 0 0 769.873 0.0 319.5 0.0 769.873 212.5 0.0 0.0 1.0 562.98 0.0 187.0 0.0 562.98 249.5 0.0 0.0 1.0 0.9731426805561953 -0.08077300201545315 -0.21556680037824522 3.9316241628848063 0.062356446552377494 0.9939042139398981 -0.0909180239879504 0.04079131979526912 0.2215964730162986 0.07503422990825345 0.9722473283526224 -1.9335057646225269 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/70467218_7085137245.jpg sacre_coeur/test/images/20864632_4515642500.jpg 0 0 983.528 0.0 305.5 0.0 983.528 305.5 0.0 0.0 1.0 707.548 0.0 319.5 0.0 707.548 239.5 0.0 0.0 1.0 0.9583128375088551 0.1444665580889698 0.24650744219932322 -2.765979058930826 -0.0915780545665049 0.9725431262729873 -0.2139470202199095 -0.5496550552010989 -0.270647308110649 0.18245350403072672 0.9452305292781064 -2.2100185518688225 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/23735654_3093471146.jpg sacre_coeur/test/images/85360130_8421021553.jpg 0 0 662.801 0.0 239.5 0.0 662.801 319.5 0.0 0.0 1.0 1605.2 0.0 319.5 0.0 1605.2 213.0 0.0 0.0 1.0 0.9987967657167711 -0.016828845817192847 0.04606311693946463 1.3259837863546478 0.020362131438889885 0.9967965299897168 -0.07734378710488186 1.609852849468965 -0.044613948457663 0.07818866765024884 0.995939821401924 7.200704794233247 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/16385535_4660789205.jpg sacre_coeur/test/images/67770719_8270986474.jpg 0 0 669.771 0.0 239.5 0.0 669.771 319.5 0.0 0.0 1.0 499.694 0.0 212.5 0.0 499.694 319.5 0.0 0.0 1.0 0.9997421746541806 0.010615100230459371 0.020072465340038523 1.8935056651661397 -0.012279662241437896 0.9963299113465435 0.08471078828239488 1.4299105685867066 -0.0190995841045283 -0.08493543078883999 0.9962033820880896 -29.343996195420928 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/17616986_7085723791.jpg sacre_coeur/test/images/60535642_3153438485.jpg 0 0 511.96 0.0 319.5 0.0 511.96 212.0 0.0 0.0 1.0 722.898 0.0 319.5 0.0 722.898 239.5 0.0 0.0 1.0 0.805214291943706 0.2205109848456696 0.5504587628623864 -7.196107723600276 -0.19395585078350347 0.975165538620122 -0.10692661144249549 2.845708456847996 -0.5603669083702602 -0.020665861949600135 0.8279866243807544 10.936034876784866 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/25134250_4289943327.jpg sacre_coeur/test/images/30442266_2401730436.jpg 0 0 695.364 0.0 319.5 0.0 695.364 239.5 0.0 0.0 1.0 523.192 0.0 319.5 0.0 523.192 239.5 0.0 0.0 1.0 0.9661100168306062 0.1247432079744429 0.22598798075077117 -3.2034934082993365 -0.10209156398430895 0.9887484901003667 -0.1093331417616932 -0.6027057755380263 -0.237083841589434 0.08255637703103032 0.9679750496106325 -4.425645934150224 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/55640818_3363877988.jpg sacre_coeur/test/images/57933149_11837935973.jpg 0 0 534.551 0.0 249.5 0.0 534.551 187.0 0.0 0.0 1.0 522.366 0.0 239.5 0.0 522.366 319.5 0.0 0.0 1.0 0.9458292808956138 0.1510974620171749 0.2873613202441387 -5.19707924953349 -0.08532091970159425 0.9696716680304732 -0.2290353616371799 0.1811012150290992 -0.31325279258413663 0.19211041926706648 0.930035630901995 1.3033723826857637 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/57606942_9403768875.jpg sacre_coeur/test/images/42008365_12432214243.jpg 0 0 456.61 0.0 179.5 0.0 456.61 319.5 0.0 0.0 1.0 848.932 0.0 319.5 0.0 848.932 319.5 0.0 0.0 1.0 0.9998671429568761 -0.008505775956413289 -0.013904970716729383 2.6075039667482516 0.013861484541399965 0.89253156583111 0.45077185276076753 -1.8636563517831297 0.008576460899597805 -0.4509047080819249 0.8925308894083115 -5.034620858858971 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/71870353_3302102984.jpg sacre_coeur/test/images/35558294_6148191791.jpg 0 0 682.987 0.0 239.5 0.0 682.987 319.5 0.0 0.0 1.0 638.785 0.0 319.5 0.0 638.785 239.5 0.0 0.0 1.0 0.347465029924604 0.9372864760576356 0.02760642640678542 -0.7256589195556167 -0.9274622472801258 0.34786213559387347 -0.13713392902622024 2.4817560134414443 -0.13813700753090338 0.022045326478163405 0.9901677487834464 5.714362856465398 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/76465860_1236444051.jpg sacre_coeur/test/images/64966234_8900198268.jpg 0 0 690.247 0.0 239.5 0.0 690.247 319.5 0.0 0.0 1.0 578.134 0.0 239.5 0.0 578.134 319.5 0.0 0.0 1.0 0.6606492223892284 0.29906088123374475 0.6885529712899392 -10.729455885904496 -0.2912120042021501 0.9474919316224757 -0.13211588897205684 3.5249097748066123 -0.6919090789728625 -0.1132326314540377 0.7130499264489966 14.636716317095551 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/04808852_3532579721.jpg sacre_coeur/test/images/25811450_7943664752.jpg 0 0 536.862 0.0 319.5 0.0 536.862 223.5 0.0 0.0 1.0 535.838 0.0 213.0 0.0 535.838 319.5 0.0 0.0 1.0 0.9767216549432387 -0.09138491658186576 -0.19407113589162645 3.16167825853577 0.06967517083745108 0.9908144496368385 -0.1158969238574547 -0.16598529227298256 0.20287971641766628 0.09967709572501646 0.974117188665775 -0.14650088101757924 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/38714154_3919914519.jpg sacre_coeur/test/images/32072823_7643459828.jpg 0 0 1481.11 0.0 213.5 0.0 1481.11 319.5 0.0 0.0 1.0 483.073 0.0 239.5 0.0 483.073 319.5 0.0 0.0 1.0 0.824629520757551 -0.14427724645989937 -0.546964559774325 35.76034375680559 0.3018868744754437 0.9299643672540785 0.20983467458256058 -11.14856921533183 0.4783831816803549 -0.33815728853844157 0.8104314774820323 -34.21893053048582 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/68663909_1356782012.jpg sacre_coeur/test/images/72198457_1660226670.jpg 0 0 672.136 0.0 319.5 0.0 672.136 239.0 0.0 0.0 1.0 1443.11 0.0 187.0 0.0 1443.11 249.5 0.0 0.0 1.0 0.99921686168088 0.03075484235683409 0.02489584311123965 0.4149764686297068 -0.024129588991163402 0.9722683568407496 -0.23261987279960847 4.54849888146085 -0.031359627990948824 0.2318369728015676 0.9722490379395984 50.47211817877664 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/32903762_508473415.jpg sacre_coeur/test/images/21037086_3590495621.jpg 0 0 713.267 0.0 319.5 0.0 713.267 239.5 0.0 0.0 1.0 661.089 0.0 239.5 0.0 661.089 319.5 0.0 0.0 1.0 0.9666669588791006 0.06316293296773479 0.24812382898533625 -6.655739795648675 -0.05993894586906584 0.9979908159447491 -0.020534216762249476 -1.4095269161666897 -0.24892230390130998 0.004977468116150501 0.9685106666586676 -6.809769469018864 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/73413427_2624866230.jpg sacre_coeur/test/images/98073777_2853247623.jpg 0 0 1391.03 0.0 212.5 0.0 1391.03 319.5 0.0 0.0 1.0 712.676 0.0 239.5 0.0 712.676 319.5 0.0 0.0 1.0 0.9480725998970583 0.11721746841872079 0.29566604543291547 -9.184629363450174 -0.16043479703549118 0.9789264959219409 0.1263471071381169 -6.93816887577108 -0.2746252377779824 -0.16722135234322275 0.9468991488516032 -25.686069886766628 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/95398527_2664763907.jpg sacre_coeur/test/images/50742443_4801039009.jpg 0 0 829.676 0.0 319.5 0.0 829.676 213.0 0.0 0.0 1.0 900.02 0.0 319.5 0.0 900.02 194.0 0.0 0.0 1.0 0.984689786113672 -0.04797096045712757 -0.1675852382408184 -3.090859887396695 0.01218423477490021 0.9779778504467982 -0.2083527500620285 3.5772096829116817 0.17388953259572948 0.20312092700724044 0.9635892898249534 41.55853639894047 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/69212502_553330789.jpg sacre_coeur/test/images/44809085_2582173264.jpg 0 0 859.802 0.0 213.0 0.0 859.802 319.5 0.0 0.0 1.0 1129.38 0.0 213.0 0.0 1129.38 319.5 0.0 0.0 1.0 0.9952714543461456 -0.0315442834889934 -0.0918677872971486 2.895826765495768 0.019246765810997168 0.9910904644182686 -0.13179246315702883 0.19591215236126536 0.0952065867969478 0.12940111869047408 0.9870111733471557 25.262327727258068 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/68684534_2877733555.jpg sacre_coeur/test/images/96301971_7410171184.jpg 0 0 509.45 0.0 212.5 0.0 509.45 319.5 0.0 0.0 1.0 509.198 0.0 319.5 0.0 509.198 180.0 0.0 0.0 1.0 0.9880207787944765 0.026841101009951664 0.15196873351755516 -0.6441484104685864 -0.028535976289978605 0.9995524067224697 0.008982442457149159 2.6454086992557917 -0.1516596146887295 -0.013211415968464119 0.9883444843578447 14.01046340229514 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/46610337_112702846.jpg sacre_coeur/test/images/97202520_2635602680.jpg 0 0 566.385 0.0 187.0 0.0 566.385 249.5 0.0 0.0 1.0 677.356 0.0 319.5 0.0 677.356 239.5 0.0 0.0 1.0 0.7384863347141999 0.17204291336008468 0.6519502813888195 -3.5256489984758606 -0.3347874114102822 0.9328524779821028 0.13305503930273566 -1.2876243671094663 -0.5852822589158064 -0.316524075364299 0.7464966089093682 -1.594735680610027 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/72213636_3271218925.jpg sacre_coeur/test/images/27733835_2747519645.jpg 0 0 348.891 0.0 319.5 0.0 348.891 212.5 0.0 0.0 1.0 506.292 0.0 187.0 0.0 506.292 249.5 0.0 0.0 1.0 0.9845670051359112 -0.10119549446813907 -0.14278404776812972 2.3924455501408888 0.09101685530556514 0.9929360286362969 -0.07611816528440966 1.0929060934238657 0.14947824071746546 0.06194767901485678 0.9868225476835659 9.000037428116144 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/36799566_319205128.jpg sacre_coeur/test/images/04398000_3306414527.jpg 0 0 815.415 0.0 166.0 0.0 815.415 249.5 0.0 0.0 1.0 619.126 0.0 209.0 0.0 619.126 249.5 0.0 0.0 1.0 0.9969163296389676 -0.04898362175840268 -0.06130608859321619 2.8656649193541863 0.04772523585103194 0.9986220180902405 -0.021825829843079195 -0.14905739096174964 0.06229071810577329 0.018832678641271684 0.9978803518724386 -3.0961440869562313 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/52110624_7557803032.jpg sacre_coeur/test/images/64655298_3515609807.jpg 0 0 531.679 0.0 319.5 0.0 531.679 213.0 0.0 0.0 1.0 649.481 0.0 179.5 0.0 649.481 319.5 0.0 0.0 1.0 0.9940951246203241 -0.05133021465497812 0.09560382978508779 0.937130162529753 0.04894039031729043 0.9984318683560268 0.027177977236816392 1.4503713956694049 -0.09684896179977065 -0.022338605922651356 0.9950483733385725 1.8612424363869602 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/83804881_3941265613.jpg sacre_coeur/test/images/48445083_12204174934.jpg 0 0 1145.06 0.0 319.5 0.0 1145.06 239.5 0.0 0.0 1.0 1439.35 0.0 213.0 0.0 1439.35 319.5 0.0 0.0 1.0 0.9922450547955423 -0.06761583284616939 -0.10429693371480449 2.6646711590521153 0.032314924707657094 0.9505704243111811 -0.3088229493836227 2.9214228569226792 0.12002290146022093 0.30305769677304023 0.9453838033051393 44.46023738177766 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/28570538_3018664920.jpg sacre_coeur/test/images/49997128_3263255043.jpg 0 0 655.109 0.0 319.5 0.0 655.109 239.5 0.0 0.0 1.0 1444.69 0.0 213.0 0.0 1444.69 319.5 0.0 0.0 1.0 0.9978205555737445 -0.001686104451283359 -0.06596435345156791 -1.6734501700719102 0.0021197075022386484 0.9999766030689999 0.006503856908697722 6.236122610853274 0.06595184390605746 -0.006629507248900474 0.99780078368331 40.68791814763138 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/96789550_6435726869.jpg sacre_coeur/test/images/26122587_7769817838.jpg 0 0 924.329 0.0 317.5 0.0 924.329 319.5 0.0 0.0 1.0 535.329 0.0 239.5 0.0 535.329 319.5 0.0 0.0 1.0 0.9951237946921285 -0.03547301308027031 -0.09203422504995486 2.472243481605836 0.03786190600519717 0.9989864774891745 0.024341196918492885 0.06383750671361543 0.0910774906944212 -0.02770709542298154 0.9954582902121162 0.3864884773264077 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/20864632_4515642500.jpg sacre_coeur/test/images/24662873_8171467618.jpg 0 0 707.548 0.0 319.5 0.0 707.548 239.5 0.0 0.0 1.0 733.364 0.0 239.5 0.0 733.364 319.5 0.0 0.0 1.0 0.9510455765275322 -0.10098895208916919 -0.2920848214531963 2.624967470904415 0.10832511094541278 0.9940746944553038 0.009009560602958077 0.14652817028475446 0.2894442635570415 -0.0402086234472886 0.9563499803389951 0.14661265443421545 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/12872711_4632849327.jpg sacre_coeur/test/images/96482156_2206813531.jpg 0 0 670.919 0.0 239.5 0.0 670.919 319.5 0.0 0.0 1.0 889.73 0.0 239.5 0.0 889.73 319.5 0.0 0.0 1.0 0.6697913969948284 0.36293431697068823 0.6478102855595426 -11.405608124777308 -0.22204248402948518 0.9303894764670487 -0.29167200305375024 3.1608801661695725 -0.7085736516394976 0.05151799340416018 0.7037537044718679 16.73393667395558 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/04739785_8198592553.jpg sacre_coeur/test/images/66547540_2624484438.jpg 0 0 720.152 0.0 319.5 0.0 720.152 239.5 0.0 0.0 1.0 507.387 0.0 239.5 0.0 507.387 319.5 0.0 0.0 1.0 0.9990769077637877 -0.019066145435177363 0.03849434336876996 1.1722073443162562 0.022700257874943775 0.9950942555231209 -0.0962918528085147 -0.5737578926796199 -0.036469585486527706 0.09707679806797435 0.9946084981596077 -6.309383052318468 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/78937340_9546137587.jpg sacre_coeur/test/images/59066216_374458283.jpg 0 0 944.217 0.0 239.5 0.0 944.217 319.5 0.0 0.0 1.0 1271.07 0.0 249.5 0.0 1271.07 239.5 0.0 0.0 1.0 0.9998280750177436 0.005308901962598405 0.01776614663523518 -1.7902763983188728 -0.006195831496354478 0.9987176695746082 0.05024567793883128 -3.2601356509887127 -0.01747661518664129 -0.05034711550243457 0.9985788581189782 -12.28944897994375 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/64044824_2624053101.jpg sacre_coeur/test/images/31148870_2948239995.jpg 0 0 1359.6 0.0 212.5 0.0 1359.6 319.5 0.0 0.0 1.0 722.471 0.0 319.5 0.0 722.471 239.5 0.0 0.0 1.0 0.9959073879366886 0.05007494554888545 0.0752394476415013 -5.084877862864506 -0.06298731126128831 0.9815632115783565 0.1804612431965828 -8.365188102209519 -0.06481568693762056 -0.1844618158434389 0.980700140319428 -39.12667665862368 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/50742443_4801039009.jpg sacre_coeur/test/images/06423637_6065403341.jpg 0 0 900.02 0.0 319.5 0.0 900.02 194.0 0.0 0.0 1.0 1816.82 0.0 230.0 0.0 1816.82 319.5 0.0 0.0 1.0 0.9916066192894063 0.0009547242759326879 0.1292880546802013 -0.39347465284313576 0.0011591368855700611 0.999866901429109 -0.016273777319134854 0.8440335742930531 -0.1292863835951578 0.01628704786353945 0.9914735312093693 3.959329981511104 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/26329012_3452802515.jpg sacre_coeur/test/images/82675968_6187144108.jpg 0 0 896.446 0.0 239.5 0.0 896.446 319.5 0.0 0.0 1.0 712.807 0.0 319.5 0.0 712.807 239.5 0.0 0.0 1.0 0.9380592456948977 -0.16708024737017985 -0.3035276634922079 6.287891535835156 0.1454605580816922 0.9850150752716558 -0.09266351779496218 1.9626010111639107 0.3144615677771802 0.04277256628136936 0.9483060845343259 5.3243632817993305 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/44748036_142906563.jpg sacre_coeur/test/images/63360516_5790897098.jpg 0 0 516.863 0.0 187.0 0.0 516.863 249.5 0.0 0.0 1.0 516.78 0.0 319.5 0.0 516.78 239.5 0.0 0.0 1.0 0.8277401062516646 0.17504225513611807 0.5331102375863224 -8.640686407845806 -0.18548729153450502 0.9820427248981795 -0.03444635182065427 0.654877568840718 -0.5295665974942873 -0.07037254714319284 0.8453442632601835 7.317898746385629 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/64837411_8951541213.jpg sacre_coeur/test/images/93650031_6280047097.jpg 0 0 1049.84 0.0 319.5 0.0 1049.84 212.0 0.0 0.0 1.0 536.98 0.0 319.5 0.0 536.98 195.0 0.0 0.0 1.0 0.9996005562697813 -0.018799406587200033 0.021102374679481284 -0.38187643635885554 0.015903124112385394 0.9914009288370477 0.12988952592301248 -7.528514634835987 -0.02336275986715052 -0.1295020486826676 0.9913038892480862 -29.839724433369618 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/70724808_2779990339.jpg sacre_coeur/test/images/63170630_8128095778.jpg 0 0 1030.95 0.0 249.5 0.0 1030.95 165.5 0.0 0.0 1.0 1392.01 0.0 212.0 0.0 1392.01 319.5 0.0 0.0 1.0 0.9864811536640019 -0.046441449023202484 -0.15715637205778565 2.383706561866899 0.04861838390341848 0.9987670241118806 0.010034156333134458 0.9008158863024693 0.156496601280538 -0.017539194945129306 0.9875227543850912 4.37687844097162 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/88496846_9311240752.jpg sacre_coeur/test/images/82864141_2050910556.jpg 0 0 586.712 0.0 319.5 0.0 586.712 239.5 0.0 0.0 1.0 520.268 0.0 319.5 0.0 520.268 239.5 0.0 0.0 1.0 0.9792552094954889 -0.06284303981213418 -0.19263952611838658 4.492885867350273 0.07886486175852253 0.9939336806459045 0.07665619386256216 -2.7464928603875514 0.1866536049899791 -0.09025846677656396 0.978270842312797 -8.328333691547131 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/40430408_7756569670.jpg sacre_coeur/test/images/04543624_3663972093.jpg 0 0 517.998 0.0 319.5 0.0 517.998 201.0 0.0 0.0 1.0 433.924 0.0 319.5 0.0 433.924 212.5 0.0 0.0 1.0 0.9444191921913844 -0.16858842190431833 -0.2822239065359003 2.9295256321445926 0.1388819111979882 0.9827289839890925 -0.12229292199371218 1.7343630879528427 0.29796678365644574 0.07629998707455736 0.951521995441963 2.542046708063219 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/57007030_768923483.jpg sacre_coeur/test/images/62327360_2404846280.jpg 0 0 515.756 0.0 319.5 0.0 515.756 239.5 0.0 0.0 1.0 1508.2 0.0 319.5 0.0 1508.2 213.0 0.0 0.0 1.0 0.999310552964139 -0.032612186804337966 -0.017744407748527424 -0.13790370310192057 0.03222487312504858 0.9992452173409231 -0.021692237629283295 3.9209881303114233 0.018438445883033505 0.021105470691973084 0.9996072142698295 35.39463174210798 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/06708261_13898670284.jpg sacre_coeur/test/images/28570538_3018664920.jpg 0 0 903.681 0.0 195.0 0.0 903.681 319.5 0.0 0.0 1.0 655.109 0.0 319.5 0.0 655.109 239.5 0.0 0.0 1.0 0.9999080779512878 -0.004341742847135987 -0.012844645452904502 0.8850244392219836 0.005806021447202361 0.9932023916138079 0.11625531991081868 -4.360361537938553 0.012252581879591861 -0.11631920977061998 0.9931363026672735 -35.034341585579526 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/70724808_2779990339.jpg sacre_coeur/test/images/84259836_1237320024.jpg 0 0 1030.95 0.0 249.5 0.0 1030.95 165.5 0.0 0.0 1.0 693.174 0.0 239.5 0.0 693.174 319.5 0.0 0.0 1.0 0.7085126366485718 -0.23225512613531119 -0.6663838234029689 12.266768543942813 0.2234027409817202 0.9695428092412941 -0.10038902514893518 0.7499589529108428 0.669403509873636 -0.07774507979524999 0.7388197639048966 -0.998737523500469 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/64951325_3689575044.jpg sacre_coeur/test/images/71870353_3302102984.jpg 0 0 782.711 0.0 212.5 0.0 782.711 319.5 0.0 0.0 1.0 682.987 0.0 239.5 0.0 682.987 319.5 0.0 0.0 1.0 0.9996427521397901 -0.008414549199529464 -0.02536855250412722 0.29936135228038924 0.0025977248909274608 0.9752436444297455 -0.2211178098317252 0.06796752442024467 0.026601126287753636 0.22097291544702188 0.9749170994084913 -3.6521659950783256 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/99818215_2123948121.jpg sacre_coeur/test/images/06632036_566711823.jpg 0 0 944.024 0.0 319.5 0.0 944.024 239.5 0.0 0.0 1.0 498.319 0.0 319.5 0.0 498.319 212.5 0.0 0.0 1.0 0.9887243668243667 -0.07550750583712885 -0.12931644524193792 3.173169116037382 0.06283944018748824 0.9930623405675372 -0.09939010264330993 -0.42696794847762276 0.1359239905413252 0.09014324327857613 0.9866097832915205 -4.72963964431997 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/14702458_3061790008.jpg sacre_coeur/test/images/85360130_8421021553.jpg 0 0 810.323 0.0 319.5 0.0 810.323 212.5 0.0 0.0 1.0 1605.2 0.0 319.5 0.0 1605.2 213.0 0.0 0.0 1.0 0.9800364075693889 0.053316588026166095 0.1915358485499107 -3.008388404018733 -0.04682098792600348 0.9981693985860219 -0.03828376700446225 -1.656173458948778 -0.1932263825881944 0.02855158783092449 0.9807386868601716 -5.388327939990388 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/43759956_9209511641.jpg sacre_coeur/test/images/26986576_7149171553.jpg 0 0 634.092 0.0 319.5 0.0 634.092 213.0 0.0 0.0 1.0 887.819 0.0 319.5 0.0 887.819 216.0 0.0 0.0 1.0 0.8998733254969308 0.30811057696171273 0.3087002922308555 -4.868542950740509 -0.3242959277352938 0.9459549362766807 0.001187344973449754 3.7573462205889863 -0.2916507317210095 -0.10117870773093186 0.951158619678389 7.299373278604012 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/73413427_2624866230.jpg sacre_coeur/test/images/91139284_7856526282.jpg 0 0 1391.03 0.0 212.5 0.0 1391.03 319.5 0.0 0.0 1.0 1076.35 0.0 319.5 0.0 1076.35 239.5 0.0 0.0 1.0 0.9953679512584804 -0.03605744931518455 -0.08912071564108158 4.316972991786511 0.031848567108935535 0.9983295191913577 -0.048206222464120006 2.0465304848243266 0.0907100346191272 0.04514456179913035 0.9948535862926572 12.72132109635858 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/28570538_3018664920.jpg sacre_coeur/test/images/22199037_8161715444.jpg 0 0 655.109 0.0 319.5 0.0 655.109 239.5 0.0 0.0 1.0 593.177 0.0 319.5 0.0 593.177 212.0 0.0 0.0 1.0 0.9988076897916842 0.03817587237705068 0.03042698771239597 -0.6360076224149661 -0.04144195348645143 0.9924834510323622 0.11514844296871685 -1.4394644788948634 -0.025802389506128218 -0.11627210411420345 0.992882185609466 -5.683699721096305 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/63516274_5829260794.jpg sacre_coeur/test/images/77299481_4479618965.jpg 0 0 522.011 0.0 319.5 0.0 522.011 213.0 0.0 0.0 1.0 696.583 0.0 239.5 0.0 696.583 319.5 0.0 0.0 1.0 0.9677881710632962 0.11218957868730263 0.22538756483871505 -0.7867273638488426 -0.08359436045046699 0.9876300003668479 -0.1326610917950604 0.08234103508290062 -0.23748271274102853 0.109546706063421 0.9651950478218466 0.32018645173442195 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/40133282_13969857252.jpg sacre_coeur/test/images/76610569_4643204754.jpg 0 0 1447.89 0.0 213.0 0.0 1447.89 319.5 0.0 0.0 1.0 503.401 0.0 212.5 0.0 503.401 319.5 0.0 0.0 1.0 0.7896068351862234 -0.1602086404781184 -0.592329500652592 33.056168004988066 0.13258957949719455 0.9870562044903362 -0.09022223997379508 1.4044947823841303 0.5991168911288958 -0.007296622046190006 0.8006283220513509 -27.424692252899597 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/09499608_2586864847.jpg sacre_coeur/test/images/52649350_2359344244.jpg 0 0 691.586 0.0 319.5 0.0 691.586 213.0 0.0 0.0 1.0 869.111 0.0 319.5 0.0 869.111 212.5 0.0 0.0 1.0 0.9988192678853023 0.0172522982612123 -0.04541396597716628 -1.3070937217952587 -0.015988406131571237 0.9994787009295288 0.028048123958537754 0.34723451458787213 0.04587418631911612 -0.027288909705734617 0.9985744210806883 1.8988795396995002 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/93650031_6280047097.jpg sacre_coeur/test/images/79241502_2244390302.jpg 0 0 536.98 0.0 319.5 0.0 536.98 195.0 0.0 0.0 1.0 614.197 0.0 212.5 0.0 614.197 319.5 0.0 0.0 1.0 0.9995236707775108 0.003956303439267978 -0.03060684920971513 0.5384599083798294 -0.00959740210590387 0.9824211227035031 -0.18643129441916792 -0.16678728193030612 0.02933123639172742 0.18663623798471007 0.9819911370489283 -0.8437561379199643 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/73413427_2624866230.jpg sacre_coeur/test/images/84979436_3867757669.jpg 0 0 1391.03 0.0 212.5 0.0 1391.03 319.5 0.0 0.0 1.0 527.25 0.0 239.5 0.0 527.25 319.5 0.0 0.0 1.0 0.9940108727773203 -0.025665867540843622 -0.10622451715044855 5.889821244721261 0.01042491755381139 0.9898664913407176 -0.1416179734878777 0.49447527704700367 0.10878283823501897 0.13966242359415384 0.9842056195436709 -20.250166426344336 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/92863105_622062757.jpg sacre_coeur/test/images/07643413_4366433493.jpg 0 0 1225.4 0.0 239.0 0.0 1225.4 319.5 0.0 0.0 1.0 692.547 0.0 319.5 0.0 692.547 239.5 0.0 0.0 1.0 0.9956438377157832 -0.015431033245840366 0.0919523334752992 -4.135521377275138 -0.008614650802545547 0.9667663451627255 0.25551638235591784 -13.027170158972346 -0.09283930315409017 -0.25519544877146844 0.9624220211093424 -36.587714565352194 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/77706306_5103474140.jpg sacre_coeur/test/images/86255041_34613076.jpg 0 0 505.257 0.0 319.5 0.0 505.257 214.0 0.0 0.0 1.0 943.253 0.0 319.5 0.0 943.253 283.5 0.0 0.0 1.0 0.9681158463422395 -0.12862854241531646 -0.21495675410919518 2.6521431471040056 0.1027051377358465 0.9864756896020945 -0.1277394555598737 2.6795563275774525 0.22848055222208874 0.1015894280926086 0.9682335593007021 11.830963894095103 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/60635619_2829148962.jpg sacre_coeur/test/images/19504977_367623688.jpg 0 0 530.154 0.0 249.5 0.0 530.154 187.0 0.0 0.0 1.0 495.415 0.0 319.5 0.0 495.415 212.5 0.0 0.0 1.0 0.9888905527544959 -0.1417243916180372 -0.044829359725572754 1.1029894765336357 0.1419843526004183 0.9898653476988143 0.002652742306682597 -2.2033224873102815 0.04399907146233519 -0.0089883394240973 0.998991136829977 -3.5851696853400066 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/82371655_10651730374.jpg sacre_coeur/test/images/72213636_3271218925.jpg 0 0 462.804 0.0 319.5 0.0 462.804 239.5 0.0 0.0 1.0 348.891 0.0 319.5 0.0 348.891 212.5 0.0 0.0 1.0 0.9822321576351306 0.11202106563242951 0.15056981557407575 -2.542809183861884 -0.08659897645889303 0.9823307073439638 -0.16591262364684647 0.7720394254602937 -0.166495062340324 0.14992552238922813 0.9745777198113083 1.7670381442540055 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/93650031_6280047097.jpg sacre_coeur/test/images/27614460_8959698816.jpg 0 0 536.98 0.0 319.5 0.0 536.98 195.0 0.0 0.0 1.0 807.303 0.0 319.5 0.0 807.303 319.5 0.0 0.0 1.0 0.9874152546028806 -0.043338772312139597 -0.15209492362339028 2.4277131028085623 0.02260875472084778 0.9905238555726225 -0.1354671021005457 -1.1634041362451746 0.15652462805418493 0.13032360628843753 0.9790382007135754 -4.243391674186724 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/15556549_5221678700.jpg sacre_coeur/test/images/60635619_2829148962.jpg 0 0 1213.47 0.0 319.5 0.0 1213.47 213.0 0.0 0.0 1.0 530.154 0.0 249.5 0.0 530.154 187.0 0.0 0.0 1.0 0.7580906075340005 -0.28571124501912637 -0.5862317930975347 25.877671040948265 0.36490881466926867 0.930865162991913 0.01821003307817923 -2.6322638653193 0.5404999424101721 -0.22772600378011243 0.8099386887023861 -18.192033087353458 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/26161317_4040935017.jpg sacre_coeur/test/images/08081221_11367454663.jpg 0 0 576.672 0.0 319.5 0.0 576.672 312.5 0.0 0.0 1.0 670.286 0.0 212.5 0.0 670.286 319.5 0.0 0.0 1.0 0.9597975697044453 0.07673798299696176 0.2699998280647576 -3.6054292923007276 -0.09317962595726444 0.9944627339254699 0.04859452788066202 2.627171206932709 -0.26477572112243397 -0.07179939274839416 0.9616333317356761 8.368917351147704 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/67770719_8270986474.jpg sacre_coeur/test/images/61084833_3699152935.jpg 0 0 499.694 0.0 212.5 0.0 499.694 319.5 0.0 0.0 1.0 1839.79 0.0 239.5 0.0 1839.79 319.5 0.0 0.0 1.0 0.9991636353956104 -0.010757915862643887 0.039449929649110274 -0.3283705669740365 0.0072159832131830585 0.9960188501228971 0.08885032237492972 3.5709290824874524 -0.040248717859014294 -0.08849134108009746 0.9952634441516232 41.90984417839859 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/88074069_5867013385.jpg sacre_coeur/test/images/73088789_3818781918.jpg 0 0 1107.69 0.0 319.5 0.0 1107.69 239.5 0.0 0.0 1.0 512.969 0.0 319.5 0.0 512.969 239.5 0.0 0.0 1.0 0.8286600086015863 -0.20044734736011108 -0.5226312764088212 25.909248309668392 0.30419125944675934 0.9450409299021683 0.11985540657742269 -6.178013852231808 0.4698832491381376 -0.2582992484424605 0.8440919561478162 -27.385340597401033 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/12289579_3098252990.jpg sacre_coeur/test/images/70185138_6825344581.jpg 0 0 989.015 0.0 239.5 0.0 989.015 319.5 0.0 0.0 1.0 2115.3 0.0 319.5 0.0 2115.3 319.5 0.0 0.0 1.0 0.9972739058353196 0.050013709154119144 0.05425297813588637 -2.5046165605134894 -0.03914933947430036 0.981863720312132 -0.18550192439310523 6.636014056887481 -0.06254667024464032 0.18287226042094662 0.9811450710317214 48.27247686420419 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/07643413_4366433493.jpg sacre_coeur/test/images/18185624_5817353047.jpg 0 0 692.547 0.0 319.5 0.0 692.547 239.5 0.0 0.0 1.0 534.387 0.0 212.0 0.0 534.387 319.5 0.0 0.0 1.0 0.9512928611374698 -0.15622577518750863 -0.265773210681492 2.579632847139736 -0.024157149658313268 0.8216669569874985 -0.5694557435967175 0.05891004588216441 0.30734073024783515 0.54813950684289 0.7778719409830649 -0.08343999295654186 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/59914221_4605768617.jpg sacre_coeur/test/images/67770719_8270986474.jpg 0 0 658.209 0.0 319.5 0.0 658.209 239.5 0.0 0.0 1.0 499.694 0.0 212.5 0.0 499.694 319.5 0.0 0.0 1.0 -0.03594599089184291 -0.9955954902187921 -0.08658813772571583 1.9372508981052627 0.9859360557937884 -0.02117954096827427 -0.16577551366279009 0.6442706684394818 0.16321145678104929 -0.09132933209203484 0.9823548103791373 2.5899134820750938 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/63858075_3812078922.jpg sacre_coeur/test/images/57164580_3093476792.jpg 0 0 537.525 0.0 249.5 0.0 537.525 187.0 0.0 0.0 1.0 647.246 0.0 319.5 0.0 647.246 239.5 0.0 0.0 1.0 0.9998363423306342 -0.005996079821164352 -0.017068555348280678 1.2148662000289225 0.0043587478259150166 0.9955251290324 -0.09439660365931547 0.9862314043683307 0.017558185335881805 0.09430675740264877 0.9953883391098716 4.996246526158712 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/57933149_11837935973.jpg sacre_coeur/test/images/79142222_31041441.jpg 0 0 522.366 0.0 239.5 0.0 522.366 319.5 0.0 0.0 1.0 495.471 0.0 212.5 0.0 495.471 319.5 0.0 0.0 1.0 0.9992273609284462 -0.015695771604201585 -0.03603226228980572 -0.10951689747615584 0.0247167588462928 0.9637626425097932 0.26561372467301936 -0.7230500638156836 0.03055753596262012 -0.2662991018690996 0.9634059504381339 -1.2302403801545938 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/34366638_4030867612.jpg sacre_coeur/test/images/43279207_5330361477.jpg 0 0 648.225 0.0 239.5 0.0 648.225 319.5 0.0 0.0 1.0 429.857 0.0 319.5 0.0 429.857 212.5 0.0 0.0 1.0 0.8629681037076871 0.16726800104363201 0.47676772941341844 0.004799059360790281 -0.2002526596086634 0.9795639505427264 0.018797316744256748 -0.7785744056718102 -0.46388029091869787 -0.11169549061620465 0.878828306936679 -1.577749993413553 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/26329012_3452802515.jpg sacre_coeur/test/images/04388678_7557805274.jpg 0 0 896.446 0.0 239.5 0.0 896.446 319.5 0.0 0.0 1.0 528.283 0.0 213.0 0.0 528.283 319.5 0.0 0.0 1.0 0.9937657457438367 -0.06922164279842105 -0.08739569070888774 0.8988739637062406 0.05358697869068064 0.9839808536108968 -0.1700297486970308 -0.09491358157585142 0.09776542487505646 0.16428646899686755 0.9815558454838629 1.5193439854822905 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/62933368_3252099162.jpg sacre_coeur/test/images/11173357_5349727279.jpg 0 0 439.426 0.0 319.5 0.0 439.426 213.0 0.0 0.0 1.0 530.786 0.0 319.5 0.0 530.786 213.0 0.0 0.0 1.0 0.9943985905006053 0.053286500484268175 0.09127974625594391 -0.6423232602467994 -0.0611435702336459 0.9944549506350177 0.08556176118213031 -0.3665628335344999 -0.08621430872826524 -0.0906636642963695 0.9921427281126757 -0.8806180239774313 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/99543611_6046123347.jpg sacre_coeur/test/images/09906423_9611413320.jpg 0 0 803.204 0.0 213.0 0.0 803.204 319.5 0.0 0.0 1.0 1488.12 0.0 239.5 0.0 1488.12 319.5 0.0 0.0 1.0 0.9969089707479016 -0.017124977468450833 -0.07667619701748964 1.126389370468476 0.007001991589676715 0.9914377286072925 -0.1303924936788577 4.00790373363279 0.0782526431255707 0.12945256057999746 0.9884930745347406 41.553577987031076 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/32903762_508473415.jpg sacre_coeur/test/images/43274786_5333458956.jpg 0 0 713.267 0.0 319.5 0.0 713.267 239.5 0.0 0.0 1.0 502.299 0.0 319.5 0.0 502.299 239.5 0.0 0.0 1.0 0.9506844252673463 0.09714535048497457 0.29455373776824884 -4.926367544390738 -0.13825344541021817 0.9828451453088582 0.12207131184276165 -2.0574066814604466 -0.2776420508249761 -0.1567743640457852 0.9478062515048847 -4.66013222723694 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/64272078_4462759761.jpg sacre_coeur/test/images/45575968_5097432755.jpg 0 0 1069.29 0.0 319.5 0.0 1069.29 231.5 0.0 0.0 1.0 588.085 0.0 319.5 0.0 588.085 179.5 0.0 0.0 1.0 0.9341019422287783 -0.11389337091941452 -0.3383516832897934 8.70745984946322 0.15568315133722047 0.9828369564454699 0.09896602161710663 -5.9587008409453635 0.32127296480428613 -0.1451200093220028 0.9358011888110882 -34.662705153816255 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/95898988_2340390005.jpg sacre_coeur/test/images/32813607_2497921988.jpg 0 0 727.689 0.0 319.5 0.0 727.689 239.5 0.0 0.0 1.0 769.873 0.0 319.5 0.0 769.873 212.5 0.0 0.0 1.0 0.87505749153666 0.16173407166096046 0.4561978480544767 -6.827226264734865 -0.19953619579506066 0.9792445306457258 0.03557324511578198 0.31149596057457435 -0.44097584182492744 -0.12215661776751832 0.8891670639775167 2.562768890123274 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/59340498_8155265289.jpg sacre_coeur/test/images/95398527_2664763907.jpg 0 0 709.882 0.0 319.5 0.0 709.882 239.5 0.0 0.0 1.0 829.676 0.0 319.5 0.0 829.676 213.0 0.0 0.0 1.0 0.995192148340403 0.02783198030036235 0.0939040401376507 -2.009627524757402 -0.03873229147744171 0.9924548174966391 0.11633247536530336 2.527882524685087 -0.0899577538543497 -0.11941028473407418 0.9887612383286511 8.08064632980592 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/49028473_4605994993.jpg sacre_coeur/test/images/87252152_3382721265.jpg 0 0 619.868 0.0 319.5 0.0 619.868 239.5 0.0 0.0 1.0 1262.46 0.0 239.5 0.0 1262.46 319.5 0.0 0.0 1.0 0.9922651342384414 -0.08320633635106578 -0.09212279286800373 1.2983063112846942 0.07300061717590786 0.991346875019263 -0.10909758604789584 3.918371890527213 0.1004032532675329 0.10152871012957265 0.9897530539244225 33.09552973189454 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/30442266_2401730436.jpg sacre_coeur/test/images/28574044_3399035477.jpg 0 0 523.192 0.0 319.5 0.0 523.192 239.5 0.0 0.0 1.0 838.765 0.0 213.0 0.0 838.765 319.5 0.0 0.0 1.0 0.9842108186778439 -0.023975761045387765 -0.17536883212185372 0.7431053322263796 0.013547744326089125 0.9980810546305701 -0.06042074983980239 1.6522611124393674 0.1764809423738534 0.05709090356460938 0.9826469893654655 8.203659552151839 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/70860676_2671019430.jpg sacre_coeur/test/images/72776302_21108497.jpg 0 0 722.064 0.0 319.5 0.0 722.064 239.5 0.0 0.0 1.0 565.519 0.0 187.0 0.0 565.519 249.5 0.0 0.0 1.0 0.989970864915248 -0.049183239079416935 -0.1324337404614573 0.6076284787973546 0.027179779849059362 0.9862361437908613 -0.1630936180476974 2.2651312504699845 0.13863241390927444 0.15785841021050623 0.9776818378897602 9.498154668317186 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/62933368_3252099162.jpg sacre_coeur/test/images/59358073_3809805538.jpg 0 0 439.426 0.0 319.5 0.0 439.426 213.0 0.0 0.0 1.0 1733.74 0.0 319.5 0.0 1733.74 239.5 0.0 0.0 1.0 0.744164981514496 0.2271437783185827 0.6281912003989615 -11.096891522853795 -0.17449689041910268 0.9738602272277415 -0.14542040110656906 5.980599183200957 -0.6448017645149502 -0.0014006409569616203 0.7643485609872739 49.57116865985153 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/99818215_2123948121.jpg sacre_coeur/test/images/64837411_8951541213.jpg 0 0 944.024 0.0 319.5 0.0 944.024 239.5 0.0 0.0 1.0 1049.84 0.0 319.5 0.0 1049.84 212.0 0.0 0.0 1.0 0.998277420921159 -0.011618181697766785 -0.057508336204735076 1.2640558319720112 0.0069389692752308205 0.9966975433395566 -0.08090647567586981 2.9360685956059243 0.05825840355173292 0.08036805929553353 0.9950612712093023 25.854463729819408 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/99543611_6046123347.jpg sacre_coeur/test/images/34297653_2634761938.jpg 0 0 803.204 0.0 213.0 0.0 803.204 319.5 0.0 0.0 1.0 648.902 0.0 239.0 0.0 648.902 319.5 0.0 0.0 1.0 0.999606608984692 0.0053840133149529856 -0.027525255216796062 -0.10209876355511138 -0.006555728738308117 0.9990682546400974 -0.04265729704399078 0.19144534293264903 0.0272699412327029 0.04282096415325041 0.9987105262958587 0.050963502397022964 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/79893810_6766787721.jpg sacre_coeur/test/images/96482156_2206813531.jpg 0 0 1017.45 0.0 212.0 0.0 1017.45 319.5 0.0 0.0 1.0 889.73 0.0 239.5 0.0 889.73 319.5 0.0 0.0 1.0 0.9991167460663264 0.014472776007365882 0.03944954352684477 -1.1567427718408143 -0.011799072265765792 0.9976707707383246 -0.06718493215048092 1.0782460029634635 -0.0403300089697863 0.06666012277995065 0.9969603394355561 5.853507550393019 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/06423637_6065403341.jpg sacre_coeur/test/images/34366638_4030867612.jpg 0 0 1816.82 0.0 230.0 0.0 1816.82 319.5 0.0 0.0 1.0 648.225 0.0 239.5 0.0 648.225 319.5 0.0 0.0 1.0 0.9913903802755736 -0.008358034732600893 -0.1306723274165677 6.257570216001218 0.016844621588870966 0.9978092760139327 0.06397583468841775 -6.8010980406688795 0.129851348166208 -0.06562615298766682 0.9893593055222444 -45.199640839990344 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/04808852_3532579721.jpg sacre_coeur/test/images/35558294_6148191791.jpg 0 0 536.862 0.0 319.5 0.0 536.862 223.5 0.0 0.0 1.0 638.785 0.0 319.5 0.0 638.785 239.5 0.0 0.0 1.0 0.36633848097950517 0.8656070357145804 -0.34135110527878154 0.7835779311753261 -0.9216968392791509 0.3878706560422719 -0.005593804086719761 -2.4503566343419543 0.12755804097136197 0.3166714605119235 0.9399192158269739 14.391971536592918 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/70970334_5790897082.jpg sacre_coeur/test/images/82675968_6187144108.jpg 0 0 633.07 0.0 319.5 0.0 633.07 239.5 0.0 0.0 1.0 712.807 0.0 319.5 0.0 712.807 239.5 0.0 0.0 1.0 0.9578885718352379 -0.10822869398261706 -0.2659624667998573 5.471704494421471 0.0954096170588399 0.9935859597445937 -0.060695515247011125 0.3330721263310521 0.2708255691771619 0.03276416330736456 0.962070694222953 -0.08038621658130651 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/41560346_5689316901.jpg sacre_coeur/test/images/48360689_7391063350.jpg 0 0 771.673 0.0 299.5 0.0 771.673 299.5 0.0 0.0 1.0 1914.59 0.0 212.0 0.0 1914.59 319.5 0.0 0.0 1.0 0.9792927467857041 0.10653848437030891 0.17214896874796698 -3.595775947477162 -0.04142700141683746 0.9377936338300847 -0.3447127846503145 5.047789027354603 -0.19816538458197086 0.3304431141601263 0.9227880735345667 55.22359920187818 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/92912238_291183223.jpg sacre_coeur/test/images/52110624_7557803032.jpg 0 0 1859.84 0.0 239.5 0.0 1859.84 319.5 0.0 0.0 1.0 531.679 0.0 319.5 0.0 531.679 213.0 0.0 0.0 1.0 0.9974505542369609 0.015130415451311356 -0.0697385286670861 2.4044716467417997 -0.003450995168812203 0.986347914316735 0.16463864235158085 -11.360960012953562 0.07127750335641748 -0.163978237736895 0.9838854887963224 -42.721969360841285 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/59996089_2005549974.jpg sacre_coeur/test/images/76502707_7996819470.jpg 0 0 497.691 0.0 319.5 0.0 497.691 213.5 0.0 0.0 1.0 1439.15 0.0 319.5 0.0 1439.15 239.5 0.0 0.0 1.0 0.9999220959867914 0.010796925558336789 0.006263254415219976 1.8063589734107741 -0.009382731377662948 0.9810920074643246 -0.1933143482556749 5.035224650099541 -0.008232029474962876 0.19324052185840704 0.9811168811118345 47.571983408982774 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/47058715_3625029597.jpg sacre_coeur/test/images/90679226_9106466645.jpg 0 0 679.749 0.0 319.5 0.0 679.749 239.5 0.0 0.0 1.0 512.07 0.0 239.5 0.0 512.07 319.5 0.0 0.0 1.0 0.9064964628735838 -0.05423543148312231 -0.4187155129315384 3.810451408913708 0.09705368074375798 0.9919256625178139 0.08163371296642594 -1.3578978213552475 0.41090722292479903 -0.1146385537698188 0.904440852758097 -2.5161999587901995 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/73479674_2286585340.jpg sacre_coeur/test/images/76465860_1236444051.jpg 0 0 510.127 0.0 249.5 0.0 510.127 187.0 0.0 0.0 1.0 690.247 0.0 239.5 0.0 690.247 319.5 0.0 0.0 1.0 0.658394020501215 -0.3931291075673111 -0.6418464135224059 6.613880314432416 0.30330729161372344 0.9190287066894719 -0.2517755411763117 3.51462974768334 0.688855573122693 -0.028909186498521856 0.7243219300240743 7.725630178496811 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/38714154_3919914519.jpg sacre_coeur/test/images/95271137_4372074334.jpg 0 0 1481.11 0.0 213.5 0.0 1481.11 319.5 0.0 0.0 1.0 1503.0 0.0 239.5 0.0 1503.0 319.5 0.0 0.0 1.0 0.9977975152875855 0.01096073892291482 -0.06542156134016193 3.97827532674864 -0.008602705793774207 0.9993069148840209 0.03621716882924137 -0.908787319516783 0.06577318556179737 -0.035574598623789255 0.9972002486932149 -6.420555333075853 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/03257649_3859474410.jpg sacre_coeur/test/images/13402995_4460408839.jpg 0 0 1327.45 0.0 239.5 0.0 1327.45 319.5 0.0 0.0 1.0 702.935 0.0 239.5 0.0 702.935 319.5 0.0 0.0 1.0 0.9880821667401829 0.02181041120396899 0.1523743342336213 -9.782380522421512 -0.03938570245837909 0.9927803597213489 0.11329573598952816 -7.5699680390787325 -0.14880321976316774 -0.11794686648937562 0.981807587296743 -38.75522204990746 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/35996631_900261655.jpg sacre_coeur/test/images/51093888_43012197.jpg 0 0 896.808 0.0 319.5 0.0 896.808 204.0 0.0 0.0 1.0 1767.41 0.0 319.5 0.0 1767.41 239.5 0.0 0.0 1.0 0.999128627647738 -0.008522987367367138 0.040857607628004375 -0.6778903232495861 0.006221893398163986 0.9984046586306202 0.05611974400526527 -0.04681873939521086 -0.041270733665518304 -0.05581663113275764 0.9975877055335535 0.43836913274505207 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/94345410_6525608719.jpg sacre_coeur/test/images/55185330_108661534.jpg 0 0 1400.71 0.0 319.5 0.0 1400.71 211.5 0.0 0.0 1.0 674.5 0.0 319.5 0.0 674.5 239.5 0.0 0.0 1.0 0.9891429995183931 -0.05057767736552007 -0.13797834995413358 4.849047797115209 0.07832627301456385 0.9758768020802874 0.20378778696771632 -14.706107848999375 0.1243427579692682 -0.21238259277506877 0.9692432681358872 -43.27501277278417 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/85019556_13753237.jpg sacre_coeur/test/images/14702458_3061790008.jpg 0 0 1875.74 0.0 239.5 0.0 1875.74 319.5 0.0 0.0 1.0 810.323 0.0 319.5 0.0 810.323 212.5 0.0 0.0 1.0 0.9942208759916149 -0.04524773388578833 -0.09735241301923149 4.715287973639093 0.06352370416787355 0.9789980269759597 0.19372042273846737 -11.196919876277999 0.08654241013086376 -0.19878507427716724 0.9762145796357287 -38.55576243944613 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/79302802_4840098295.jpg sacre_coeur/test/images/78937340_9546137587.jpg 0 0 528.086 0.0 319.5 0.0 528.086 213.0 0.0 0.0 1.0 944.217 0.0 239.5 0.0 944.217 319.5 0.0 0.0 1.0 0.9997260681414275 0.010280515846489471 0.02102616637458703 0.20692821352948376 -0.00790738650338818 0.9939015937234027 -0.10998679572006066 4.596433914077699 -0.02202866126590013 0.10979040480848228 0.9937106244248484 42.36731620339675 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/21155361_10359960085.jpg sacre_coeur/test/images/33631460_6836524250.jpg 0 0 778.711 0.0 212.5 0.0 778.711 319.5 0.0 0.0 1.0 492.214 0.0 319.5 0.0 492.214 212.0 0.0 0.0 1.0 0.831107090637067 0.13475632960005524 0.5395384467538078 -11.269863683924484 -0.2549897383788601 0.9545403863658072 0.15437902745546772 -2.2944556761226305 -0.49420768631646217 -0.26588227174698364 0.8276867646376813 -5.6585505577155475 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/41814686_978754656.jpg sacre_coeur/test/images/01991223_5589230.jpg 0 0 701.026 0.0 239.5 0.0 701.026 319.5 0.0 0.0 1.0 712.534 0.0 241.0 0.0 712.534 319.5 0.0 0.0 1.0 0.973358653150549 0.09811412506213502 0.2072354959948727 -2.1133593271465383 -0.08346260292027181 0.9934285296286918 -0.07831826372914938 0.1695640900248014 -0.21355778199523004 0.05893534578728864 0.9751511158616447 0.8374452288806278 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/04915709_121816865.jpg sacre_coeur/test/images/01991223_5589230.jpg 0 0 582.627 0.0 249.5 0.0 582.627 183.5 0.0 0.0 1.0 712.534 0.0 241.0 0.0 712.534 319.5 0.0 0.0 1.0 0.9970964245625342 -0.009083293034590474 -0.0756056473569193 2.1435538537925782 -0.0018094187082986358 0.9897539116039928 -0.1427722678552587 -0.24695043121496973 0.07612782755700527 0.14249452007794347 0.9868636509767738 -2.5022253379907275 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/75911664_13736760514.jpg sacre_coeur/test/images/65606241_8601988847.jpg 0 0 675.746 0.0 255.5 0.0 675.746 319.5 0.0 0.0 1.0 545.165 0.0 319.5 0.0 545.165 212.5 0.0 0.0 1.0 0.9990806076011525 -0.02233241290811142 0.03659512056289913 2.05553039660204 0.019133628236258207 0.9961508386384306 0.08554186665293326 0.7818996906557643 -0.03836461632583032 -0.08476302267883777 0.9956622852154836 4.874083281422688 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/58219592_4573644273.jpg sacre_coeur/test/images/44748036_142906563.jpg 0 0 612.079 0.0 319.5 0.0 612.079 239.5 0.0 0.0 1.0 516.863 0.0 187.0 0.0 516.863 249.5 0.0 0.0 1.0 0.7630639390750027 -0.20466550857471633 -0.6130623577444577 14.110818276402284 0.16389632374206206 0.9788083642335018 -0.12276881187978378 1.5836088331935971 0.625197104877476 -0.006798213470411675 0.7804372904637713 -0.9739739382403112 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/11830476_115274962.jpg sacre_coeur/test/images/15865748_8030415.jpg 0 0 708.87 0.0 319.5 0.0 708.87 239.5 0.0 0.0 1.0 666.681 0.0 212.0 0.0 666.681 319.5 0.0 0.0 1.0 0.889306970800128 0.27757487272724585 0.3634354161563698 -7.960073063248064 -0.1506023079048581 0.9281544391180752 -0.34036492474863167 1.187886111648829 -0.4318009455061797 0.24795468774730725 0.8672176291359077 10.442473167464588 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/63170630_8128095778.jpg sacre_coeur/test/images/88698102_4801040627.jpg 0 0 1392.01 0.0 212.0 0.0 1392.01 319.5 0.0 0.0 1.0 1399.17 0.0 319.5 0.0 1399.17 239.5 0.0 0.0 1.0 0.9994493183961087 0.014047106901452493 0.030062247840978648 -1.0084185809135933 -0.011724904484308473 0.9970331641408107 -0.0760749381741292 2.453022188353017 -0.031041690875129566 0.0756805681206405 0.9966488173055491 20.507605681772382 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/92863105_622062757.jpg sacre_coeur/test/images/97242119_2076423149.jpg 0 0 1225.4 0.0 239.0 0.0 1225.4 319.5 0.0 0.0 1.0 1416.69 0.0 213.0 0.0 1416.69 319.5 0.0 0.0 1.0 0.9925178184381217 -0.022294135472913874 -0.12004728904205474 5.085329836550887 0.01993077499275402 0.9995838954647919 -0.020851861682347993 3.7126953972722645 0.12046221104985365 0.018303208760950165 0.9925491666703637 16.057097040277746 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/40932424_8951501615.jpg sacre_coeur/test/images/60748234_6779431614.jpg 0 0 640.24 0.0 319.5 0.0 640.24 212.0 0.0 0.0 1.0 1251.64 0.0 305.5 0.0 1251.64 305.5 0.0 0.0 1.0 0.9977872291262931 0.011769312568788385 0.06543797577960522 -2.9206713255981174 -0.009093321919478817 0.9991160402379741 -0.041042047167018036 1.4353273090269596 -0.06586316792367924 0.040356181940926536 0.997012247512641 14.117847565238144 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/57164580_3093476792.jpg sacre_coeur/test/images/55695069_9640098822.jpg 0 0 647.246 0.0 319.5 0.0 647.246 239.5 0.0 0.0 1.0 462.683 0.0 319.5 0.0 462.683 239.5 0.0 0.0 1.0 0.9797173230956384 0.017146281090754004 -0.19964962276716977 0.339389208874449 0.023469982736195986 0.9796561624666094 0.1993062047492729 -5.462195815430137 0.19900534348775412 -0.19994951459294238 0.9593836901247424 -13.824135346382999 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/04808852_3532579721.jpg sacre_coeur/test/images/73479674_2286585340.jpg 0 0 536.862 0.0 319.5 0.0 536.862 223.5 0.0 0.0 1.0 510.127 0.0 249.5 0.0 510.127 187.0 0.0 0.0 1.0 0.9663245123047213 -0.09914980857191005 -0.2374578960135799 3.9681690973359345 0.11679795539277468 0.9912553793223446 0.06140855462052585 -0.858124363589889 0.22929277035072415 -0.08707518834127369 0.9694548659118803 -1.2019815325605725 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/17616986_7085723791.jpg sacre_coeur/test/images/83916827_2652728872.jpg 0 0 511.96 0.0 319.5 0.0 511.96 212.0 0.0 0.0 1.0 690.499 0.0 239.5 0.0 690.499 319.5 0.0 0.0 1.0 0.9960305973698421 0.04572114759840471 0.07637162932241424 -2.2621288411161227 -0.045519901105729704 0.9989538531297573 -0.004374690907459668 -0.19788616565745087 -0.07649174927010069 0.0008808969838257279 0.9970698251948575 -0.6018315878970357 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/79302802_4840098295.jpg sacre_coeur/test/images/88496846_9311240752.jpg 0 0 528.086 0.0 319.5 0.0 528.086 213.0 0.0 0.0 1.0 586.712 0.0 319.5 0.0 586.712 239.5 0.0 0.0 1.0 0.9992275569354518 -0.010275349186351493 -0.037930286841870456 1.2033876322547163 0.010199524541212047 0.999945580888707 -0.002192021961465127 -0.043852940831568876 0.03795074650044764 0.0018034578578047863 0.9992779835360197 -0.18865237873620622 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/43392981_1383168609.jpg sacre_coeur/test/images/18427217_3121596461.jpg 0 0 678.327 0.0 237.0 0.0 678.327 319.5 0.0 0.0 1.0 653.258 0.0 319.5 0.0 653.258 239.5 0.0 0.0 1.0 0.9753438833702275 -0.03681457691188631 -0.217598244705886 5.191414020137842 0.060924607024649344 0.9925882366123673 0.10515124724720719 -0.17920610256897485 0.2121143593233987 -0.11581571337927365 0.970357778916248 -1.112568838716955 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/02933228_4036000307.jpg sacre_coeur/test/images/54190154_780094544.jpg 0 0 679.926 0.0 319.5 0.0 679.926 239.5 0.0 0.0 1.0 1357.22 0.0 239.5 0.0 1357.22 319.5 0.0 0.0 1.0 0.9878955452329303 -0.03517292411744609 -0.15108030023123334 3.7956484903903323 -0.00890386964623312 0.959490628740334 -0.28159981261499756 4.81055872096516 0.15486482109973884 0.2795363997201567 0.9475633426939007 50.17611991025556 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/88231888_30382573.jpg sacre_coeur/test/images/18838757_518705247.jpg 0 0 545.858 0.0 249.5 0.0 545.858 187.0 0.0 0.0 1.0 517.004 0.0 187.0 0.0 517.004 249.5 0.0 0.0 1.0 0.9513497022469778 -0.10658056777673741 -0.2890922458437354 3.1584437606414957 0.11498041999742384 0.9932930965623311 0.012178971172951664 -0.5366489385568298 0.2858552904037329 -0.04482640844417329 0.9572237701050855 -4.572412129962855 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/99027725_2234948189.jpg sacre_coeur/test/images/44122025_7441115438.jpg 0 0 1385.64 0.0 239.5 0.0 1385.64 319.5 0.0 0.0 1.0 1479.22 0.0 319.5 0.0 1479.22 213.0 0.0 0.0 1.0 0.9760914677274124 0.11139950771059495 0.1866429648060245 -0.6108427514396505 -0.12341317669333995 0.9908851367981891 0.05399845822699674 2.7995452297981434 -0.1789263380506186 -0.0757416355399813 0.9809426946552608 15.560655823698838 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/84979436_3867757669.jpg sacre_coeur/test/images/59996089_2005549974.jpg 0 0 527.25 0.0 239.5 0.0 527.25 319.5 0.0 0.0 1.0 497.691 0.0 319.5 0.0 497.691 213.5 0.0 0.0 1.0 0.9998471110686323 -0.017087242507136627 -0.003712227257669041 -1.2225118760519627 0.01746953727384242 0.9669801274655913 0.25425233205236614 -0.22262275248030106 -0.0007548212689817722 -0.25427831057746775 0.9671307931271347 -0.31858592791453066 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/75519914_2079302390.jpg sacre_coeur/test/images/36799566_319205128.jpg 0 0 569.028 0.0 187.0 0.0 569.028 249.5 0.0 0.0 1.0 815.415 0.0 166.0 0.0 815.415 249.5 0.0 0.0 1.0 0.9943263135284002 0.029286511616390787 0.10226183287211607 -3.6775321237158116 -0.032013045004773984 0.9991716477541409 0.025123361116640475 0.4223549808439082 -0.10144134844600554 -0.02825453170055755 0.9944402115078805 3.51942217188272 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/44809085_2582173264.jpg sacre_coeur/test/images/24662873_8171467618.jpg 0 0 1129.38 0.0 213.0 0.0 1129.38 319.5 0.0 0.0 1.0 733.364 0.0 239.5 0.0 733.364 319.5 0.0 0.0 1.0 0.9970241019839833 -0.022348235380525328 -0.07378005447550394 4.165993332364197 0.030106673642712772 0.9939337479170414 0.10577945430826384 -4.7677525533878224 0.07096850192305651 -0.10768593746148813 0.9916487334776551 -32.874576550917425 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/39890331_3228856431.jpg sacre_coeur/test/images/60953043_2624021191.jpg 0 0 853.952 0.0 295.0 0.0 853.952 319.5 0.0 0.0 1.0 1395.38 0.0 212.5 0.0 1395.38 319.5 0.0 0.0 1.0 0.996683823248203 -0.010579032627223858 -0.08068110400842095 1.0958415233822065 0.01783470288994054 0.9958048773134139 0.08974725450755747 1.75318081700193 0.07939319774497718 -0.09088856026744448 0.9926912862337103 5.804767384992553 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/07643413_4366433493.jpg sacre_coeur/test/images/99119091_3503925030.jpg 0 0 692.547 0.0 319.5 0.0 692.547 239.5 0.0 0.0 1.0 504.731 0.0 319.5 0.0 504.731 214.0 0.0 0.0 1.0 0.9970385028407444 0.05506563335564837 0.053684260973106135 -0.8697912296843073 -0.05158904960519007 0.9966074637680017 -0.064125916155209 0.06923012246456511 -0.0570332693602647 0.06116648743432113 0.9964967972858851 0.19454035611720888 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/60635619_2829148962.jpg sacre_coeur/test/images/31938889_10141160664.jpg 0 0 530.154 0.0 249.5 0.0 530.154 187.0 0.0 0.0 1.0 1776.39 0.0 210.0 0.0 1776.39 319.5 0.0 0.0 1.0 0.8493633067632131 0.24712302200460393 0.4663820162909073 -8.08167098661334 -0.14489830780717408 0.9588434639079791 -0.24417963083673727 4.899050620931799 -0.5075297562891044 0.1398192537394614 0.850214162881837 48.94079756511608 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/12573771_2610756325.jpg sacre_coeur/test/images/97523888_2454093481.jpg 0 0 686.081 0.0 213.5 0.0 686.081 319.5 0.0 0.0 1.0 651.106 0.0 319.5 0.0 651.106 239.5 0.0 0.0 1.0 0.9880955910875315 0.012267089192402087 -0.15335130060135563 2.676192440239312 -0.009506199580866724 0.9997794976099711 0.01872400406650694 0.34114857765739703 0.1535471753009817 -0.017043317796118545 0.9879943270462589 1.7003015696725043 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/89443230_8712904049.jpg sacre_coeur/test/images/43279207_5330361477.jpg 0 0 614.242 0.0 238.5 0.0 614.242 319.5 0.0 0.0 1.0 429.857 0.0 319.5 0.0 429.857 212.5 0.0 0.0 1.0 0.9058770182497057 0.12122284547472384 0.4058224359766641 -1.2692291857086708 -0.16820324525169128 0.9823331912760347 0.08203151592065573 -0.792923086589556 -0.3887087548458637 -0.1425711157719284 0.9102631382483448 -1.8323088274647672 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/01617203_4574281148.jpg sacre_coeur/test/images/16634907_9608639107.jpg 0 0 609.931 0.0 319.5 0.0 609.931 239.5 0.0 0.0 1.0 772.57 0.0 305.5 0.0 772.57 305.5 0.0 0.0 1.0 0.9968613368295121 -0.03289981613819798 0.07200748039301892 0.7938846470976326 0.02666656843663663 0.9959489550685332 0.08587533421018574 0.36450285876479427 -0.07454105756086638 -0.08368560805759667 0.9937003319621754 0.6106307461115152 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/72482105_8590533286.jpg sacre_coeur/test/images/66599130_8409392232.jpg 0 0 877.949 0.0 319.5 0.0 877.949 206.5 0.0 0.0 1.0 701.54 0.0 319.5 0.0 701.54 239.5 0.0 0.0 1.0 0.9921892088400952 -0.008025151119774143 0.12448361663596869 -1.237170291036633 -0.025965491795230736 0.962783220685893 0.26902465166138684 0.3406708961602303 -0.12200970083193319 -0.27015563461679554 0.955054745021299 0.10515997012580858 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/20864632_4515642500.jpg sacre_coeur/test/images/99936428_253699491.jpg 0 0 707.548 0.0 319.5 0.0 707.548 239.5 0.0 0.0 1.0 658.712 0.0 319.5 0.0 658.712 239.5 0.0 0.0 1.0 0.9921559469034192 -0.07967970062069506 -0.09632093403396678 -0.73226072757988 0.10576375280339183 0.9458080519289891 0.30701979984885963 -3.205518346243424 0.06663786924206394 -0.3147987836941039 0.9468163075103802 -7.075928643628531 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/61737552_3071958212.jpg sacre_coeur/test/images/70139640_13923464795.jpg 0 0 531.42 0.0 319.5 0.0 531.42 213.0 0.0 0.0 1.0 544.883 0.0 239.5 0.0 544.883 319.5 0.0 0.0 1.0 0.9726972660003907 -0.08907425196415063 -0.21430307126215414 2.793801451165902 0.07084425161466365 0.9932995978812615 -0.0913071785900881 -0.11307118585757275 0.22100027314128623 0.0736321022784969 0.972490201896927 -4.34159305840668 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/79770190_8442039294.jpg sacre_coeur/test/images/85360130_8421021553.jpg 0 0 704.085 0.0 239.5 0.0 704.085 319.5 0.0 0.0 1.0 1605.2 0.0 319.5 0.0 1605.2 213.0 0.0 0.0 1.0 0.9954098721089802 -0.02464015462637322 0.09247729066085503 -1.7293564273991848 0.012510013095789559 0.9914973290587852 0.12952430675992105 -1.7272434732650113 -0.09488248563526896 -0.12777288150966687 0.987254478171859 -5.425162314538605 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/81476348_2961239173.jpg sacre_coeur/test/images/15556549_5221678700.jpg 0 0 534.342 0.0 239.5 0.0 534.342 319.5 0.0 0.0 1.0 1213.47 0.0 319.5 0.0 1213.47 213.0 0.0 0.0 1.0 0.99073953282428 -0.02239099945868682 0.13391721787122352 -2.339978818856469 -0.0011541562800003945 0.9848839716454221 0.17321151901424175 3.226950697156954 -0.1357713004372021 -0.17176206082596007 0.9757376432414661 20.45265122995268 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/71781222_5227267590.jpg sacre_coeur/test/images/85019556_13753237.jpg 0 0 862.013 0.0 212.0 0.0 862.013 319.5 0.0 0.0 1.0 1875.74 0.0 239.5 0.0 1875.74 319.5 0.0 0.0 1.0 0.99782315539259 0.057142460902782063 0.032919442953196924 -1.2994837855480452 -0.04452937569527324 0.9520137056033237 -0.3027986774139172 3.427927576975455 -0.04864242245780908 0.3006736495029158 0.9524858378117932 40.0640467679725 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/77129992_2502002338.jpg sacre_coeur/test/images/33317152_9653273357.jpg 0 0 1567.64 0.0 213.5 0.0 1567.64 319.5 0.0 0.0 1.0 531.534 0.0 319.5 0.0 531.534 239.5 0.0 0.0 1.0 0.890623133883646 -0.11828087867654681 -0.4390900444450739 9.793299195366053 0.22514063448199828 0.9536252335354763 0.19977639667751448 -6.453551731389924 0.39509761843918545 -0.2767824916860031 0.8759505261142159 -9.07587252166018 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/79220560_3217246137.jpg sacre_coeur/test/images/27770418_2219914621.jpg 0 0 1106.67 0.0 214.0 0.0 1106.67 319.5 0.0 0.0 1.0 1305.61 0.0 319.5 0.0 1305.61 239.5 0.0 0.0 1.0 0.9924373626299886 0.04003925755597042 0.11603852425121171 -4.120426647876182 -0.04395737009483494 0.9985396826115585 0.031404647177673224 0.4747853207211863 -0.1146116524197173 -0.03626789357510435 0.9927481095551112 1.433534071224699 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/89598965_8275144360.jpg sacre_coeur/test/images/00204549_3820006713.jpg 0 0 715.898 0.0 213.0 0.0 715.898 319.5 0.0 0.0 1.0 565.301 0.0 319.5 0.0 565.301 213.5 0.0 0.0 1.0 0.997957171919602 -0.021190466002061845 -0.06026978650074731 1.1164275570833615 0.026196832382791482 0.9961610514283422 0.08352775341338778 1.1991378840574543 0.058268421871011146 -0.08493599806792904 0.9946811887458546 4.542778422207536 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/35719192_2298527061.jpg sacre_coeur/test/images/66599130_8409392232.jpg 0 0 551.852 0.0 249.5 0.0 551.852 187.0 0.0 0.0 1.0 701.54 0.0 319.5 0.0 701.54 239.5 0.0 0.0 1.0 0.9975048465687574 -0.039682042177102195 -0.05839020980005287 2.148723880149918 0.04793364095772873 0.9879009904899105 0.14749236947581001 -7.455738718300083 0.05183094767004612 -0.1499232087360326 0.9873381307059486 -32.44777077857744 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/85532633_499885666.jpg sacre_coeur/test/images/97242119_2076423149.jpg 0 0 1397.17 0.0 239.5 0.0 1397.17 319.5 0.0 0.0 1.0 1416.69 0.0 213.0 0.0 1416.69 319.5 0.0 0.0 1.0 0.9977309463625105 -0.024485007134030175 -0.06271716747602168 1.8647499369673086 0.02758333167932168 0.9984167631432014 0.049021698135832785 1.7006306087874474 0.06141757471634151 -0.050640413705840506 0.9968266800280096 5.417741403443422 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/11830476_115274962.jpg sacre_coeur/test/images/85291069_9106452141.jpg 0 0 708.87 0.0 319.5 0.0 708.87 239.5 0.0 0.0 1.0 1805.38 0.0 239.5 0.0 1805.38 319.5 0.0 0.0 1.0 0.8663488897966096 0.2874622541685877 0.4084177439540259 -8.408875559041867 -0.1465208867372733 0.9280580870999148 -0.34240300337200635 6.384403173377724 -0.47746332937504754 0.23679873183098193 0.8461413178100534 47.679399805833135 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/95399415_4857734874.jpg sacre_coeur/test/images/83804881_3941265613.jpg 0 0 542.7 0.0 319.5 0.0 542.7 239.5 0.0 0.0 1.0 1145.06 0.0 319.5 0.0 1145.06 239.5 0.0 0.0 1.0 0.9816711550068395 0.03658835343448146 0.187037525166718 -2.548509749061112 -0.0679192053841057 0.9841259667988194 0.16396055322021963 0.032764942809093256 -0.17806943861182037 -0.17365878574158658 0.9685731263912027 0.3828377700565282 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/38432569_8875267871.jpg sacre_coeur/test/images/84259836_1237320024.jpg 0 0 569.282 0.0 239.5 0.0 569.282 319.5 0.0 0.0 1.0 693.174 0.0 239.5 0.0 693.174 319.5 0.0 0.0 1.0 0.8072093128916666 -0.23466837303041488 -0.5416122966479079 9.31057957258908 0.22058698649456424 0.9710222307077039 -0.09196308422775697 1.358357842541784 0.5474984078243612 -0.04523916633507582 0.8355829768844606 -0.3443693178824745 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/02933228_4036000307.jpg sacre_coeur/test/images/59914221_4605768617.jpg 0 0 679.926 0.0 319.5 0.0 679.926 239.5 0.0 0.0 1.0 658.209 0.0 319.5 0.0 658.209 239.5 0.0 0.0 1.0 -0.0023864515400946382 0.9771158465910263 -0.21269444560154385 0.5276404470559162 -0.9862750285881388 0.03281482801106444 0.16181704189012203 -1.445030681246601 0.16509352753064563 0.21016138894503328 0.9636266485336438 6.154263701680754 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/79410678_281876803.jpg sacre_coeur/test/images/73479674_2286585340.jpg 0 0 521.004 0.0 249.5 0.0 521.004 187.0 0.0 0.0 1.0 510.127 0.0 249.5 0.0 510.127 187.0 0.0 0.0 1.0 0.9995760336534268 -0.02196630499997719 0.01911110646539263 -0.2710701626651519 0.017292605768846475 0.975952284758626 0.21729727025469325 -4.149520921411666 -0.02342474613324235 -0.21687466269499056 0.9759183684865897 -9.257478008170875 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/61059746_3651170874.jpg sacre_coeur/test/images/51939662_7396091320.jpg 0 0 1456.26 0.0 239.5 0.0 1456.26 319.5 0.0 0.0 1.0 1086.81 0.0 319.5 0.0 1086.81 212.0 0.0 0.0 1.0 0.9995152542635767 0.028911000073076027 -0.01155034931038222 1.8632010644636168 -0.026085867847567546 0.9802209180464742 0.1961797118021299 -4.187682638212945 0.016993645667027754 -0.1957833136375573 0.9804999286629458 -14.054388768590869 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/58368117_3401402227.jpg sacre_coeur/test/images/36940211_2500226864.jpg 0 0 682.756 0.0 319.5 0.0 682.756 239.0 0.0 0.0 1.0 647.827 0.0 319.5 0.0 647.827 239.5 0.0 0.0 1.0 0.9996806640505757 -0.0015091860349026895 0.02522483460624032 -1.3202495750269776 0.002329792315001799 0.9994679131979423 -0.0325340215085587 0.9742323407872733 -0.02516231291374232 0.03258240085172457 0.9991522632529879 4.852484359832163 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/54446446_3898144328.jpg sacre_coeur/test/images/44509707_7002758055.jpg 0 0 567.536 0.0 319.5 0.0 567.536 212.5 0.0 0.0 1.0 1017.42 0.0 213.0 0.0 1017.42 319.5 0.0 0.0 1.0 0.9632029661088729 -0.06744359742797493 -0.2601757237811445 1.348957263430211 0.031464666331677264 0.9896439960343476 -0.1400526182754342 0.020194230573528205 0.26692699535960274 0.1267127549978356 0.9553501226614006 26.63324269895066 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/25927611_9367586008.jpg sacre_coeur/test/images/96709709_8993852809.jpg 0 0 828.45 0.0 213.0 0.0 828.45 319.5 0.0 0.0 1.0 1473.26 0.0 213.0 0.0 1473.26 319.5 0.0 0.0 1.0 0.9915381561226566 -0.03146973999788526 -0.12594340164275358 2.1966935014576663 0.01869234610685512 0.994672344228372 -0.10137812300618347 -0.6545681200496518 0.12846276172457136 0.09816609950334604 0.9868438254143332 -1.1510618032535849 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/04671520_6574800359.jpg sacre_coeur/test/images/05383315_4256744078.jpg 0 0 497.791 0.0 319.5 0.0 497.791 214.0 0.0 0.0 1.0 606.112 0.0 239.5 0.0 606.112 319.5 0.0 0.0 1.0 0.99124293605623 -0.12092873411309525 -0.053044160700579705 2.5600464242270595 0.1097929828036598 0.9779318936431265 -0.17774901496954612 3.2665456878316745 0.07336853989074504 0.1703685788558823 0.9826452079427891 5.260103904877732 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/20864632_4515642500.jpg sacre_coeur/test/images/43392981_1383168609.jpg 0 0 707.548 0.0 319.5 0.0 707.548 239.5 0.0 0.0 1.0 678.327 0.0 237.0 0.0 678.327 319.5 0.0 0.0 1.0 0.9973215876395957 0.01355973587405461 0.07187339139808363 -4.8391750693229865 -0.008741738000674721 0.9977193768951854 -0.0669300155730647 1.1383368172504038 -0.07261702861425687 0.06612245103524977 0.9951656086422639 4.8840630038238 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/97879806_8161726916.jpg sacre_coeur/test/images/41728687_4706427664.jpg 0 0 794.081 0.0 319.5 0.0 794.081 239.5 0.0 0.0 1.0 1542.39 0.0 213.5 0.0 1542.39 319.5 0.0 0.0 1.0 0.989838108645388 -0.03444660947304481 -0.1379635813145364 3.2312248692647887 0.02967241644612073 0.9988925324012671 -0.03651378390733322 4.968412723157037 0.13906856717306443 0.03204902196315794 0.9897640091535131 34.81220128062135 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/68663909_1356782012.jpg sacre_coeur/test/images/75878456_4122246314.jpg 0 0 672.136 0.0 319.5 0.0 672.136 239.0 0.0 0.0 1.0 887.502 0.0 319.5 0.0 887.502 213.0 0.0 0.0 1.0 0.99963731789362 -0.019357310889244587 -0.018722371366536802 -0.3009197195516897 0.016660714606098893 0.9907360994981347 -0.1347753751248203 1.808478729858216 0.021157818017543947 0.13441456642179464 0.9906992838749695 8.441369135894039 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/52110624_7557803032.jpg sacre_coeur/test/images/28570538_3018664920.jpg 0 0 531.679 0.0 319.5 0.0 531.679 213.0 0.0 0.0 1.0 655.109 0.0 319.5 0.0 655.109 239.5 0.0 0.0 1.0 0.9969196238110191 -0.04642107694160332 0.0632166692896563 1.3412520861555954 0.05306449409373005 0.9927526121665229 -0.10782583411743975 1.9347002714437045 -0.05775312222791528 0.11084825055961359 0.992157871621649 7.988878422812461 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/04739785_8198592553.jpg sacre_coeur/test/images/66060871_14030313413.jpg 0 0 720.152 0.0 319.5 0.0 720.152 239.5 0.0 0.0 1.0 564.715 0.0 319.5 0.0 564.715 239.5 0.0 0.0 1.0 0.9815958851193171 -0.03887805100725261 -0.18697062728327657 6.291041466235461 0.07396902987580958 0.980035243669596 0.18455217090217813 -4.7668460672391 0.17606277555478914 -0.19498568746283054 0.9648743341744516 -12.457204396431038 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/38879018_753144146.jpg sacre_coeur/test/images/33654157_4220339151.jpg 0 0 1556.17 0.0 249.5 0.0 1556.17 187.0 0.0 0.0 1.0 1437.6 0.0 319.5 0.0 1437.6 239.5 0.0 0.0 1.0 0.9987588700688231 0.014091380217129301 -0.047771879410629804 5.061573218477407 -0.016008402256367633 0.9990719744561679 -0.03998650914311597 3.5231383227588147 0.04716408078236853 0.04070163215192321 0.9980575768081338 14.672669055461562 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/38432569_8875267871.jpg sacre_coeur/test/images/81703421_7754459314.jpg 0 0 569.282 0.0 239.5 0.0 569.282 319.5 0.0 0.0 1.0 514.334 0.0 319.5 0.0 514.334 239.5 0.0 0.0 1.0 0.8820838726555343 -0.21238346424599408 -0.4205012553083354 10.572928239145327 0.21104395806590526 0.9761797115445614 -0.05033506265669345 0.40150278778812876 0.4211751290910845 -0.04434450229337772 0.9058946272892122 -2.9200739188137397 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/94003968_8161684801.jpg sacre_coeur/test/images/73608962_13972912642.jpg 0 0 680.107 0.0 319.5 0.0 680.107 212.0 0.0 0.0 1.0 713.805 0.0 239.5 0.0 713.805 319.5 0.0 0.0 1.0 0.999546124975035 0.010752728022163378 0.028141124488419544 0.8090716246572096 -0.010244531187036296 0.9997829503570452 -0.018141161928601483 -1.1155463550503344 -0.02833008344762121 0.017844635480818348 0.9994393305030614 -5.191800200102085 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/31938889_10141160664.jpg sacre_coeur/test/images/78505289_3963139878.jpg 0 0 1776.39 0.0 210.0 0.0 1776.39 319.5 0.0 0.0 1.0 975.248 0.0 319.5 0.0 975.248 179.5 0.0 0.0 1.0 0.9924760890916307 -0.022065254172914286 -0.1204339534336823 0.6866552149866321 0.019345936624854246 0.9995318615528093 -0.023702161860948083 0.7662032438051591 0.12090056789564223 0.021193921276161976 0.9924383458852498 3.662020685002922 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/20037662_5148608508.jpg sacre_coeur/test/images/97242119_2076423149.jpg 0 0 736.307 0.0 235.5 0.0 736.307 319.5 0.0 0.0 1.0 1416.69 0.0 213.0 0.0 1416.69 319.5 0.0 0.0 1.0 0.9967691608200951 -0.011663943130445935 -0.07946818526085096 0.3915329681959199 0.009023591914098428 0.999397855725646 -0.03350374247675586 4.4164108019940125 0.07981111969500881 0.03267840879894067 0.9962742126399732 40.05755988537062 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/55640818_3363877988.jpg sacre_coeur/test/images/46331415_3742093205.jpg 0 0 534.551 0.0 249.5 0.0 534.551 187.0 0.0 0.0 1.0 631.609 0.0 239.5 0.0 631.609 319.5 0.0 0.0 1.0 0.9403544923735914 0.1667112209200015 0.2965481368887146 -6.330971762667817 -0.03953757748859737 0.9193463664571906 -0.3914575819272047 -0.6936691768824227 -0.33789082354976513 0.35638410079761335 0.8711028435607004 7.148232353977494 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/55695069_9640098822.jpg sacre_coeur/test/images/61737552_3071958212.jpg 0 0 462.683 0.0 319.5 0.0 462.683 239.5 0.0 0.0 1.0 531.42 0.0 319.5 0.0 531.42 213.0 0.0 0.0 1.0 0.97655029546299 0.020068044674141337 0.2143520329133912 2.4026407230039557 -0.004975218015826046 0.9974837911966782 -0.07072010679853954 1.5687403364599093 -0.21523189270375775 0.06799529309340838 0.9741929339100645 6.20952725547175 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/07251208_9118340426.jpg sacre_coeur/test/images/22199037_8161715444.jpg 0 0 1004.34 0.0 211.5 0.0 1004.34 319.5 0.0 0.0 1.0 593.177 0.0 319.5 0.0 593.177 212.0 0.0 0.0 1.0 0.9961792455738646 0.015255396344397786 0.08598943871349309 -3.1731882452793663 -0.0321210172222813 0.9796095963618466 0.1983261933492044 -9.811249751537295 -0.08121053466448894 -0.2003305059099972 0.9763567675093734 -40.03524911241682 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/87565848_5767537300.jpg sacre_coeur/test/images/00204549_3820006713.jpg 0 0 1030.07 0.0 213.0 0.0 1030.07 319.5 0.0 0.0 1.0 565.301 0.0 319.5 0.0 565.301 213.5 0.0 0.0 1.0 0.9496157896933831 0.09665955288628726 0.2981388649620101 -8.424209140204141 -0.13905338172153758 0.9824417406835906 0.1243880347718409 -2.8397549602775283 -0.2808807736332571 -0.15957805926385799 0.9463830271115199 -4.782901219189238 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/34935406_396311145.jpg sacre_coeur/test/images/79410678_281876803.jpg 0 0 481.009 0.0 187.0 0.0 481.009 249.5 0.0 0.0 1.0 521.004 0.0 249.5 0.0 521.004 187.0 0.0 0.0 1.0 0.9991138190815784 0.013832110512271064 -0.03975234884883553 0.765270296614562 -0.01196880591152951 0.9988356399080489 0.046734485495518674 -0.06820645406169135 0.040352499368382776 -0.0462172821383412 0.9981160446693911 -0.4662396447614352 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/59088601_13927956521.jpg sacre_coeur/test/images/64661937_6056840145.jpg 0 0 1295.39 0.0 319.5 0.0 1295.39 213.0 0.0 0.0 1.0 697.765 0.0 239.5 0.0 697.765 319.5 0.0 0.0 1.0 0.9993614501262487 0.035048410290700494 0.00694988760024017 -0.4092982202499692 -0.03561966452141931 0.9925560389912335 0.11646350914090882 -8.666954017402702 -0.0028162920556633326 -0.11663669404663235 0.9931706550744085 -39.891616113850745 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/47029087_8959697396.jpg sacre_coeur/test/images/61672452_5135373512.jpg 0 0 622.643 0.0 319.5 0.0 622.643 239.5 0.0 0.0 1.0 1840.71 0.0 239.5 0.0 1840.71 319.5 0.0 0.0 1.0 0.9787034798787887 -0.0476126018018885 -0.1996810923017107 0.1918669489604874 0.014027643811307415 0.9859681257059802 -0.16634326046143086 3.246131228984095 0.2047992277384184 0.15999967262932488 0.9656383282970163 40.50089443844257 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/86827532_95504488.jpg sacre_coeur/test/images/39576665_3604888991.jpg 0 0 526.393 0.0 249.5 0.0 526.393 166.0 0.0 0.0 1.0 544.089 0.0 319.5 0.0 544.089 212.5 0.0 0.0 1.0 0.996671820622357 0.017333317079437128 0.07965449200352606 -1.5654301405824884 -0.03684157066637257 0.967425718914034 0.25045993103588277 -3.0441946383597873 -0.07271850279090447 -0.2525609520545252 0.9648445392130075 -5.594754810042997 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/48325951_2932818065.jpg sacre_coeur/test/images/63360516_5790897098.jpg 0 0 714.985 0.0 239.5 0.0 714.985 319.5 0.0 0.0 1.0 516.78 0.0 319.5 0.0 516.78 239.5 0.0 0.0 1.0 0.9991196376613812 -0.005700289401964882 0.04156267965523952 -1.275619085526102 0.003691662542387567 0.9988286998114791 0.04824520764369458 -0.2720966318348268 -0.04178900892655085 -0.04804929899222168 0.9979704121862996 -0.37437856101702316 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/44937588_1061437022.jpg sacre_coeur/test/images/03654060_2228949569.jpg 0 0 521.234 0.0 319.5 0.0 521.234 239.5 0.0 0.0 1.0 517.828 0.0 187.0 0.0 517.828 249.5 0.0 0.0 1.0 0.9730291121114288 -0.1589262816690947 -0.16720282287832225 4.9294242515111275 0.13672865637494555 0.9811091329062006 -0.13685811577668616 2.3861433448865284 0.18579456803024708 0.11030551356518116 0.976377525431416 4.775897188362828 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/96301971_7410171184.jpg sacre_coeur/test/images/85015287_3451838837.jpg 0 0 509.198 0.0 319.5 0.0 509.198 180.0 0.0 0.0 1.0 2131.2 0.0 239.5 0.0 2131.2 319.5 0.0 0.0 1.0 0.998028569232207 -0.008399785698911517 -0.06219661242002195 0.013742822650797515 0.004983019853794203 0.9984801054428943 -0.05488759921770328 3.567328360805667 0.0625631241982908 0.05446946516130747 0.9965535273409003 35.19809422804839 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/66060871_14030313413.jpg sacre_coeur/test/images/99936428_253699491.jpg 0 0 564.715 0.0 319.5 0.0 564.715 239.5 0.0 0.0 1.0 658.712 0.0 319.5 0.0 658.712 239.5 0.0 0.0 1.0 0.9255622977536128 0.10874216043203261 0.3626424899561914 -4.718828482250278 -0.1466915546804473 0.9860449379602364 0.07872082385510738 -0.7741325646547006 -0.34902151905360457 -0.12605761725325285 0.9285975750398807 -0.6829081043112832 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/61737552_3071958212.jpg sacre_coeur/test/images/04073909_6377255611.jpg 0 0 531.42 0.0 319.5 0.0 531.42 213.0 0.0 0.0 1.0 679.951 0.0 319.5 0.0 679.951 221.5 0.0 0.0 1.0 0.998339397785486 -0.004793008915649124 -0.05740621825941656 0.25592601986400704 0.001762239017975936 0.9986072592396751 -0.052729842664927584 1.3949033607536374 0.05757900088536433 0.052541115893736036 0.9969574162408764 3.3236745816345152 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/64951325_3689575044.jpg sacre_coeur/test/images/57007030_768923483.jpg 0 0 782.711 0.0 212.5 0.0 782.711 319.5 0.0 0.0 1.0 515.756 0.0 319.5 0.0 515.756 239.5 0.0 0.0 1.0 0.999154639733726 0.011405839426343156 0.03949573047240316 -1.4643466348864167 -0.008289629982772913 0.9969045276043252 -0.07818340537956785 0.6549037505024768 -0.04026521989654288 0.07778990724366246 0.996156334315907 1.168922899476767 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/21142120_2892123124.jpg sacre_coeur/test/images/04808852_3532579721.jpg 0 0 706.719 0.0 319.5 0.0 706.719 240.5 0.0 0.0 1.0 536.862 0.0 319.5 0.0 536.862 223.5 0.0 0.0 1.0 0.970338219439513 0.05855865909053898 0.23455196298576117 -3.1606137611376015 -0.08515666599793052 0.9908279976013789 0.10492007150854944 -0.6492491981736488 -0.22625667311943037 -0.12178161854220967 0.9664249351367995 -3.785481113072045 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/33672452_9565324953.jpg sacre_coeur/test/images/12573771_2610756325.jpg 0 0 493.101 0.0 212.5 0.0 493.101 319.5 0.0 0.0 1.0 686.081 0.0 213.5 0.0 686.081 319.5 0.0 0.0 1.0 0.9676939525415718 -0.04085308007499343 -0.2487959808012513 4.874025333996206 0.0919148365825564 0.9760379172614203 0.19723500420561943 -0.8185478778121209 0.23477665350386182 -0.21373116271703327 0.9482609941641346 -5.488415340053695 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/32072823_7643459828.jpg sacre_coeur/test/images/27172569_5015079786.jpg 0 0 483.073 0.0 239.5 0.0 483.073 319.5 0.0 0.0 1.0 476.902 0.0 239.5 0.0 476.902 319.5 0.0 0.0 1.0 0.9641621513381173 0.12354151466563797 0.23479531528796113 -5.755323964393949 -0.1299071147547471 0.9914562067828935 0.0117784365589504 -2.2476363877728684 -0.23133414677290962 -0.04185790469906736 0.9719734710119683 -2.358744134049994 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/50567962_6045994327.jpg sacre_coeur/test/images/96482156_2206813531.jpg 0 0 1315.23 0.0 213.0 0.0 1315.23 319.5 0.0 0.0 1.0 889.73 0.0 239.5 0.0 889.73 319.5 0.0 0.0 1.0 0.9989826873827193 -0.002744038361801035 0.045011782491577626 -3.587000913033849 -0.0042161951831712514 0.988091431342667 0.15381010046605276 -8.269647883158022 -0.044897817405499044 -0.15384340597071028 0.9870746640612116 -45.48037636336754 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/79770190_8442039294.jpg sacre_coeur/test/images/64966234_8900198268.jpg 0 0 704.085 0.0 239.5 0.0 704.085 319.5 0.0 0.0 1.0 578.134 0.0 239.5 0.0 578.134 319.5 0.0 0.0 1.0 0.9956499418478455 -0.031073791249851924 -0.08783856098401566 2.4258501189790573 0.04191169592572118 0.991350524533192 0.12436859431703566 -0.3142653481638944 0.08321419976789957 -0.12750904675796979 0.9883404473924265 -0.29225230849577777 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/79770190_8442039294.jpg sacre_coeur/test/images/66118802_124159749.jpg 0 0 704.085 0.0 239.5 0.0 704.085 319.5 0.0 0.0 1.0 618.946 0.0 187.0 0.0 618.946 249.5 0.0 0.0 1.0 0.9990806527628695 -0.014408447970771121 -0.04037630371879672 0.6810199841592783 0.0166852341666689 0.9982557047168538 0.05663171338623917 -1.055539036969409 0.03948990042684788 -0.057253337259336255 0.9975783694211429 -6.222050619082935 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/69077959_3760142614.jpg sacre_coeur/test/images/92410481_478846885.jpg 0 0 2150.73 0.0 319.5 0.0 2150.73 319.5 0.0 0.0 1.0 698.31 0.0 319.5 0.0 698.31 214.0 0.0 0.0 1.0 0.9862799065723403 0.03882755875270091 0.16045051128918464 -8.026942280148138 -0.04971166634780965 0.9966861209266136 0.06438576380834364 -8.948797904914176 -0.15741885567040326 -0.07147864739602532 0.984941676875263 -46.33894943284938 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/96301971_7410171184.jpg sacre_coeur/test/images/34366638_4030867612.jpg 0 0 509.198 0.0 319.5 0.0 509.198 180.0 0.0 0.0 1.0 648.225 0.0 239.5 0.0 648.225 319.5 0.0 0.0 1.0 0.982615654709736 -0.02649785740839894 -0.1837507514872279 1.493911029877042 0.020539217716652895 0.99920201698281 -0.03425594536824493 -1.258585514710919 0.1845118306639028 0.029886331495324207 0.9823757893671886 -6.283257940119073 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/63170630_8128095778.jpg sacre_coeur/test/images/77653698_4129853031.jpg 0 0 1392.01 0.0 212.0 0.0 1392.01 319.5 0.0 0.0 1.0 346.996 0.0 213.0 0.0 346.996 319.5 0.0 0.0 1.0 0.9986954815923546 0.027966226613528607 0.04272265459935167 0.22315990795021456 -0.012775328726193422 0.9469203667905333 -0.321214274174141 1.1131175832962916 -0.049438102946537464 0.32024944828412005 0.9460423694796996 -12.130349785197515 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/77653698_4129853031.jpg sacre_coeur/test/images/08081221_11367454663.jpg 0 0 346.996 0.0 213.0 0.0 346.996 319.5 0.0 0.0 1.0 670.286 0.0 212.5 0.0 670.286 319.5 0.0 0.0 1.0 0.9962728244792033 -0.020211605603934143 0.08385672425715973 -2.7137529470943855 -0.012430319746114193 0.9283729976754808 0.3714418720850554 2.27307564617058 -0.0853577550972357 -0.37109980892739924 0.9246615518441371 7.596060787070588 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/89575205_6345371382.jpg sacre_coeur/test/images/76812051_2399423344.jpg 0 0 1030.86 0.0 212.5 0.0 1030.86 319.5 0.0 0.0 1.0 731.379 0.0 319.5 0.0 731.379 239.5 0.0 0.0 1.0 0.971980684370363 -0.03383578796299871 -0.23261274398416723 11.956231023414025 0.04803668281150038 0.9972937302907663 0.05565691895169322 -6.0032144632959765 0.23010003545281787 -0.06527139477329282 0.9709756015003471 -29.112227409296317 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/19631710_3287132673.jpg sacre_coeur/test/images/47058715_3625029597.jpg 0 0 500.5 0.0 319.5 0.0 500.5 213.0 0.0 0.0 1.0 679.749 0.0 319.5 0.0 679.749 239.5 0.0 0.0 1.0 0.5469182150546431 0.2838541334106823 0.7875958970100808 -6.642799021120258 -0.20773684430010575 0.9573568890229357 -0.20078144974215112 1.3332933901926836 -0.8110030021902981 -0.05380165411952448 0.5825628828309665 11.769209873246574 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/21037086_3590495621.jpg sacre_coeur/test/images/90679226_9106466645.jpg 0 0 661.089 0.0 239.5 0.0 661.089 319.5 0.0 0.0 1.0 512.07 0.0 239.5 0.0 512.07 319.5 0.0 0.0 1.0 0.9776082763987518 -0.024112922214852332 -0.20904694424679332 4.641423843929217 0.012445926045262401 0.9982996005039517 -0.056947401683711936 0.056021006510996674 0.21006464919528295 0.0530704683973174 0.9762460594248521 5.651587428092474 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/43392981_1383168609.jpg sacre_coeur/test/images/79220560_3217246137.jpg 0 0 678.327 0.0 237.0 0.0 678.327 319.5 0.0 0.0 1.0 1106.67 0.0 214.0 0.0 1106.67 319.5 0.0 0.0 1.0 0.9428755215068985 -0.0888637853130756 -0.32107472432897266 8.14829409285647 0.10686749222887111 0.9935137798677468 0.03885496516038225 2.359764479353959 0.3155393637057131 -0.07094784614584125 0.9462564732034648 26.95437539982789 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/66599130_8409392232.jpg sacre_coeur/test/images/66118802_124159749.jpg 0 0 701.54 0.0 319.5 0.0 701.54 239.5 0.0 0.0 1.0 618.946 0.0 187.0 0.0 618.946 249.5 0.0 0.0 1.0 0.9996222815353697 0.008873630068887597 -0.026010631430675384 0.05633981316149672 -0.010956022788936539 0.9966503952302505 -0.0810429222821696 0.15912261314094311 0.025204361183537406 0.0812972839447051 0.9963711616664465 -0.11436543840492241 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/05383315_4256744078.jpg sacre_coeur/test/images/00246274_6807912549.jpg 0 0 606.112 0.0 239.5 0.0 606.112 319.5 0.0 0.0 1.0 1138.93 0.0 308.5 0.0 1138.93 319.5 0.0 0.0 1.0 0.8060456680939052 0.30805455097020185 0.5053640020555455 -9.925840536037498 -0.29300209124468435 0.9495872624272207 -0.11150697539713943 2.3582883269651775 -0.5142374504772009 -0.05819299496093987 0.8556713270083229 11.394131955556368 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/87493438_3174891219.jpg sacre_coeur/test/images/60535642_3153438485.jpg 0 0 1913.51 0.0 212.5 0.0 1913.51 319.5 0.0 0.0 1.0 722.898 0.0 319.5 0.0 722.898 239.5 0.0 0.0 1.0 0.9688886617028473 0.03371464895961384 0.24518989308125122 -14.166386483425352 -0.06318479275727673 0.9915453048678725 0.11333838872464111 -8.238494543099005 -0.2392957232962708 -0.12530455235149235 0.9628272565585724 -36.37859200143103 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/99543611_6046123347.jpg sacre_coeur/test/images/56739575_3512017389.jpg 0 0 803.204 0.0 213.0 0.0 803.204 319.5 0.0 0.0 1.0 767.042 0.0 319.5 0.0 767.042 213.0 0.0 0.0 1.0 0.985847169995066 -0.04075281773795903 -0.16261785037054294 3.7320298009926325 0.07788363836963827 0.9703069496483067 0.22899467753313826 -2.6350515406425563 0.14845705199493558 -0.2384190246406844 0.959748338056575 -4.486270516396104 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/87565848_5767537300.jpg sacre_coeur/test/images/73413427_2624866230.jpg 0 0 1030.07 0.0 213.0 0.0 1030.07 319.5 0.0 0.0 1.0 1391.03 0.0 212.5 0.0 1391.03 319.5 0.0 0.0 1.0 0.9096779875874618 0.14204860125428123 0.3902667725806643 -11.661637800862671 -0.12655276081922906 0.989809176860229 -0.06528546647077708 1.9103271056196727 -0.39556334211837263 0.009999414231751925 0.9183842627610543 19.314872874197338 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/55597679_2718818848.jpg sacre_coeur/test/images/39585572_5151898468.jpg 0 0 682.241 0.0 239.5 0.0 682.241 319.5 0.0 0.0 1.0 697.515 0.0 239.5 0.0 697.515 319.5 0.0 0.0 1.0 0.9996030553378972 0.02297367727788315 0.01630772551499981 0.7159103074677303 -0.02499160655970116 0.9902798221516466 0.13682577769144302 -0.36672447950891685 -0.013005820262713292 -0.1371790216893048 0.9904608849660136 -0.5611291053112828 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/39980369_7971720718.jpg sacre_coeur/test/images/88231888_30382573.jpg 0 0 670.012 0.0 319.5 0.0 670.012 239.0 0.0 0.0 1.0 545.858 0.0 249.5 0.0 545.858 187.0 0.0 0.0 1.0 0.9853514040643255 0.06712635874107842 0.1567694564340453 -0.6220726887072072 -0.048959106312667706 0.991924164453925 -0.11700195674196098 0.7053955081446298 -0.1633573274069054 0.10761274986983119 0.9806803147039949 5.336465090034083 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/85291069_9106452141.jpg sacre_coeur/test/images/84259836_1237320024.jpg 0 0 1805.38 0.0 239.5 0.0 1805.38 319.5 0.0 0.0 1.0 693.174 0.0 239.5 0.0 693.174 319.5 0.0 0.0 1.0 0.7633523623615349 -0.14903736274172175 -0.6285547194827641 36.86613795082614 0.18857160779357732 0.9820519213818122 -0.003843493779879539 -4.789446751216937 0.6178461941383222 -0.11559363398251286 0.7777558692620118 -31.956523346945545 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/21037086_3590495621.jpg sacre_coeur/test/images/56504296_2750328426.jpg 0 0 661.089 0.0 239.5 0.0 661.089 319.5 0.0 0.0 1.0 415.365 0.0 249.5 0.0 415.365 166.0 0.0 0.0 1.0 0.9852727487764753 -0.05471482231628303 -0.16199968746064225 3.8996304421549315 0.05495620568434254 0.9984842768007238 -0.002994067219631352 1.6555431118062585 0.16191796063200783 -0.005952915305378469 0.9867862670427363 7.800761725187211 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/76342746_8957142551.jpg sacre_coeur/test/images/97202520_2635602680.jpg 0 0 461.782 0.0 319.5 0.0 461.782 239.5 0.0 0.0 1.0 677.356 0.0 319.5 0.0 677.356 239.5 0.0 0.0 1.0 0.783772757960669 0.18840186000926465 0.5917812121246975 -10.583501361063503 -0.2914121091392154 0.9530295777873937 0.08254457286470267 -1.1601447195846797 -0.5484334476723323 -0.2371483987030729 0.8018612039915685 -0.4523495485140048 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/97643496_704095933.jpg sacre_coeur/test/images/63516274_5829260794.jpg 0 0 753.473 0.0 239.5 0.0 753.473 319.5 0.0 0.0 1.0 522.011 0.0 319.5 0.0 522.011 213.0 0.0 0.0 1.0 0.9867320110130132 -0.048610545613085594 -0.15490950034588802 0.8347716539315324 0.0788947050743176 0.9774629566022098 0.19581060742897133 -0.7038893599141882 0.14189983774991083 -0.20543413378906733 0.9683291035184706 -1.0184028230386886 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/87551911_7790325846.jpg sacre_coeur/test/images/85015287_3451838837.jpg 0 0 479.404 0.0 319.5 0.0 479.404 239.5 0.0 0.0 1.0 2131.2 0.0 239.5 0.0 2131.2 319.5 0.0 0.0 1.0 0.8081445625121103 0.20394823457110087 0.5525463633917441 -10.704817732449555 -0.16187960470299326 0.9789173964700628 -0.12456213096072348 5.34216983502819 -0.5663014741843011 0.01121822194489806 0.8241218306980359 49.94316076461371 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/31148870_2948239995.jpg sacre_coeur/test/images/23363225_3187214147.jpg 0 0 722.471 0.0 319.5 0.0 722.471 239.5 0.0 0.0 1.0 482.157 0.0 158.5 0.0 482.157 234.0 0.0 0.0 1.0 0.939576675138465 -0.1852378663300951 -0.2878933907077775 6.094199819089283 0.18832516255046805 0.9819562404039066 -0.017192297175330894 0.5511737986886742 0.2858833760226133 -0.0380640881842578 0.9575081307772869 -0.4343807045348589 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/70185138_6825344581.jpg sacre_coeur/test/images/26161317_4040935017.jpg 0 0 2115.3 0.0 319.5 0.0 2115.3 319.5 0.0 0.0 1.0 576.672 0.0 319.5 0.0 576.672 312.5 0.0 0.0 1.0 0.9733857473340464 -0.06298878654762656 -0.22034654446166685 14.547721554583067 0.08827676196377203 0.990347327963831 0.10686151455080448 -11.76117304440874 0.21148853440347848 -0.12346895465726522 0.9695504200668015 -47.5559075812004 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/55864846_6415556309.jpg sacre_coeur/test/images/48325951_2932818065.jpg 0 0 437.599 0.0 213.0 0.0 437.599 319.5 0.0 0.0 1.0 714.985 0.0 239.5 0.0 714.985 319.5 0.0 0.0 1.0 0.9855256420903 -0.057524788139392324 -0.15946820225994887 2.6096674581603807 0.04249657738441926 0.9944641067982006 -0.09609985015944171 -0.024078515315041127 0.16411352684380406 0.08793201373547126 0.9825144839987414 0.6136105022829534 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/96789550_6435726869.jpg sacre_coeur/test/images/77299481_4479618965.jpg 0 0 924.329 0.0 317.5 0.0 924.329 319.5 0.0 0.0 1.0 696.583 0.0 239.5 0.0 696.583 319.5 0.0 0.0 1.0 0.963535785844136 0.09185751146987678 0.25131849709936827 -6.021017360793712 -0.10151773715779307 0.9945012326604812 0.02571861736456347 -3.5175474040744232 -0.2475741069661466 -0.05029409332461458 0.9675626934398465 -12.853586570088943 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/20864632_4515642500.jpg sacre_coeur/test/images/15556549_5221678700.jpg 0 0 707.548 0.0 319.5 0.0 707.548 239.5 0.0 0.0 1.0 1213.47 0.0 319.5 0.0 1213.47 213.0 0.0 0.0 1.0 0.9943968404006942 0.029051861433253178 -0.10164109970075715 -0.7237419586976497 -0.02199411669447847 0.9973127522723755 0.0698822794829214 4.2928488193234156 0.10339817518673075 -0.06725521171004178 0.9923636197815254 22.807726941013946 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/57895226_4857581382.jpg sacre_coeur/test/images/44748036_142906563.jpg 0 0 456.232 0.0 319.5 0.0 456.232 239.5 0.0 0.0 1.0 516.863 0.0 187.0 0.0 516.863 249.5 0.0 0.0 1.0 0.9774807541868024 -0.059394414419487736 -0.20249365108606845 1.1689037647026028 0.05724476309907986 0.9982244555545988 -0.016461270620910302 0.5849184961885372 0.2031118221377834 0.004498874135910788 0.9791452128460715 1.5855253695975953 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/96482156_2206813531.jpg sacre_coeur/test/images/84278429_5829272410.jpg 0 0 889.73 0.0 239.5 0.0 889.73 319.5 0.0 0.0 1.0 1453.22 0.0 319.5 0.0 1453.22 213.0 0.0 0.0 1.0 0.9994648531537468 -0.002393117846273195 -0.032623309110713 0.5363473374526717 0.0033972417107084696 0.9995210645403677 0.030758743291125528 3.4902056516423787 0.03253407535367042 -0.03085311211311082 0.9989943039946814 25.711617107778608 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/75878456_4122246314.jpg sacre_coeur/test/images/06132465_4129851965.jpg 0 0 887.502 0.0 319.5 0.0 887.502 213.0 0.0 0.0 1.0 298.312 0.0 319.5 0.0 298.312 213.0 0.0 0.0 1.0 0.9881052247353088 0.11323172912499348 0.10405114305065916 0.2350726594224073 -0.09595280565421953 0.9827281964900854 -0.1582351127608146 -0.5714738717575175 -0.12017122757910152 0.1463689425483024 0.9819037675451823 -8.496367069004856 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/86437085_9493229723.jpg sacre_coeur/test/images/80871904_5968113125.jpg 0 0 520.807 0.0 319.5 0.0 520.807 212.0 0.0 0.0 1.0 526.948 0.0 319.5 0.0 526.948 239.5 0.0 0.0 1.0 0.9968878383233596 -0.0491785548673146 -0.06161255995446157 -0.01775560806715107 0.0485263877606394 0.9987493575771486 -0.012037874818158014 -1.0848528683674816 0.062127509960432696 0.009010576030204895 0.9980275457249265 -2.5418059248719898 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/85291069_9106452141.jpg sacre_coeur/test/images/04915709_121816865.jpg 0 0 1805.38 0.0 239.5 0.0 1805.38 319.5 0.0 0.0 1.0 582.627 0.0 249.5 0.0 582.627 183.5 0.0 0.0 1.0 0.9984861823152668 0.03264394926135443 0.04426868308529414 -3.668572538403018 -0.039775657912915985 0.9844291731895725 0.17122237006562252 -14.157845312621403 -0.037990008727016314 -0.17272398660845117 0.984237361456577 -42.705576047708725 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/55695069_9640098822.jpg sacre_coeur/test/images/28570538_3018664920.jpg 0 0 462.683 0.0 319.5 0.0 462.683 239.5 0.0 0.0 1.0 655.109 0.0 319.5 0.0 655.109 239.5 0.0 0.0 1.0 0.9789704517766898 0.021557863173852977 0.20285983605317506 1.731014922062724 0.02260910943009667 0.9768094583525734 -0.21291338671800394 2.5464813108234075 -0.20274536423534217 0.21302239461692715 0.9557801926555856 15.561235028622342 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/68684534_2877733555.jpg sacre_coeur/test/images/74361805_4541261018.jpg 0 0 509.45 0.0 212.5 0.0 509.45 319.5 0.0 0.0 1.0 903.565 0.0 319.5 0.0 903.565 212.5 0.0 0.0 1.0 0.991153431153352 0.019727722434398336 0.1312466871219567 -2.469256551645926 -0.03354226199382231 0.994022626234203 0.10389386504888369 3.886945256615066 -0.12841258728518495 -0.10737707158425028 0.9858906490705323 13.840926576719582 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/42792712_254986596.jpg sacre_coeur/test/images/84278429_5829272410.jpg 0 0 1329.63 0.0 319.5 0.0 1329.63 239.5 0.0 0.0 1.0 1453.22 0.0 319.5 0.0 1453.22 213.0 0.0 0.0 1.0 0.9964110475379422 -0.0053507611017144345 -0.08447717857488508 3.627106703917527 0.014928321617700033 0.9934652826683553 0.11315421930428994 -3.8060748799748563 0.08331968289677508 -0.11400921668144731 0.9899796608787796 -13.933724295461666 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/16634907_9608639107.jpg sacre_coeur/test/images/23743016_2389191967.jpg 0 0 772.57 0.0 305.5 0.0 772.57 305.5 0.0 0.0 1.0 714.056 0.0 239.5 0.0 714.056 319.5 0.0 0.0 1.0 0.7680372397285322 0.2899090008331584 0.5710267678717844 -9.916433058260496 -0.2701966381036539 0.9551094603500118 -0.1214894872299337 0.9385266119166015 -0.5806139639619944 -0.0609810625180387 0.8118920709469398 7.1046770738470055 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/25923245_22222637.jpg sacre_coeur/test/images/81147304_5790709520.jpg 0 0 530.117 0.0 187.0 0.0 530.117 249.5 0.0 0.0 1.0 1292.87 0.0 319.5 0.0 1292.87 239.5 0.0 0.0 1.0 0.9490661120096913 0.12642288592926762 0.2886014015006233 -4.294517560707467 -0.10250324583692852 0.9900306403407749 -0.0966044293980814 4.401358547220429 -0.29793724108896297 0.06210140980485127 0.9525632867545059 39.03258218709901 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/56504296_2750328426.jpg sacre_coeur/test/images/88074069_5867013385.jpg 0 0 415.365 0.0 249.5 0.0 415.365 166.0 0.0 0.0 1.0 1107.69 0.0 319.5 0.0 1107.69 239.5 0.0 0.0 1.0 0.9950984166329817 0.04332329406975562 0.08889450717270644 -0.6568987057325097 -0.03520660573492438 0.995235122299598 -0.09092604826962244 2.6819589351092588 -0.09241015164557664 0.08735069279776546 0.991882160511314 28.333414339467485 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/68833924_5994205213.jpg sacre_coeur/test/images/72482105_8590533286.jpg 0 0 499.829 0.0 319.5 0.0 499.829 212.5 0.0 0.0 1.0 877.949 0.0 319.5 0.0 877.949 206.5 0.0 0.0 1.0 0.9708980652124786 0.06615696571125014 0.23017428799617584 -5.505267068440564 0.01184252105675743 0.9466517540262711 -0.32204069819512665 -0.6161892771696644 -0.23920012889145004 0.3153945346496431 0.9183188911546188 7.557093080133398 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/24662873_8171467618.jpg sacre_coeur/test/images/60453279_4122247122.jpg 0 0 733.364 0.0 239.5 0.0 733.364 319.5 0.0 0.0 1.0 885.173 0.0 319.5 0.0 885.173 213.0 0.0 0.0 1.0 0.9986861621826368 0.00797720342922127 0.05061930155943095 -1.6878598114064325 -0.009781993431092971 0.9993215451350421 0.03550721100601947 2.3762974592649053 -0.050301710402627875 -0.035955717964751555 0.9980866316488812 8.21115207796014 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/44122025_7441115438.jpg sacre_coeur/test/images/22231604_4505331212.jpg 0 0 1479.22 0.0 319.5 0.0 1479.22 213.0 0.0 0.0 1.0 711.736 0.0 319.5 0.0 711.736 179.5 0.0 0.0 1.0 0.9997898634249671 -0.00855139332878858 -0.018630691474613655 -0.7882228767824938 0.008966003070564365 0.9997114432702033 0.02228544331050409 -4.597433178045096 0.018434743871953346 -0.022447803160741853 0.9995780391503367 -20.248179444843892 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/72198457_1660226670.jpg sacre_coeur/test/images/77706306_5103474140.jpg 0 0 1443.11 0.0 187.0 0.0 1443.11 249.5 0.0 0.0 1.0 505.257 0.0 319.5 0.0 505.257 214.0 0.0 0.0 1.0 0.9672985295369879 0.053595709084641945 0.24791340166133663 -16.425813878735788 -0.11484284710955604 0.9640363717499626 0.2396768541410269 -16.05153739591858 -0.2261518852969215 -0.26031014945806935 0.9386660486380476 -45.44710455044905 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/01617203_4574281148.jpg sacre_coeur/test/images/11830476_115274962.jpg 0 0 609.931 0.0 319.5 0.0 609.931 239.5 0.0 0.0 1.0 708.87 0.0 319.5 0.0 708.87 239.5 0.0 0.0 1.0 0.9881688316949919 0.020315411493696377 0.15201856505833952 -0.34089496665791064 -0.0645328927943347 0.9542508339949112 0.2919603595826177 0.18705519150708128 -0.13913254764486152 -0.2983163251916634 0.9442719440447184 0.3328438889911838 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/59914221_4605768617.jpg sacre_coeur/test/images/04808852_3532579721.jpg 0 0 658.209 0.0 319.5 0.0 658.209 239.5 0.0 0.0 1.0 536.862 0.0 319.5 0.0 536.862 223.5 0.0 0.0 1.0 0.016277354814864135 -0.991740984083656 0.12721976343718544 -2.646450718192919 0.9898959338934776 0.03390876680111396 0.1376816458181273 -1.1499001730841183 -0.14085839620481125 0.12369323353688383 0.9822723126484827 -5.673658543888916 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/73088789_3818781918.jpg sacre_coeur/test/images/28570538_3018664920.jpg 0 0 512.969 0.0 319.5 0.0 512.969 239.5 0.0 0.0 1.0 655.109 0.0 319.5 0.0 655.109 239.5 0.0 0.0 1.0 0.8695226105169701 0.2635407322089899 0.4177040965402458 -7.203881906462649 -0.17114675367320195 0.9541159750845234 -0.24570611468914202 2.010600407544123 -0.463291720740699 0.14215832214562402 0.8747295541696661 14.576707777963598 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/61737552_3071958212.jpg sacre_coeur/test/images/95748780_10564008623.jpg 0 0 531.42 0.0 319.5 0.0 531.42 213.0 0.0 0.0 1.0 512.767 0.0 319.5 0.0 512.767 212.5 0.0 0.0 1.0 0.8285907807643347 -0.27573348515162177 -0.4872456907951991 11.61353078340759 0.2308563731429018 0.9611474650898479 -0.15133038469079757 3.063121367019837 0.5100418149638868 0.012907188597827628 0.8600527608646137 1.5926936250629922 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/48325951_2932818065.jpg sacre_coeur/test/images/78882005_4504743257.jpg 0 0 714.985 0.0 239.5 0.0 714.985 319.5 0.0 0.0 1.0 1001.41 0.0 319.5 0.0 1001.41 239.5 0.0 0.0 1.0 0.9880981443435026 0.008352327381582042 0.1535978377850325 -2.7506498276973153 -0.003858440677584859 0.9995563781753489 -0.029532343024491862 3.3441404064989224 -0.15377636222925758 0.028588205195317417 0.9876920294014965 43.770849481410345 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/44937588_1061437022.jpg sacre_coeur/test/images/99936428_253699491.jpg 0 0 521.234 0.0 319.5 0.0 521.234 239.5 0.0 0.0 1.0 658.712 0.0 319.5 0.0 658.712 239.5 0.0 0.0 1.0 0.8665454165683575 0.16090528870283555 0.4724494989856887 -6.089506907742045 -0.2376749308461303 0.9654185835638365 0.1071334950278509 -0.4646562159162334 -0.4388731801690077 -0.20512544107704564 0.8748222020223817 -0.40655824419480957 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/06423637_6065403341.jpg sacre_coeur/test/images/34935406_396311145.jpg 0 0 1816.82 0.0 230.0 0.0 1816.82 319.5 0.0 0.0 1.0 481.009 0.0 187.0 0.0 481.009 249.5 0.0 0.0 1.0 0.9994725721676511 0.0065600729763463875 -0.03180476264846258 1.7535389086840711 -0.00511251581420739 0.9989565597303142 0.04538341055744105 -5.622449769835294 0.032069294763519655 -0.04519687173157876 0.9984632207142383 -44.566334233603314 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/07643413_4366433493.jpg sacre_coeur/test/images/55185330_108661534.jpg 0 0 692.547 0.0 319.5 0.0 692.547 239.5 0.0 0.0 1.0 674.5 0.0 319.5 0.0 674.5 239.5 0.0 0.0 1.0 0.976753051458996 -0.0826502465499265 -0.19779386545283997 2.4053869348850503 0.07417019147786463 0.9959955105291133 -0.049917188442342754 1.1180549824756811 0.20112746993306688 0.03408635725752787 0.9789718387610726 4.126604427041441 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/84259836_1237320024.jpg sacre_coeur/test/images/22199037_8161715444.jpg 0 0 693.174 0.0 239.5 0.0 693.174 319.5 0.0 0.0 1.0 593.177 0.0 319.5 0.0 593.177 212.0 0.0 0.0 1.0 0.7465859412930078 0.24521956568402206 0.6184470849388596 -8.357749505392054 -0.25382016015159925 0.9642665687981623 -0.07592964242531135 2.3119749206148805 -0.6149672825152978 -0.10028633458232847 0.7821495333577789 8.394061245801998 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/92863105_622062757.jpg sacre_coeur/test/images/85291069_9106452141.jpg 0 0 1225.4 0.0 239.0 0.0 1225.4 319.5 0.0 0.0 1.0 1805.38 0.0 239.5 0.0 1805.38 319.5 0.0 0.0 1.0 0.9970158558135583 -0.05179220108156379 -0.05724466056746719 4.315455124545306 0.05394607508616107 0.9978676185222797 0.036742848113236894 2.339716378975594 0.05521960013578459 -0.03972132691390088 0.9976838236380516 9.100551868536584 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/72841866_5318338358.jpg sacre_coeur/test/images/70724808_2779990339.jpg 0 0 535.133 0.0 319.5 0.0 535.133 239.5 0.0 0.0 1.0 1030.95 0.0 249.5 0.0 1030.95 165.5 0.0 0.0 1.0 0.9995152270623023 0.00431764291982584 0.030832917964590336 0.35973904698453074 0.00040886717418450735 0.9884314294216164 -0.1516678679192608 1.8892865948762494 -0.03113107287306613 0.15160695000941526 0.987950499271403 7.761525133608035 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/19631710_3287132673.jpg sacre_coeur/test/images/25927611_9367586008.jpg 0 0 500.5 0.0 319.5 0.0 500.5 213.0 0.0 0.0 1.0 828.45 0.0 213.0 0.0 828.45 319.5 0.0 0.0 1.0 0.9874103170725406 0.0495789462706552 0.15020916691532665 1.1990133531404341 -0.07508036112712474 0.9827207067639354 0.16918319027140952 0.2828121325389952 -0.13922573437308752 -0.17833098604584371 0.9740709698498317 0.40974063528218574 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/03836329_3380486130.jpg sacre_coeur/test/images/56739575_3512017389.jpg 0 0 944.708 0.0 319.5 0.0 944.708 301.0 0.0 0.0 1.0 767.042 0.0 319.5 0.0 767.042 213.0 0.0 0.0 1.0 0.996773238693364 0.024155758348544585 0.07654808922075765 -2.175545806224487 -0.03801152119673334 0.9819862611998913 0.18508945694168882 -2.977608549231541 -0.07069819574114072 -0.18740192675974737 0.9797358230490919 -5.196692628285938 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/18427217_3121596461.jpg sacre_coeur/test/images/30588853_4939266422.jpg 0 0 653.258 0.0 319.5 0.0 653.258 239.5 0.0 0.0 1.0 850.404 0.0 213.0 0.0 850.404 319.5 0.0 0.0 1.0 0.9907808190251233 -0.06160980714514663 -0.12065488102618921 3.343943729945367 0.06363263040631942 0.9978889603541267 0.012981184496527128 -0.23867921150284666 0.11960040551552815 -0.02053909605844335 0.9926096355232621 -0.4473990039990703 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/94661279_5887793763.jpg sacre_coeur/test/images/68684534_2877733555.jpg 0 0 526.02 0.0 319.5 0.0 526.02 213.0 0.0 0.0 1.0 509.45 0.0 212.5 0.0 509.45 319.5 0.0 0.0 1.0 0.9953047612769972 -0.025328771867408815 -0.09341780073962594 1.7887261244371735 0.007843492044759844 0.9830851755587237 -0.18298092039668343 -0.18756706602436132 0.09647233702924111 0.18138905951672601 0.9786680219950757 -2.6495587555729436 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/79053608_2390017929.jpg sacre_coeur/test/images/63170630_8128095778.jpg 0 0 560.07 0.0 249.5 0.0 560.07 187.0 0.0 0.0 1.0 1392.01 0.0 212.0 0.0 1392.01 319.5 0.0 0.0 1.0 0.9796166290691658 -0.03934056728565131 -0.19698624270950452 6.5058562636956765 0.057752192260698096 0.9943906700886955 0.08861083189790192 -0.26924056396231677 0.19239528149164167 -0.09818103180450904 0.9763936402156428 -1.2768847740075753 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/48617069_6378730779.jpg sacre_coeur/test/images/99378904_311153817.jpg 0 0 978.983 0.0 319.5 0.0 978.983 213.5 0.0 0.0 1.0 728.066 0.0 319.5 0.0 728.066 239.5 0.0 0.0 1.0 0.9951267711572279 0.07524618375109353 0.06372378800013637 -1.441989424722927 -0.05700665822175354 0.9663463303640728 -0.25084858124031345 2.5265199427420675 -0.08045464712853967 0.24599345849592544 0.9659266370344258 8.350838788228254 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/44656171_6113568114.jpg sacre_coeur/test/images/78937340_9546137587.jpg 0 0 533.981 0.0 319.5 0.0 533.981 239.5 0.0 0.0 1.0 944.217 0.0 239.5 0.0 944.217 319.5 0.0 0.0 1.0 0.9977900589077445 -0.022679049262879093 -0.062455256539476846 1.701530595042105 0.0264452317289831 0.9978389131870712 0.06015108518094241 3.2505623724819706 0.06095611588413709 -0.06166979855793683 0.9962335006825175 20.671031711442275 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/58207157_8155269003.jpg sacre_coeur/test/images/39890331_3228856431.jpg 0 0 716.507 0.0 319.5 0.0 716.507 239.5 0.0 0.0 1.0 853.952 0.0 295.0 0.0 853.952 319.5 0.0 0.0 1.0 0.9936618955973417 0.025096130185919316 0.1095729048970997 -1.983394855171424 -0.010431841066828764 0.9911407146942864 -0.13240566591825087 1.0957603159230755 -0.11192503710007826 0.13042341785504025 0.9851205602083206 3.7136599970610975 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/58219592_4573644273.jpg sacre_coeur/test/images/15114643_8210538601.jpg 0 0 612.079 0.0 319.5 0.0 612.079 239.5 0.0 0.0 1.0 927.73 0.0 239.5 0.0 927.73 319.5 0.0 0.0 1.0 0.9992173444474702 0.03402894306382892 0.020167538008006036 0.41638381904707944 -0.03426420135363935 0.9993473705597163 0.01143667176140428 1.231103246490047 -0.019765198226755414 -0.012118745369861267 0.9997312003482324 5.22886015922238 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/40430408_7756569670.jpg sacre_coeur/test/images/23743016_2389191967.jpg 0 0 517.998 0.0 319.5 0.0 517.998 201.0 0.0 0.0 1.0 714.056 0.0 239.5 0.0 714.056 319.5 0.0 0.0 1.0 0.9759676884595125 -0.09726260417766228 -0.19500527406092222 2.9728440858796557 0.04315258873572659 0.9634070062058316 -0.2645463938119776 2.1462846523628527 0.21359991846534307 0.24977375006612698 0.9444512420498491 8.896701533048414 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/67770719_8270986474.jpg sacre_coeur/test/images/15012791_5817353527.jpg 0 0 499.694 0.0 212.5 0.0 499.694 319.5 0.0 0.0 1.0 506.581 0.0 212.0 0.0 506.581 319.5 0.0 0.0 1.0 0.9936956942710568 -0.044246542932491494 -0.10301024524621456 4.289366111997187 0.07407948480323782 0.9487993082242505 0.3070701917224637 -3.2440321861775305 0.08414925500828238 -0.31276527325089487 0.9460955484145583 -9.241595544635468 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/55695069_9640098822.jpg sacre_coeur/test/images/60386407_4541255112.jpg 0 0 462.683 0.0 319.5 0.0 462.683 239.5 0.0 0.0 1.0 1433.05 0.0 212.5 0.0 1433.05 319.5 0.0 0.0 1.0 0.9753447153732742 0.01964804536716708 0.21981046496169473 1.69088040711171 0.03922992332053389 0.9647291706033928 -0.26030489911477805 4.296309817524874 -0.21717205001954495 0.26251015542287026 0.9401727070013086 50.701674578207694 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/61059746_3651170874.jpg sacre_coeur/test/images/67569977_7754509434.jpg 0 0 1456.26 0.0 239.5 0.0 1456.26 319.5 0.0 0.0 1.0 1806.88 0.0 239.5 0.0 1806.88 319.5 0.0 0.0 1.0 0.9967736051996919 0.07477574354306513 0.02917135846665493 -0.027740244720777074 -0.07714772032157982 0.9928477776636079 0.09111267550466516 -0.26493721541642934 -0.02214970036798746 -0.09306921384656079 0.9954132369059553 -1.1792329106213089 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/09199317_7932673946.jpg sacre_coeur/test/images/65899853_4831283587.jpg 0 0 592.689 0.0 319.5 0.0 592.689 212.5 0.0 0.0 1.0 703.681 0.0 319.5 0.0 703.681 239.5 0.0 0.0 1.0 0.9920228861456821 0.00531999902020576 0.1259455873526969 0.34655532877632655 -0.01353333662839188 0.9978293024618642 0.06444790103775606 -0.09797362671403809 -0.12532933480591613 -0.06563825682401063 0.9899415018465545 -0.6696340555717075 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/54990444_8865247484.jpg sacre_coeur/test/images/14122634_883725893.jpg 0 0 600.166 0.0 319.5 0.0 600.166 239.5 0.0 0.0 1.0 479.75 0.0 319.5 0.0 479.75 239.5 0.0 0.0 1.0 0.9998714398382904 -0.006263189249102075 0.01476063196932083 -1.849086177375217 0.010666866219917255 0.9471270874733014 -0.32068130307111375 -0.599511614768318 -0.011971706676585097 0.320797525917472 0.9470721332636064 5.726730101295304 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/11830476_115274962.jpg sacre_coeur/test/images/75878456_4122246314.jpg 0 0 708.87 0.0 319.5 0.0 708.87 239.5 0.0 0.0 1.0 887.502 0.0 319.5 0.0 887.502 213.0 0.0 0.0 1.0 0.9023934875352968 0.2655604587446184 0.33935768210728934 -8.62454737016776 -0.15977300934688707 0.9375954000874043 -0.30884858947254373 1.2364182276823146 -0.4001981748310751 0.22448275765922002 0.8885093766390922 7.582392208287066 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/72776302_21108497.jpg sacre_coeur/test/images/43759956_9209511641.jpg 0 0 565.519 0.0 187.0 0.0 565.519 249.5 0.0 0.0 1.0 634.092 0.0 319.5 0.0 634.092 213.0 0.0 0.0 1.0 0.9999441603898102 -0.010488926972341408 0.0012878327866109804 1.0256191414472948 0.010402988823360267 0.998454446204576 0.054593925283446885 -0.2199501785410778 -0.0018584740671913154 -0.05457747946985492 0.99850780908757 -0.42083927021394896 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/04915709_121816865.jpg sacre_coeur/test/images/99119091_3503925030.jpg 0 0 582.627 0.0 249.5 0.0 582.627 183.5 0.0 0.0 1.0 504.731 0.0 319.5 0.0 504.731 214.0 0.0 0.0 1.0 0.9845915847306729 0.07916390828051405 0.15592461929822704 -2.597463697264187 -0.07669344043730691 0.9968162306455288 -0.021806387035210185 -0.5819660399321953 -0.1571544700968826 0.009511989665389681 0.9875282247010327 -2.661888883203094 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/88231888_30382573.jpg sacre_coeur/test/images/28566706_4319457080.jpg 0 0 545.858 0.0 249.5 0.0 545.858 187.0 0.0 0.0 1.0 1554.78 0.0 319.5 0.0 1554.78 239.5 0.0 0.0 1.0 0.9994696926439756 0.029820016389992373 0.013080524020747995 -2.7971731572271876 -0.028578187061073606 0.9958334232020358 -0.08659723123759412 5.348747146992644 -0.015608353867690924 0.08617749042653569 0.9961575274188943 34.62600150808214 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/95748780_10564008623.jpg sacre_coeur/test/images/88346204_4983096872.jpg 0 0 512.767 0.0 319.5 0.0 512.767 212.5 0.0 0.0 1.0 525.321 0.0 319.5 0.0 525.321 239.5 0.0 0.0 1.0 0.9995702561578895 0.029241866884721152 -0.0020533449654300934 -2.494756179013671 -0.028099667826094524 0.9757649234690453 0.2170097297254457 -1.655620349574685 0.008349351622369163 -0.21685877281895713 0.976167281247913 -1.9276227754000859 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/77653698_4129853031.jpg sacre_coeur/test/images/42792712_254986596.jpg 0 0 346.996 0.0 213.0 0.0 346.996 319.5 0.0 0.0 1.0 1329.63 0.0 319.5 0.0 1329.63 239.5 0.0 0.0 1.0 0.9957254422762147 -0.0037307959360053473 0.09228718635607144 -1.0609419583108217 -0.009273449230054931 0.9900966557491571 0.14008074604924192 3.9196205815762775 -0.09189584725771868 -0.14033778335152114 0.9858298330953307 54.54373117206136 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/92313704_2399275366.jpg sacre_coeur/test/images/93650031_6280047097.jpg 0 0 2645.81 0.0 319.5 0.0 2645.81 214.0 0.0 0.0 1.0 536.98 0.0 319.5 0.0 536.98 195.0 0.0 0.0 1.0 0.9814413740750388 -0.076126806882745 -0.1760043707625964 5.065642521978621 0.10165348990245872 0.9847921670375999 0.14089341976131645 -8.3285200169382 0.16260195953416726 -0.15617009001478183 0.9742543331904785 -31.105164810291363 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/36940211_2500226864.jpg sacre_coeur/test/images/74917306_234403154.jpg 0 0 647.827 0.0 319.5 0.0 647.827 239.5 0.0 0.0 1.0 701.955 0.0 319.5 0.0 701.955 239.5 0.0 0.0 1.0 0.9682181174466589 0.10862692692480572 0.22528619086602053 -6.805482262183558 -0.11773890361533486 0.9926672764273821 0.027372045698163816 -0.5060661097164112 -0.2206608882958351 -0.05302705966878042 0.9739080569126517 -4.225042812870262 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/18427217_3121596461.jpg sacre_coeur/test/images/14702458_3061790008.jpg 0 0 653.258 0.0 319.5 0.0 653.258 239.5 0.0 0.0 1.0 810.323 0.0 319.5 0.0 810.323 212.5 0.0 0.0 1.0 0.9853581151756675 -0.07402815832398374 -0.15358781407590644 2.104257284544386 0.08791450666470027 0.9924366009085684 0.08567749234746248 1.740877731100975 0.14608362117416984 -0.09792560927666634 0.9844136075209624 5.847758327557232 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/63858075_3812078922.jpg sacre_coeur/test/images/75030977_10341125684.jpg 0 0 537.525 0.0 249.5 0.0 537.525 187.0 0.0 0.0 1.0 870.934 0.0 319.5 0.0 870.934 239.5 0.0 0.0 1.0 0.9972735015062687 -0.02209519488703678 -0.07040856166923488 1.9895118317293108 0.032024381817947846 0.9891786687752415 0.1431782113633896 -0.7913717281173884 0.06648309681870179 -0.14504262684792027 0.9871892595821988 -1.2942498158376736 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/79205306_10858206333.jpg sacre_coeur/test/images/85019556_13753237.jpg 0 0 428.425 0.0 319.5 0.0 428.425 212.5 0.0 0.0 1.0 1875.74 0.0 239.5 0.0 1875.74 319.5 0.0 0.0 1.0 0.9934301578342942 0.07598467867827403 0.08557365313861828 2.2937136890298557 -0.03600376942944281 0.917307554219195 -0.39654833193353606 3.895689968199411 -0.10862895604856299 0.39086209790482085 0.9140167232218684 45.51592230454709 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/08124432_3626165332.jpg sacre_coeur/test/images/96718433_4122167216.jpg 0 0 1404.56 0.0 196.5 0.0 1404.56 249.5 0.0 0.0 1.0 536.625 0.0 239.5 0.0 536.625 319.5 0.0 0.0 1.0 0.9877574614519005 0.043866729092274626 0.14970273018499797 -8.504573447666708 -0.07161356337786129 0.9800630782604659 0.185331757049203 -14.805988027804421 -0.13858822059043246 -0.19378357182528344 0.9712060710293221 -47.93242480921861 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/82330476_2679804255.jpg sacre_coeur/test/images/27172569_5015079786.jpg 0 0 1431.71 0.0 239.5 0.0 1431.71 319.5 0.0 0.0 1.0 476.902 0.0 239.5 0.0 476.902 319.5 0.0 0.0 1.0 0.9693564942468342 -0.16558530118290268 -0.18146485911507626 3.444482890424244 0.18143294756740616 0.980584091548543 0.074410516319411 -4.008364567032575 0.1656202662674165 -0.10505402150363347 0.9805781865651634 -8.392261161237917 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/65409197_2096349519.jpg sacre_coeur/test/images/12365089_8352000383.jpg 0 0 548.189 0.0 166.0 0.0 548.189 249.5 0.0 0.0 1.0 1716.68 0.0 319.5 0.0 1716.68 239.5 0.0 0.0 1.0 0.9999001425404067 -0.00785806154921968 -0.011745459393454788 -6.777857478350497 0.006383711459888344 0.9926713826137379 -0.12067632065872295 1.9397647267992624 0.012607663370803896 0.12058929060417728 0.9926224205688232 29.903396019981535 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/36981833_2290028612.jpg sacre_coeur/test/images/40053940_4478762600.jpg 0 0 1252.04 0.0 249.5 0.0 1252.04 187.5 0.0 0.0 1.0 492.186 0.0 319.5 0.0 492.186 179.5 0.0 0.0 1.0 0.9913164766243955 -0.007049212222745008 -0.1313086127412564 7.270842662531234 0.03707322999911387 0.9730374702475287 0.22764809929301538 -14.148885354718026 0.12616346059944356 -0.2305393461024137 0.9648494136953415 -37.4820399118599 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/75030977_10341125684.jpg sacre_coeur/test/images/59066216_374458283.jpg 0 0 870.934 0.0 319.5 0.0 870.934 239.5 0.0 0.0 1.0 1271.07 0.0 249.5 0.0 1271.07 239.5 0.0 0.0 1.0 0.9938418372716723 0.05665377815552288 0.09522999479770934 -2.5762956721603794 -0.03367694310071826 0.9731937857377673 -0.22750762383881476 4.246885484797099 -0.10556640560262501 0.22289953975299603 0.969108626102381 31.782538655328004 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/79302802_4840098295.jpg sacre_coeur/test/images/69077959_3760142614.jpg 0 0 528.086 0.0 319.5 0.0 528.086 213.0 0.0 0.0 1.0 2150.73 0.0 319.5 0.0 2150.73 319.5 0.0 0.0 1.0 0.9999836527510135 -0.00270353722538537 -0.005038364537333006 0.5352159863483141 0.002146291386403431 0.9942030983061777 -0.10749694298761069 4.763908609946864 0.005299779620394592 0.1074843719099104 0.9941926483992464 43.133127244661935 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/46259219_6904914541.jpg sacre_coeur/test/images/39123262_5579580720.jpg 0 0 605.234 0.0 319.5 0.0 605.234 264.5 0.0 0.0 1.0 683.689 0.0 319.5 0.0 683.689 214.0 0.0 0.0 1.0 0.996994499821162 0.07501318631909208 0.01936463799321251 -0.6082888801204636 -0.0761371423509432 0.9949160039935337 0.0659187420402636 0.39922231221329296 -0.0143214133724019 -0.0671949914487366 0.997637073410577 0.5817494054582166 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/44509707_7002758055.jpg sacre_coeur/test/images/97963132_2552614010.jpg 0 0 1017.42 0.0 213.0 0.0 1017.42 319.5 0.0 0.0 1.0 756.149 0.0 319.5 0.0 756.149 239.5 0.0 0.0 1.0 0.998223211264314 -0.024542497248923177 0.05429628276362246 -2.066257259710357 0.01476113750897966 0.9846863927342293 0.17370900029501155 -6.32193848667287 -0.0577280634752426 -0.1725988812038998 0.9832990882201409 -32.917346361361176 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/04388678_7557805274.jpg sacre_coeur/test/images/86255041_34613076.jpg 0 0 528.283 0.0 213.0 0.0 528.283 319.5 0.0 0.0 1.0 943.253 0.0 319.5 0.0 943.253 283.5 0.0 0.0 1.0 0.9997149699475244 -0.003451694707512041 -0.0236233923572941 1.423167700672415 0.006810681172154569 0.9896087296216803 0.14362512620894596 1.8910562732064227 0.02288216521205516 -0.14374508012523607 0.9893501697857023 5.63458126140885 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/92912238_291183223.jpg sacre_coeur/test/images/76212982_3312164124.jpg 0 0 1859.84 0.0 239.5 0.0 1859.84 319.5 0.0 0.0 1.0 540.23 0.0 319.5 0.0 540.23 213.0 0.0 0.0 1.0 0.7465070838575636 -0.16195992699336853 -0.6453651337024485 41.69658979562014 0.2531034454876307 0.9661301259675272 0.05031128680783127 -3.0125096599419976 0.615358285580658 -0.20090187093771086 0.762215598515906 -29.402227123664755 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/97879806_8161726916.jpg sacre_coeur/test/images/74182138_8276852729.jpg 0 0 794.081 0.0 319.5 0.0 794.081 239.5 0.0 0.0 1.0 710.115 0.0 319.5 0.0 710.115 213.0 0.0 0.0 1.0 0.9768209649800939 -0.02013117121748942 -0.21310921688366916 5.193095850627207 0.008332881432037887 0.9983894348370611 -0.056116837872186215 -0.7314240097186833 0.21389568827444422 0.053040289885574354 0.9754154818263118 -5.445513105488342 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/70185138_6825344581.jpg sacre_coeur/test/images/67741421_496100843.jpg 0 0 2115.3 0.0 319.5 0.0 2115.3 319.5 0.0 0.0 1.0 1150.26 0.0 239.5 0.0 1150.26 319.5 0.0 0.0 1.0 0.999901138454184 -0.002118106506330532 0.013900609441820215 0.1618825861330052 0.0024991099788385825 0.9996200747356719 -0.02744923741679477 -1.8970961208899864 -0.013837187840737366 0.027481262894520256 0.9995265441309613 -10.393850430250062 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/89538096_6079882006.jpg sacre_coeur/test/images/17616986_7085723791.jpg 0 0 478.755 0.0 239.5 0.0 478.755 319.5 0.0 0.0 1.0 511.96 0.0 319.5 0.0 511.96 212.0 0.0 0.0 1.0 0.8369055685381283 0.24592188437477433 0.4889902822505089 -4.202244909677781 -0.34933781478480436 0.9277505941046884 0.1313085157169007 1.4322700577776772 -0.42136938724977396 -0.2807156246523482 0.8623494521160153 2.35401980336746 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/55864846_6415556309.jpg sacre_coeur/test/images/59340498_8155265289.jpg 0 0 437.599 0.0 213.0 0.0 437.599 319.5 0.0 0.0 1.0 709.882 0.0 319.5 0.0 709.882 239.5 0.0 0.0 1.0 0.9931472128660622 -0.05642433445489826 -0.10234699828375265 2.004144408239116 0.05429226021187432 0.9982484830612597 -0.023501415850544098 -1.6449487964246732 0.10349378753074416 0.01778371578764839 0.9944711033485717 -7.991369740596844 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/31148870_2948239995.jpg sacre_coeur/test/images/60635619_2829148962.jpg 0 0 722.471 0.0 319.5 0.0 722.471 239.5 0.0 0.0 1.0 530.154 0.0 249.5 0.0 530.154 187.0 0.0 0.0 1.0 0.7587669948783845 -0.2805976777285789 -0.5878244557149304 13.905573092327414 0.3454826641514656 0.9384229907442128 -0.0020047976188991555 0.7232563313518501 0.5521905253207728 -0.20156198474914794 0.808986025868156 -2.0980870049089946 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/61737552_3071958212.jpg sacre_coeur/test/images/03654060_2228949569.jpg 0 0 531.42 0.0 319.5 0.0 531.42 213.0 0.0 0.0 1.0 517.828 0.0 187.0 0.0 517.828 249.5 0.0 0.0 1.0 0.8163969611704207 -0.2740123162028546 -0.5083436360975214 11.646673398186838 0.20581919391697262 0.9605173226085535 -0.1872029176702744 3.2464100630945776 0.5395687733802523 0.048205015693833786 0.840560417373366 2.6873969808191127 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/73413427_2624866230.jpg sacre_coeur/test/images/42008365_12432214243.jpg 0 0 1391.03 0.0 212.5 0.0 1391.03 319.5 0.0 0.0 1.0 848.932 0.0 319.5 0.0 848.932 319.5 0.0 0.0 1.0 0.9837860236838359 -0.05553565532279843 -0.1705310839472223 7.844390448156291 0.09711487615011387 0.9643410745277607 0.24620112268020206 -10.251349634349227 0.1507771880447944 -0.25877032860533133 0.9540986094732523 -24.924609331371368 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/14702458_3061790008.jpg sacre_coeur/test/images/77447644_11774301175.jpg 0 0 810.323 0.0 319.5 0.0 810.323 212.5 0.0 0.0 1.0 511.678 0.0 319.5 0.0 511.678 212.5 0.0 0.0 1.0 0.9894924109230309 0.07328731446531457 0.12463441845730071 -1.8439388959784817 -0.057985931136905 0.9908038464113074 -0.12225125654464236 -1.2639739036480735 -0.13244772748489708 0.11373964777077487 0.9846425199071317 -6.2047571728749915 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/89443230_8712904049.jpg sacre_coeur/test/images/34297653_2634761938.jpg 0 0 614.242 0.0 238.5 0.0 614.242 319.5 0.0 0.0 1.0 648.902 0.0 239.0 0.0 648.902 319.5 0.0 0.0 1.0 0.9956687640986562 0.008358241214208747 0.09259509707354627 -3.8285146490483175 -0.0171129663603347 0.9954097647901734 0.09416234142544298 0.3697265062753421 -0.09138303223577343 -0.095339078893058 0.9912414445810963 0.19578168779023386 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/22593097_5934502901.jpg sacre_coeur/test/images/07643413_4366433493.jpg 0 0 1517.12 0.0 319.5 0.0 1517.12 179.5 0.0 0.0 1.0 692.547 0.0 319.5 0.0 692.547 239.5 0.0 0.0 1.0 0.9921413986910361 -0.008305598200545463 0.1248457529991526 -8.121074688517789 -0.02656889149415038 0.9610549258363188 0.27507730464456653 -15.019702423510182 -0.12226830745604683 -0.27623259504316056 0.9532817078007711 -38.89075020425644 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/02933228_4036000307.jpg sacre_coeur/test/images/21155361_10359960085.jpg 0 0 679.926 0.0 319.5 0.0 679.926 239.5 0.0 0.0 1.0 778.711 0.0 212.5 0.0 778.711 319.5 0.0 0.0 1.0 0.9616003061667764 -0.09569097211363119 -0.25723158638843396 3.1795167835506044 0.032835732226029556 0.9706293546430601 -0.23832849303928702 1.2269736624510834 0.27248241387132227 0.22073036438411744 0.9364995677359987 8.171450109338256 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/85759221_9290609964.jpg sacre_coeur/test/images/99543611_6046123347.jpg 0 0 1001.31 0.0 212.5 0.0 1001.31 319.5 0.0 0.0 1.0 803.204 0.0 213.0 0.0 803.204 319.5 0.0 0.0 1.0 0.9966426656411678 0.06038240603582953 0.05529341791743099 -1.8073774515787362 -0.05104044813612892 0.9862696459921727 -0.1570574991795592 1.8520799922689184 -0.06401772940155405 0.15370800381176747 0.9860403540862164 6.96622086256254 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/68663909_1356782012.jpg sacre_coeur/test/images/69212502_553330789.jpg 0 0 672.136 0.0 319.5 0.0 672.136 239.0 0.0 0.0 1.0 859.802 0.0 213.0 0.0 859.802 319.5 0.0 0.0 1.0 0.9886668656635631 0.07333205504934634 0.1309970932548712 -2.3688322667717996 -0.054361478331779685 0.9882379703248398 -0.1429354528513623 2.8613038734226293 -0.13993805205364707 0.13419435051625755 0.9810245755723709 14.211917345081021 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/65899853_4831283587.jpg sacre_coeur/test/images/38901171_7234089272.jpg 0 0 703.681 0.0 319.5 0.0 703.681 239.5 0.0 0.0 1.0 528.65 0.0 319.5 0.0 528.65 239.5 0.0 0.0 1.0 0.8201273597197678 -0.15554156725228643 -0.5506341205335766 12.284509105396946 0.19752191374641603 0.980145364339443 0.017325078754617144 -1.4660618256599585 0.5370067107858487 -0.12297107635782797 0.8345668978280658 -4.501904284988671 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/88346204_4983096872.jpg sacre_coeur/test/images/90741813_5700626652.jpg 0 0 525.321 0.0 319.5 0.0 525.321 239.5 0.0 0.0 1.0 756.043 0.0 266.0 0.0 756.043 319.5 0.0 0.0 1.0 0.8495636781326175 0.31509501155682323 0.42303272980915285 -7.362086933826552 -0.213474104148963 0.9387501264630196 -0.27051248940383993 1.6563011847279103 -0.4823591645813065 0.13951105245703765 0.8647926355992827 8.771084335164431 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/15012791_5817353527.jpg sacre_coeur/test/images/47058715_3625029597.jpg 0 0 506.581 0.0 212.0 0.0 506.581 319.5 0.0 0.0 1.0 679.749 0.0 319.5 0.0 679.749 239.5 0.0 0.0 1.0 0.8809843425813713 0.22916957308675184 0.4139418979732603 -1.5885657310640309 -0.12400289182958739 0.9561242381238391 -0.2654236690463151 1.4837632516702899 -0.45660691074968274 0.182504104182191 0.8707481731317541 11.491890419398704 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/18244579_9045725729.jpg sacre_coeur/test/images/57417409_1401404166.jpg 0 0 676.419 0.0 319.5 0.0 676.419 239.5 0.0 0.0 1.0 548.254 0.0 187.0 0.0 548.254 249.5 0.0 0.0 1.0 0.9714212759146149 0.0552184207747922 0.23084980118587836 -7.1505992870387 0.00014274149871402824 0.9724283218240531 -0.2332019265343233 -0.30902833533738805 -0.23736192686546442 0.22657026486631768 0.9446296791616916 6.136578617622172 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/97523888_2454093481.jpg sacre_coeur/test/images/43274786_5333458956.jpg 0 0 651.106 0.0 319.5 0.0 651.106 239.5 0.0 0.0 1.0 502.299 0.0 319.5 0.0 502.299 239.5 0.0 0.0 1.0 0.9094508476070096 0.09274194114179744 0.40533700563869446 -8.730198014246351 -0.17137531225584576 0.9717670004290153 0.1621708951273481 -1.9575430497984956 -0.3788530825215799 -0.216951213940935 0.8996680013390781 -4.739892743278401 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/12060097_10141374576.jpg sacre_coeur/test/images/08319155_4244960671.jpg 0 0 852.046 0.0 319.5 0.0 852.046 209.0 0.0 0.0 1.0 661.935 0.0 239.5 0.0 661.935 319.5 0.0 0.0 1.0 0.977997146524418 0.11100502559450572 0.1766337048325129 -5.838862547940984 -0.11841053282684572 0.9924515573614469 0.03191946125017678 -4.147279507595103 -0.17175717483051087 -0.052132433125667316 0.9837589553903128 -17.098699349729248 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/90319881_5214536200.jpg sacre_coeur/test/images/69077959_3760142614.jpg 0 0 519.617 0.0 319.5 0.0 519.617 213.0 0.0 0.0 1.0 2150.73 0.0 319.5 0.0 2150.73 319.5 0.0 0.0 1.0 0.8083588394668516 0.2613509960173143 0.5274956336658748 -6.81785300256844 -0.09522779554653005 0.9423008550677195 -0.3209373233109434 5.592089194634177 -0.5809368757542883 0.2092002758588107 0.7866051048457825 51.577377526631516 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/60748234_6779431614.jpg sacre_coeur/test/images/35996631_900261655.jpg 0 0 1251.64 0.0 305.5 0.0 1251.64 305.5 0.0 0.0 1.0 896.808 0.0 319.5 0.0 896.808 204.0 0.0 0.0 1.0 0.9992416750363785 -0.01930190260837582 -0.03381584578550233 1.4328676234482955 0.015136273934078142 0.9927335539144246 -0.11937748591685463 2.778110220350502 0.03587433737206375 0.11877511308406763 0.992272898163596 22.387919612853366 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/67569977_7754509434.jpg sacre_coeur/test/images/28566706_4319457080.jpg 0 0 1806.88 0.0 239.5 0.0 1806.88 319.5 0.0 0.0 1.0 1554.78 0.0 319.5 0.0 1554.78 239.5 0.0 0.0 1.0 0.9997520273817808 -0.02138678599620366 0.00620396089378449 -1.6237524014373892 0.02090215611553476 0.9973426295819777 0.06979096709623246 -3.3761356304194585 -0.007680079149385976 -0.069643984688257 0.9975423458585612 -13.242712277888863 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/61084833_3699152935.jpg sacre_coeur/test/images/35719192_2298527061.jpg 0 0 1839.79 0.0 239.5 0.0 1839.79 319.5 0.0 0.0 1.0 551.852 0.0 249.5 0.0 551.852 187.0 0.0 0.0 1.0 0.9981365362717466 0.03465764066304613 0.05022253381811512 -2.486878780857627 -0.035107286820007216 0.9993507356178328 0.008098495677261074 -1.4637441103108078 -0.04990925136263107 -0.00984658132389312 0.9987052175014677 -9.008421610902182 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/72482105_8590533286.jpg sacre_coeur/test/images/04073909_6377255611.jpg 0 0 877.949 0.0 319.5 0.0 877.949 206.5 0.0 0.0 1.0 679.951 0.0 319.5 0.0 679.951 221.5 0.0 0.0 1.0 0.9984331901276489 -0.003555369345531498 0.05584374808645377 -0.10691040093958379 -0.0106926405492468 0.9674674628797266 0.2527694121272372 0.46251847055199136 -0.05492569789826124 -0.252970487642099 0.9659136090212765 0.42431853697387467 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/69212502_553330789.jpg sacre_coeur/test/images/10162786_7360656560.jpg 0 0 859.802 0.0 213.0 0.0 859.802 319.5 0.0 0.0 1.0 534.866 0.0 319.5 0.0 534.866 211.5 0.0 0.0 1.0 0.6942734592636038 -0.2338997936291219 -0.6806432621442773 20.36813234260545 0.27969929760213236 0.9590660856584156 -0.04427805619850876 1.3531154556805391 0.6631384973616167 -0.1596343630929715 0.7312757369398213 -2.295264099838745 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/47232856_233187107.jpg sacre_coeur/test/images/68833924_5994205213.jpg 0 0 548.399 0.0 249.5 0.0 548.399 187.0 0.0 0.0 1.0 499.829 0.0 319.5 0.0 499.829 212.5 0.0 0.0 1.0 0.9194122207573112 -0.07505847185908576 -0.3860665669600103 9.68005836670552 0.0749183223361742 0.9970702587011476 -0.015431921201181384 -1.6754440097855325 0.3860937882178919 -0.014735162564600246 0.9223418355922889 -5.684191607331163 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/84982523_3167326578.jpg sacre_coeur/test/images/48360689_7391063350.jpg 0 0 463.512 0.0 187.0 0.0 463.512 249.5 0.0 0.0 1.0 1914.59 0.0 212.0 0.0 1914.59 319.5 0.0 0.0 1.0 0.9999184014611934 0.005369269051846308 -0.011591435163097293 0.7210955611352294 -0.0033559568333318673 0.9859188577809287 0.16719073965289416 3.649078757755283 0.012325906580216144 -0.16713819677679276 0.9858564272779166 41.448422751930096 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/36940211_2500226864.jpg sacre_coeur/test/images/39123262_5579580720.jpg 0 0 647.827 0.0 319.5 0.0 647.827 239.5 0.0 0.0 1.0 683.689 0.0 319.5 0.0 683.689 214.0 0.0 0.0 1.0 0.9029380767107663 -0.10724233018979144 -0.4161753383386935 15.456017343950379 0.16911771100710962 0.9789023793640466 0.11467053457241866 -1.431110278420301 0.3950974936007289 -0.17392301253966438 0.9020248091153312 -7.413558862081466 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/91666803_2206807381.jpg sacre_coeur/test/images/99117955_5783559928.jpg 0 0 1763.14 0.0 239.5 0.0 1763.14 319.5 0.0 0.0 1.0 537.035 0.0 319.5 0.0 537.035 239.5 0.0 0.0 1.0 0.9904135848874603 0.05617774741139379 0.12619426122511146 -3.7784673241345113 -0.06584134888056549 0.9951004340463586 0.07375664674005024 -0.8512184536860281 -0.12143248184879413 -0.08135838528713894 0.9892598068735593 -5.560486540222735 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/22593097_5934502901.jpg sacre_coeur/test/images/96718433_4122167216.jpg 0 0 1517.12 0.0 319.5 0.0 1517.12 179.5 0.0 0.0 1.0 536.625 0.0 239.5 0.0 536.625 319.5 0.0 0.0 1.0 0.9942075142745317 -0.0032863117883275257 0.10742727174645575 -7.303250173325553 -0.018453391351029136 0.97946998619127 0.20074366365621363 -12.427554031392498 -0.10588149464237229 -0.20156325633731756 0.973735776680201 -40.8019275906569 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/85532633_499885666.jpg sacre_coeur/test/images/88698102_4801040627.jpg 0 0 1397.17 0.0 239.5 0.0 1397.17 319.5 0.0 0.0 1.0 1399.17 0.0 319.5 0.0 1399.17 239.5 0.0 0.0 1.0 0.9977326286668349 -0.03815711837655983 -0.05544038249114855 2.796253598618553 0.045038452640341856 0.9906592439747287 0.1287081975290714 -3.767115221747309 0.050011393475200595 -0.13091331729284075 0.9901315891729001 -15.687589425919 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/97202520_2635602680.jpg sacre_coeur/test/images/70170436_3664390013.jpg 0 0 677.356 0.0 319.5 0.0 677.356 239.5 0.0 0.0 1.0 523.702 0.0 213.5 0.0 523.702 319.5 0.0 0.0 1.0 0.9992431486488165 0.009495839227276048 -0.03772212766757433 1.0226807633528296 -0.006382419984392582 0.9966271282089377 0.08181461992302269 3.026356238793336 0.03837179424449516 -0.08151193995590805 0.9959334360543793 6.687529275166679 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/53515910_7697309520.jpg sacre_coeur/test/images/77706306_5103474140.jpg 0 0 500.109 0.0 319.5 0.0 500.109 212.5 0.0 0.0 1.0 505.257 0.0 319.5 0.0 505.257 214.0 0.0 0.0 1.0 0.6784494339032083 0.3018447769838739 0.6697731677545552 -10.770751264727675 -0.3611974457079961 0.9309436128148774 -0.05366931127937711 1.4340373571935578 -0.6397208538498923 -0.2055084435412301 0.7406237295569361 2.779223233535841 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/97242119_2076423149.jpg sacre_coeur/test/images/65047902_2191034090.jpg 0 0 1416.69 0.0 213.0 0.0 1416.69 319.5 0.0 0.0 1.0 1085.88 0.0 319.5 0.0 1085.88 212.5 0.0 0.0 1.0 0.998349181766661 -0.01815397629743345 0.054491691205458076 -1.949650908129853 0.015480792759755438 0.9986746663980811 0.04908417005726946 -3.681518831094026 -0.05531054439587695 -0.04815956643569041 0.9973070739944433 -13.480465606923858 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/49997128_3263255043.jpg sacre_coeur/test/images/38432569_8875267871.jpg 0 0 1444.69 0.0 213.0 0.0 1444.69 319.5 0.0 0.0 1.0 569.282 0.0 239.5 0.0 569.282 319.5 0.0 0.0 1.0 0.9998571531141021 0.016702268760719032 0.0025899005401551502 2.9206634403269636 -0.016892544582320018 0.9925944418606172 0.12029512012107564 -13.904168151048447 -0.0005615194542646289 -0.12032168634811596 0.9927347966553043 -47.45804098655597 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/97879806_8161726916.jpg sacre_coeur/test/images/97643496_704095933.jpg 0 0 794.081 0.0 319.5 0.0 794.081 239.5 0.0 0.0 1.0 753.473 0.0 239.5 0.0 753.473 319.5 0.0 0.0 1.0 0.9956728888771716 0.05774465894088402 0.07280832863614378 -1.913530334677357 -0.05778577068785891 0.998327813175637 -0.001543420215193417 -2.514595111396898 -0.07277570378222344 -0.002670543718321365 0.997344757411022 -13.488901653197075 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/31148870_2948239995.jpg sacre_coeur/test/images/03337951_335877896.jpg 0 0 722.471 0.0 319.5 0.0 722.471 239.5 0.0 0.0 1.0 572.41 0.0 249.5 0.0 572.41 187.0 0.0 0.0 1.0 0.9942768752568242 -0.07596335431383566 -0.07512033100909658 3.1598078629726496 0.07827623455438684 0.9965289424253916 0.02833545504340653 1.5585520783805142 0.07270712780403432 -0.03405342434940965 0.9967718083175139 5.822217920098174 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/20864632_4515642500.jpg sacre_coeur/test/images/75026938_1499132926.jpg 0 0 707.548 0.0 319.5 0.0 707.548 239.5 0.0 0.0 1.0 580.942 0.0 187.0 0.0 580.942 249.5 0.0 0.0 1.0 0.9612753239147545 -0.04698572554312985 -0.2715549543421539 1.4594743170341467 0.09075768650736345 0.9843659375197101 0.150952785303131 -0.3854750747496688 0.2602168210789125 -0.16975288700380828 0.950511001189075 -2.106553398341316 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/66926938_4371324505.jpg sacre_coeur/test/images/12573771_2610756325.jpg 0 0 1503.42 0.0 239.5 0.0 1503.42 319.5 0.0 0.0 1.0 686.081 0.0 213.5 0.0 686.081 319.5 0.0 0.0 1.0 0.998014294977702 -0.007652040139148997 -0.06252130278448544 4.5318695364635975 0.009198983508306577 0.999657692131395 0.024492391980923397 -3.9620437320530835 0.06231248448404506 -0.025018889748391074 0.9977430578225958 -31.683938893355222 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/72198457_1660226670.jpg sacre_coeur/test/images/24557061_6127380941.jpg 0 0 1443.11 0.0 187.0 0.0 1443.11 249.5 0.0 0.0 1.0 1027.21 0.0 296.5 0.0 1027.21 319.5 0.0 0.0 1.0 0.9997520975715923 0.015817181997346216 0.015670359117269734 -2.2290475057724635 -0.014499219670100537 0.9966152674692645 -0.08091836179832569 0.018720394814651264 -0.016897219598488444 0.08067109396078244 0.996597540920612 -1.0047731580238022 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/26122587_7769817838.jpg sacre_coeur/test/images/30178210_1968722368.jpg 0 0 535.329 0.0 239.5 0.0 535.329 319.5 0.0 0.0 1.0 742.141 0.0 319.5 0.0 742.141 249.0 0.0 0.0 1.0 0.9901594220548937 0.03294932271731033 0.13600978291427837 -3.7063844766759395 -0.06906328445796885 0.960342238081743 0.2701352411219727 -7.329319421327379 -0.12171516608786377 -0.2768702365524673 0.953167503881445 -12.356539272613844 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/47029087_8959697396.jpg sacre_coeur/test/images/40053940_4478762600.jpg 0 0 622.643 0.0 319.5 0.0 622.643 239.5 0.0 0.0 1.0 492.186 0.0 319.5 0.0 492.186 179.5 0.0 0.0 1.0 0.9356906017709161 -0.07528242483365598 -0.34469646686432104 4.255006183764442 0.11873610248644147 0.987174874491574 0.10671225393025127 -3.4267119833145676 0.33224213417914095 -0.14077756811264389 0.9326289940766261 -8.094492836102338 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/45575968_5097432755.jpg sacre_coeur/test/images/89598965_8275144360.jpg 0 0 588.085 0.0 319.5 0.0 588.085 179.5 0.0 0.0 1.0 715.898 0.0 213.0 0.0 715.898 319.5 0.0 0.0 1.0 0.982818890139278 0.06887820911677343 0.17123907700715854 -3.7293242438143936 -0.0837692045226611 0.9931626886290795 0.08130556124090337 -4.09525214412297 -0.16446808066928403 -0.09425320272502011 0.981868924152831 -14.125751605212715 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/30588853_4939266422.jpg sacre_coeur/test/images/15701912_177669906.jpg 0 0 850.404 0.0 213.0 0.0 850.404 319.5 0.0 0.0 1.0 743.975 0.0 319.5 0.0 743.975 239.0 0.0 0.0 1.0 0.9632981586110981 0.09370194452942608 0.2515484112608796 -6.819504470915048 -0.10226727753415743 0.9945317472750133 0.02116619020656659 1.1344701999209532 -0.2481895677949014 -0.046114523238490614 0.9676132435969791 2.648530810527882 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/44509707_7002758055.jpg sacre_coeur/test/images/92423741_5783562525.jpg 0 0 1017.42 0.0 213.0 0.0 1017.42 319.5 0.0 0.0 1.0 502.585 0.0 212.0 0.0 502.585 319.5 0.0 0.0 1.0 0.9998426345109581 -0.01708786068749096 0.004765630211370172 -0.7775377318167953 0.015812169354723217 0.9802193543589983 0.1972815060778024 -7.283154029812935 -0.008042481860978909 -0.19717510582513537 0.9803352978080319 -33.9836288483695 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/01012753_375984446.jpg sacre_coeur/test/images/00204549_3820006713.jpg 0 0 773.348 0.0 249.5 0.0 773.348 199.0 0.0 0.0 1.0 565.301 0.0 319.5 0.0 565.301 213.5 0.0 0.0 1.0 0.9997948969653894 0.005853448001916466 0.019388170322529485 -1.0548365273536802 -0.00847260138498115 0.9904105024906361 0.1378957997257956 -4.02245180557097 -0.01839508161813284 -0.1380317851175387 0.9902569602227128 -10.5511492931943 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/86437085_9493229723.jpg sacre_coeur/test/images/88231888_30382573.jpg 0 0 520.807 0.0 319.5 0.0 520.807 212.0 0.0 0.0 1.0 545.858 0.0 249.5 0.0 545.858 187.0 0.0 0.0 1.0 0.9844068600055326 0.018082654724611104 0.17497471695121738 -1.317469662993755 -0.029958190927989507 0.9974048277010885 0.06546843876925988 -1.2227279068610106 -0.17333678423915183 -0.0696895062163071 0.9823938782143122 -2.394117620185087 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/89443230_8712904049.jpg sacre_coeur/test/images/47029087_8959697396.jpg 0 0 614.242 0.0 238.5 0.0 614.242 319.5 0.0 0.0 1.0 622.643 0.0 319.5 0.0 622.643 239.5 0.0 0.0 1.0 0.960327517280926 0.007461023651082767 0.2787748063924188 -2.7670893532884495 -0.052414819557275616 0.9866557579933701 0.15415285242027307 0.4947407043034535 -0.27390462983277747 -0.16264915722070686 0.9479037426930873 1.2235988152196269 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/67569977_7754509434.jpg sacre_coeur/test/images/72213636_3271218925.jpg 0 0 1806.88 0.0 239.5 0.0 1806.88 319.5 0.0 0.0 1.0 348.891 0.0 319.5 0.0 348.891 212.5 0.0 0.0 1.0 0.9964066970112837 0.035396158314833295 0.07694677464075707 -6.296429907402615 -0.03989876453187361 0.9975312541164092 0.05778828297997537 -8.462376969330354 -0.07471132939450555 -0.060650713412909354 0.9953590850655912 -53.721884038185905 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/23236854_6565983213.jpg sacre_coeur/test/images/77447644_11774301175.jpg 0 0 668.656 0.0 239.5 0.0 668.656 319.5 0.0 0.0 1.0 511.678 0.0 319.5 0.0 511.678 212.5 0.0 0.0 1.0 0.9855102576453317 -0.06961021415170625 -0.1546736892997172 4.982671677854141 0.06596001566277086 0.9974119174270789 -0.028613690922438907 -0.42443239813771094 0.15626518617273283 0.017996806944328758 0.9875511665378203 -0.6062282820138254 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/88074069_5867013385.jpg sacre_coeur/test/images/60953043_2624021191.jpg 0 0 1107.69 0.0 319.5 0.0 1107.69 239.5 0.0 0.0 1.0 1395.38 0.0 212.5 0.0 1395.38 319.5 0.0 0.0 1.0 0.9960365876404783 0.00270159260968378 -0.08890341657598431 2.8900506456032846 0.006157537884400315 0.9950460822788412 0.09922388255219547 -3.5834312645401036 0.08873105887294411 -0.09937804354534766 0.9910856691792012 -21.4695620579026 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/08619228_3960784810.jpg sacre_coeur/test/images/41248376_5125754940.jpg 0 0 484.401 0.0 319.5 0.0 484.401 213.0 0.0 0.0 1.0 1042.61 0.0 319.5 0.0 1042.61 213.5 0.0 0.0 1.0 0.9950600888700974 -0.026184165072416013 -0.09575911986486721 -5.207459772620821 0.02676781328751544 0.9996300803729413 0.004815245101943575 3.9924410438654405 0.09559761351434591 -0.007354720460190972 0.9953928894548696 42.58801815337103 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/97242119_2076423149.jpg sacre_coeur/test/images/59088601_13927956521.jpg 0 0 1416.69 0.0 213.0 0.0 1416.69 319.5 0.0 0.0 1.0 1295.39 0.0 319.5 0.0 1295.39 213.0 0.0 0.0 1.0 0.9987500718208749 -0.007057602442283337 0.04948216128630522 -1.8380070923675946 0.0065643509710859764 0.9999272073191995 0.010123702838150436 -1.755812167535459 -0.04955000841700888 -0.009786230663204875 0.9987236987051428 -5.532004511366118 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/79893810_6766787721.jpg sacre_coeur/test/images/65409197_2096349519.jpg 0 0 1017.45 0.0 212.0 0.0 1017.45 319.5 0.0 0.0 1.0 548.189 0.0 166.0 0.0 548.189 249.5 0.0 0.0 1.0 0.9999844024658296 -0.0007433253884224575 0.005535548069047888 0.14757607310280638 0.0007076407732703783 0.9999789764091104 0.006445617450936297 -0.734347352800258 -0.005540222883045287 -0.006441599735681816 0.9999639052102088 -1.8689528261551098 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/64661937_6056840145.jpg sacre_coeur/test/images/08081221_11367454663.jpg 0 0 697.765 0.0 239.5 0.0 697.765 319.5 0.0 0.0 1.0 670.286 0.0 212.5 0.0 670.286 319.5 0.0 0.0 1.0 0.9980289698302142 -0.028288423011396426 0.05601732324173957 -1.317256735332234 0.023509933863945228 0.9961716853976812 0.0841977210003707 -0.11098347625610616 -0.058184692053444446 -0.08271480118740324 0.9948732599055892 -0.12379258499877821 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/02933228_4036000307.jpg sacre_coeur/test/images/04543624_3663972093.jpg 0 0 679.926 0.0 319.5 0.0 679.926 239.5 0.0 0.0 1.0 433.924 0.0 319.5 0.0 433.924 212.5 0.0 0.0 1.0 0.962620969325611 -0.115303109688375 -0.24508378630748207 3.2612431100543127 0.11380037235430396 0.9932955347578709 -0.02033361458514491 0.13140948147751932 0.24578515957364627 -0.008317062357948556 0.9692886473115692 0.03642406289358816 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/57007030_768923483.jpg sacre_coeur/test/images/49028473_4605994993.jpg 0 0 515.756 0.0 319.5 0.0 515.756 239.5 0.0 0.0 1.0 619.868 0.0 319.5 0.0 619.868 239.5 0.0 0.0 1.0 0.9929932536101557 0.06153850442133587 0.10088315398668983 -2.7446916936433796 -0.0702949346768073 0.9938404264533988 0.08567280143493228 -2.589092323254424 -0.09498958071020393 -0.0921640885622549 0.9912026837816716 -7.224299357815626 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/38552135_2122457546.jpg sacre_coeur/test/images/30959030_12203993343.jpg 0 0 1367.85 0.0 239.5 0.0 1367.85 319.5 0.0 0.0 1.0 1448.34 0.0 213.0 0.0 1448.34 319.5 0.0 0.0 1.0 0.9984340984134009 -0.001281457822819645 -0.055925924143167896 2.3568435232094664 0.004146188721398685 0.998683002466901 0.05113775222653432 -2.313377710110834 0.05578673896640299 -0.05128955497510385 0.9971244763348006 -13.63614273568296 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/97643496_704095933.jpg sacre_coeur/test/images/41814686_978754656.jpg 0 0 753.473 0.0 239.5 0.0 753.473 319.5 0.0 0.0 1.0 701.026 0.0 239.5 0.0 701.026 319.5 0.0 0.0 1.0 0.8947521709075095 -0.15247066588393948 -0.41972758868247756 5.621624031248494 0.179656165624142 0.9833923138039287 0.02575304456925826 0.2608778794971603 0.40883030074779164 -0.09844924172518264 0.9072847028326925 0.652287458982609 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/15865748_8030415.jpg sacre_coeur/test/images/49997128_3263255043.jpg 0 0 666.681 0.0 212.0 0.0 666.681 319.5 0.0 0.0 1.0 1444.69 0.0 213.0 0.0 1444.69 319.5 0.0 0.0 1.0 0.9993484044842904 0.013323937407942599 -0.0335445844608658 -3.420480982397877 -0.013907593885454808 0.9997548809026506 -0.017226634716160195 6.884665709656513 0.03330683543989418 0.017681934375966362 0.9992887490158707 43.67890337337635 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/32903762_508473415.jpg sacre_coeur/test/images/88074069_5867013385.jpg 0 0 713.267 0.0 319.5 0.0 713.267 239.5 0.0 0.0 1.0 1107.69 0.0 319.5 0.0 1107.69 239.5 0.0 0.0 1.0 0.9830044569787931 0.05092614320932685 0.17637677142314076 -2.130615273840552 -0.0329468070167834 0.9940933702520544 -0.10340637856685099 2.6361552467677933 -0.1806010671818595 0.09583787956092936 0.9788760674232659 28.473070315498042 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/77706306_5103474140.jpg sacre_coeur/test/images/20864632_4515642500.jpg 0 0 505.257 0.0 319.5 0.0 505.257 214.0 0.0 0.0 1.0 707.548 0.0 319.5 0.0 707.548 239.5 0.0 0.0 1.0 0.9999843596266742 0.0034170753061779956 -0.004427651565144392 2.876259024751061 -0.004277641451654021 0.9772873423458969 -0.2118753224755175 0.07533661417763204 0.003603093898513892 0.211890948572244 0.9772866742299892 5.599219186471706 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/75519914_2079302390.jpg sacre_coeur/test/images/63360516_5790897098.jpg 0 0 569.028 0.0 187.0 0.0 569.028 249.5 0.0 0.0 1.0 516.78 0.0 319.5 0.0 516.78 239.5 0.0 0.0 1.0 0.9998534237006539 0.016643616807422053 -0.004015113155110234 -1.051235220658553 -0.016754038947519347 0.9994318513333015 -0.029245114454120105 -0.35184295382429354 0.0035260874954609403 0.029308097175648955 0.9995642061153035 -1.0046347222233667 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/58207157_8155269003.jpg sacre_coeur/test/images/32813607_2497921988.jpg 0 0 716.507 0.0 319.5 0.0 716.507 239.5 0.0 0.0 1.0 769.873 0.0 319.5 0.0 769.873 212.5 0.0 0.0 1.0 0.9976036175529632 -0.013021530879988473 0.06795190930932477 -1.9769433533286245 0.011594176023667394 0.999704669267045 0.021357652680024583 -0.5249569180636015 -0.06820995035603976 -0.020518625178355645 0.9974599684665127 -2.4962012062294217 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/89611407_866799904.jpg sacre_coeur/test/images/58219592_4573644273.jpg 0 0 673.378 0.0 319.5 0.0 673.378 239.5 0.0 0.0 1.0 612.079 0.0 319.5 0.0 612.079 239.5 0.0 0.0 1.0 0.9998056363001179 -0.015700347223014846 -0.011924291156852711 -0.3489497308109155 0.013314921389520964 0.9837764982164432 -0.1789036456458711 1.6461803260134287 0.014539686754105208 0.17871010227200174 0.9837943366654551 8.89058685661376 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/69212502_553330789.jpg sacre_coeur/test/images/73088789_3818781918.jpg 0 0 859.802 0.0 213.0 0.0 859.802 319.5 0.0 0.0 1.0 512.969 0.0 319.5 0.0 512.969 239.5 0.0 0.0 1.0 0.8093563305618198 -0.23588413347377482 -0.537867089302583 16.000620771303797 0.3168651644300797 0.946459718335647 0.061728997551440824 -1.1548427622190531 0.4945086427457107 -0.22039209864088505 0.8407666293963275 -7.8024703147446495 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/43759956_9209511641.jpg sacre_coeur/test/images/01012753_375984446.jpg 0 0 634.092 0.0 319.5 0.0 634.092 213.0 0.0 0.0 1.0 773.348 0.0 249.5 0.0 773.348 199.0 0.0 0.0 1.0 0.9942911768760566 0.03602716396132299 0.10043455104360503 -1.7712161939510496 -0.031747680463292884 0.998531902879609 -0.043887626010388786 1.3239356120437185 -0.10186825006657968 0.04044851528215907 0.9939752397518973 7.8753807945703365 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/74917306_234403154.jpg sacre_coeur/test/images/46331415_3742093205.jpg 0 0 701.955 0.0 319.5 0.0 701.955 239.5 0.0 0.0 1.0 631.609 0.0 239.5 0.0 631.609 319.5 0.0 0.0 1.0 0.9715367790929481 -0.11451268517529865 -0.20737196484492015 5.432175752851395 0.06255649509675491 0.9683445262456228 -0.24165173993031805 -0.41490367619426183 0.22847969667108187 0.22180108977208235 0.9479458343096441 -2.3060428064189447 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/06841583_3820040279.jpg sacre_coeur/test/images/97879806_8161726916.jpg 0 0 566.414 0.0 249.5 0.0 566.414 187.0 0.0 0.0 1.0 794.081 0.0 319.5 0.0 794.081 239.5 0.0 0.0 1.0 0.9910819490352939 -0.021942300625142776 0.13143479653303047 -2.0347952633979474 -0.018587214885048706 0.9539428573632853 0.299411990956254 1.2863577679977063 -0.13195107327801575 -0.29918482636799393 0.9450277000871101 6.31568146572916 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/61084833_3699152935.jpg sacre_coeur/test/images/16971221_7856309770.jpg 0 0 1839.79 0.0 239.5 0.0 1839.79 319.5 0.0 0.0 1.0 410.251 0.0 319.5 0.0 410.251 213.5 0.0 0.0 1.0 0.8276725500037391 -0.15760887564661497 -0.5386256513458284 35.944896877758744 0.19260415811023288 0.9812367141069971 0.008840201759681632 -2.7290702076701363 0.527125970000489 -0.11105833244702237 0.8424988181268448 -37.34838372474187 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/89443230_8712904049.jpg sacre_coeur/test/images/24557061_6127380941.jpg 0 0 614.242 0.0 238.5 0.0 614.242 319.5 0.0 0.0 1.0 1027.21 0.0 296.5 0.0 1027.21 319.5 0.0 0.0 1.0 0.9990110228038863 0.012541815772995924 0.04265769770450405 -2.0862283879736743 -0.009148761520314373 0.9968463816978477 -0.07882633734072357 0.43437030428031076 -0.04351179700928282 0.07835811478733634 0.9959752654398589 41.21112831791807 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/73088789_3818781918.jpg sacre_coeur/test/images/13402995_4460408839.jpg 0 0 512.969 0.0 319.5 0.0 512.969 239.5 0.0 0.0 1.0 702.935 0.0 239.5 0.0 702.935 319.5 0.0 0.0 1.0 0.7913280160048267 0.32146669058854116 0.5200568602834845 -8.918010864885886 -0.2551935860963042 0.9466401794966646 -0.1968466514265131 2.3913660556061496 -0.5555863611547469 0.023055094980809217 0.8311391326933492 9.808727043604204 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/65409197_2096349519.jpg sacre_coeur/test/images/79770190_8442039294.jpg 0 0 548.189 0.0 166.0 0.0 548.189 249.5 0.0 0.0 1.0 704.085 0.0 239.5 0.0 704.085 319.5 0.0 0.0 1.0 0.9979775282289969 0.0364077032466332 0.05210885044066281 -1.268805349603384 -0.030272585849586312 0.9930157758371145 -0.1140317477047204 1.272840224699158 -0.05589654457944335 0.1122236520655012 0.992109584784443 7.601947563707465 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/48445083_12204174934.jpg sacre_coeur/test/images/25923245_22222637.jpg 0 0 1439.35 0.0 213.0 0.0 1439.35 319.5 0.0 0.0 1.0 530.117 0.0 187.0 0.0 530.117 249.5 0.0 0.0 1.0 0.9517375046237334 -0.062346806479587326 -0.30051388988595146 18.49953694458 0.11325981599359833 0.9813860907051113 0.1550920857156661 -9.86651876573804 0.28525065534312993 -0.1816431025179216 0.94108333686979 -45.945359498930856 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/30959030_12203993343.jpg sacre_coeur/test/images/92313704_2399275366.jpg 0 0 1448.34 0.0 213.0 0.0 1448.34 319.5 0.0 0.0 1.0 2645.81 0.0 319.5 0.0 2645.81 214.0 0.0 0.0 1.0 0.9860527510522136 0.05754311894781601 0.15616901614634823 -3.701415214669942 -0.06363085047522149 0.9973851837404661 0.034262371820944416 0.1930538337716996 -0.15378909912656646 -0.043721673306886824 0.9871359218836506 0.1897588924270437 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/76212982_3312164124.jpg sacre_coeur/test/images/04671520_6574800359.jpg 0 0 540.23 0.0 319.5 0.0 540.23 213.0 0.0 0.0 1.0 497.791 0.0 319.5 0.0 497.791 214.0 0.0 0.0 1.0 0.9919417040556489 0.03221804434763817 0.12253021412528801 -3.3463912830035314 -0.06253745838667216 0.965606513524525 0.2523749736751771 -4.547839855182729 -0.11018494476883206 -0.25800398961532495 0.9598402050804418 -5.523837208491356 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/28406439_2578759591.jpg sacre_coeur/test/images/92423741_5783562525.jpg 0 0 812.302 0.0 213.0 0.0 812.302 319.5 0.0 0.0 1.0 502.585 0.0 212.0 0.0 502.585 319.5 0.0 0.0 1.0 0.9923531599426891 0.034530771680231914 0.11850245465359441 -2.2174311782797202 -0.024717167089435596 0.9962174098206005 -0.08330626639939308 -0.3473905768356855 -0.12093083809695701 0.07974019173228403 0.9894529974787415 -2.494762434762325 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/96301971_7410171184.jpg sacre_coeur/test/images/16555640_3650571161.jpg 0 0 509.198 0.0 319.5 0.0 509.198 180.0 0.0 0.0 1.0 1235.34 0.0 239.5 0.0 1235.34 319.5 0.0 0.0 1.0 0.9929813339722512 0.0010169097024939145 -0.11826680124762419 -0.9037880367337026 -0.017177924248915226 0.9905996510161591 -0.1357101703085011 1.6118344330897947 0.11701704705378017 0.13678924409953003 0.9836644312963099 40.92269517443121 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/97643496_704095933.jpg sacre_coeur/test/images/30588853_4939266422.jpg 0 0 753.473 0.0 239.5 0.0 753.473 319.5 0.0 0.0 1.0 850.404 0.0 213.0 0.0 850.404 319.5 0.0 0.0 1.0 0.9667868688118142 -0.09490345114385489 -0.23731094634262795 3.2702548321041682 0.09789846628216617 0.9951960531476177 0.0008402969733825485 1.333771147965411 0.2360911700861497 -0.024044765758681336 0.9714333783883294 7.499531702556311 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/02099432_2588386443.jpg sacre_coeur/test/images/97181778_57457394.jpg 0 0 938.485 0.0 249.5 0.0 938.485 167.0 0.0 0.0 1.0 1458.98 0.0 239.5 0.0 1458.98 319.5 0.0 0.0 1.0 0.9999023328552334 -0.013922327730232895 0.001222105246564312 1.3179474129928102 0.013885748930284431 0.9995636746440519 0.026070027018105974 -3.061656451710105 -0.001584527471139694 -0.026050510986382926 0.9996593720613245 -13.410825250530976 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/08319155_4244960671.jpg sacre_coeur/test/images/16577293_2866312822.jpg 0 0 661.935 0.0 239.5 0.0 661.935 319.5 0.0 0.0 1.0 536.259 0.0 319.5 0.0 536.259 213.0 0.0 0.0 1.0 0.9729964569368688 -0.12136885828365351 -0.19633515993632555 3.4262356683416604 0.11372584058663235 0.9922638806402253 -0.049787793279723075 2.030148219825161 0.2008589753313602 0.026114965359406224 0.9792720156387157 8.625759376052594 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/04739785_8198592553.jpg sacre_coeur/test/images/35719192_2298527061.jpg 0 0 720.152 0.0 319.5 0.0 720.152 239.5 0.0 0.0 1.0 551.852 0.0 249.5 0.0 551.852 187.0 0.0 0.0 1.0 0.9897376696037922 0.03658096461952858 0.1381346386492522 -1.74561482971527 -0.026855667782888216 0.9970701138188763 -0.07162374771783415 1.9938075025213136 -0.14034998566152343 0.06717902318966551 0.9878202571156822 27.29221227876964 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/61672452_5135373512.jpg sacre_coeur/test/images/18698491_4586522698.jpg 0 0 1840.71 0.0 239.5 0.0 1840.71 319.5 0.0 0.0 1.0 1792.43 0.0 246.5 0.0 1792.43 319.5 0.0 0.0 1.0 0.9998146533748782 0.019252480718532267 -2.971623927178582e-05 -0.11359062573351197 -0.01925094204585944 0.9997520243871983 0.01119334463178131 0.08677918742207513 0.0002452085220683706 -0.011190697917529973 0.9999373521140709 0.2114684670409801 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/24721269_9145209888.jpg sacre_coeur/test/images/41814686_978754656.jpg 0 0 581.406 0.0 239.5 0.0 581.406 319.5 0.0 0.0 1.0 701.026 0.0 239.5 0.0 701.026 319.5 0.0 0.0 1.0 0.7753448162773148 0.2376689478115186 0.5851101495599464 -10.478688327264651 -0.2972826114998085 0.9547699555148129 0.006113995918877528 -2.0837930450754723 -0.557192484489652 -0.17868352831866668 0.8109307812235526 -4.002625730254425 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/64044824_2624053101.jpg sacre_coeur/test/images/60535642_3153438485.jpg 0 0 1359.6 0.0 212.5 0.0 1359.6 319.5 0.0 0.0 1.0 722.898 0.0 319.5 0.0 722.898 239.5 0.0 0.0 1.0 0.9672453958544971 0.033405407272065896 0.251635496230688 -13.93372393693571 -0.08313043806120807 0.9783234794186858 0.18966417660134857 -8.673861999408572 -0.23984510515336527 -0.20437037060959518 0.9490558872642157 -36.947117538130314 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/27770418_2219914621.jpg sacre_coeur/test/images/61046986_5564238795.jpg 0 0 1305.61 0.0 319.5 0.0 1305.61 239.5 0.0 0.0 1.0 1203.71 0.0 210.0 0.0 1203.71 319.5 0.0 0.0 1.0 0.9953451679583173 -0.02431779531472146 -0.09325578509165193 2.428031976301798 0.020114704013087018 0.9987504446615741 -0.04574874829734498 2.2386699830688577 0.0942517655245511 0.043659983043276986 0.9945905743451251 11.563432502784586 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/60748234_6779431614.jpg sacre_coeur/test/images/12365089_8352000383.jpg 0 0 1251.64 0.0 305.5 0.0 1251.64 305.5 0.0 0.0 1.0 1716.68 0.0 319.5 0.0 1716.68 239.5 0.0 0.0 1.0 0.9954333280182875 -0.0406345292301531 -0.08637895869180263 -2.472874801104612 0.03295669284214332 0.9955286450465843 -0.08852442198975724 0.9166867651824826 0.08958987591991036 0.08527339518252941 0.9923215719748811 8.911164201950221 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/62327360_2404846280.jpg sacre_coeur/test/images/68609645_2691880358.jpg 0 0 1508.2 0.0 319.5 0.0 1508.2 213.0 0.0 0.0 1.0 681.797 0.0 319.5 0.0 681.797 239.5 0.0 0.0 1.0 0.8050056869110669 -0.17673901853550342 -0.5663295536769631 37.92171787168608 0.2435023800914427 0.968913135109602 0.043748457137194115 -4.512038657463937 0.5409920839814978 -0.1731203510254913 0.8230169555544811 -33.03994174448386 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/68663909_1356782012.jpg sacre_coeur/test/images/95748780_10564008623.jpg 0 0 672.136 0.0 319.5 0.0 672.136 239.0 0.0 0.0 1.0 512.767 0.0 319.5 0.0 512.767 212.5 0.0 0.0 1.0 0.8545033166368066 -0.28909675923499045 -0.4315636055745704 8.863850591332966 0.2303900316893247 0.955556719860539 -0.18393419591679772 3.126422603672613 0.4655582833060641 0.057744427689543285 0.8831313978768492 5.8131659298631355 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/80276097_6193446637.jpg sacre_coeur/test/images/75911664_13736760514.jpg 0 0 625.301 0.0 319.5 0.0 625.301 245.5 0.0 0.0 1.0 675.746 0.0 255.5 0.0 675.746 319.5 0.0 0.0 1.0 0.9810680760161238 0.07825680408579373 0.1771476865112814 -3.4121587330236998 -0.05992010485348818 0.9924949455933619 -0.10659908069949076 1.2462306405858352 -0.18416028686002997 0.09396624705662811 0.9783942626353264 4.85505495141279 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/99543611_6046123347.jpg sacre_coeur/test/images/04808852_3532579721.jpg 0 0 803.204 0.0 213.0 0.0 803.204 319.5 0.0 0.0 1.0 536.862 0.0 319.5 0.0 536.862 223.5 0.0 0.0 1.0 0.9917307424797389 0.04634148449424769 0.11967707063366581 -2.8952368289448636 -0.055529259772436425 0.9956653057172579 0.07461300355892957 -2.392232793285308 -0.11570062977231939 -0.08064158856216166 0.9900052012310135 -7.716358166320637 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/93760319_30262336.jpg sacre_coeur/test/images/56774631_6820191793.jpg 0 0 1034.56 0.0 239.5 0.0 1034.56 319.5 0.0 0.0 1.0 1196.24 0.0 319.5 0.0 1196.24 213.0 0.0 0.0 1.0 0.9857762656561098 -0.06713210629714408 -0.1540728216565269 8.823252519622342 0.08445669194611301 0.990469410481385 0.10879988091067502 -4.210475681721875 0.14530045166693167 -0.12026482114386829 0.9820509923321797 -18.196434616692066 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/89575205_6345371382.jpg sacre_coeur/test/images/16385535_4660789205.jpg 0 0 1030.86 0.0 212.5 0.0 1030.86 319.5 0.0 0.0 1.0 669.771 0.0 239.5 0.0 669.771 319.5 0.0 0.0 1.0 0.996607922930964 -0.02460806263828384 -0.07853082964301238 1.414404092864019 0.004004013854650932 0.9676162052554222 -0.2523942297283131 -0.3161136824070381 0.08219863638942736 0.2512236505193868 0.9644325075376875 -1.5193330028037124 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/59358073_3809805538.jpg sacre_coeur/test/images/28570538_3018664920.jpg 0 0 1733.74 0.0 319.5 0.0 1733.74 239.5 0.0 0.0 1.0 655.109 0.0 319.5 0.0 655.109 239.5 0.0 0.0 1.0 0.9973905577846464 -0.029148940714156885 -0.06604857679976636 5.045848807801112 0.029729757281445852 0.9995273216485152 0.007827822821954449 -4.244983428661751 0.06578918432400865 -0.009771004727670528 0.9977857037924492 -34.524071801249946 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/48445083_12204174934.jpg sacre_coeur/test/images/74061457_6280563618.jpg 0 0 1439.35 0.0 213.0 0.0 1439.35 319.5 0.0 0.0 1.0 545.636 0.0 319.5 0.0 545.636 213.0 0.0 0.0 1.0 0.9985449711439669 -0.009080198540804786 -0.05315534401688699 2.546061294728183 0.02327614346622869 0.9617428113687618 0.27296334172531234 -16.217556710874398 0.04864320865684719 -0.27380342359979665 0.9605547998300756 -47.45982987027909 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/98073777_2853247623.jpg sacre_coeur/test/images/79142222_31041441.jpg 0 0 712.676 0.0 239.5 0.0 712.676 319.5 0.0 0.0 1.0 495.471 0.0 212.5 0.0 495.471 319.5 0.0 0.0 1.0 0.8741704477903137 -0.2514662004591723 -0.41544046292665066 3.6424568895169482 0.28289884710917745 0.9590359980108438 0.014771486846045326 -0.3402630901148488 0.39470782930463977 -0.13044042527518865 0.9095004260249949 -0.3623754605257777 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/58219592_4573644273.jpg sacre_coeur/test/images/93845208_10996896025.jpg 0 0 612.079 0.0 319.5 0.0 612.079 239.5 0.0 0.0 1.0 1826.02 0.0 226.0 0.0 1826.02 301.5 0.0 0.0 1.0 0.997577191596935 0.012246153825320271 -0.06848195763891743 2.586078937320893 -0.02101910264353996 0.9914356096810315 -0.12889386789316903 3.199845653799248 0.06631699729053042 0.13002101204377686 0.9892909543190416 45.77889263513801 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/17082719_403390685.jpg sacre_coeur/test/images/27614460_8959698816.jpg 0 0 780.101 0.0 319.5 0.0 780.101 212.5 0.0 0.0 1.0 807.303 0.0 319.5 0.0 807.303 319.5 0.0 0.0 1.0 0.9144743628566357 0.20027137498366135 0.35160775878826084 -6.690983508175359 -0.06982071088006529 0.9339943556244142 -0.35039921802700713 0.8005341192241493 -0.3985745952894544 0.29588159798116787 0.8680969830416175 5.7447301538440865 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/23236854_6565983213.jpg sacre_coeur/test/images/08047759_7746982324.jpg 0 0 668.656 0.0 239.5 0.0 668.656 319.5 0.0 0.0 1.0 499.512 0.0 319.5 0.0 499.512 213.5 0.0 0.0 1.0 0.9937300104665621 -0.027360493138434576 -0.10840696339879631 4.5188201944301545 0.02508321058552016 0.9994362718476104 -0.022315265225223438 -0.4680602327601098 0.10895640800269041 0.019456154053956606 0.9938561058949027 -0.7179314218106718 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/41248376_5125754940.jpg sacre_coeur/test/images/59066216_374458283.jpg 0 0 1042.61 0.0 319.5 0.0 1042.61 213.5 0.0 0.0 1.0 1271.07 0.0 249.5 0.0 1271.07 239.5 0.0 0.0 1.0 0.988644172104238 0.027606093727838336 0.14771798994508212 -2.3479387356077583 -0.037814460178379465 0.9970528479801419 0.0667509171180878 -2.799043003535921 -0.145439910498265 -0.0715787812398191 0.9867743969674521 -10.868654398345193 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/42008365_12432214243.jpg sacre_coeur/test/images/80871904_5968113125.jpg 0 0 848.932 0.0 319.5 0.0 848.932 319.5 0.0 0.0 1.0 526.948 0.0 319.5 0.0 526.948 239.5 0.0 0.0 1.0 0.9889045453612945 -0.08079649345699412 -0.12465844058396447 -0.05502128772189202 0.04583525178754229 0.9641659758754055 -0.26131035313932727 0.38522382766158075 0.14130438725441083 0.25269724495783735 0.9571714436470483 4.814392763673439 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/02933228_4036000307.jpg sacre_coeur/test/images/12573771_2610756325.jpg 0 0 679.926 0.0 319.5 0.0 679.926 239.5 0.0 0.0 1.0 686.081 0.0 213.5 0.0 686.081 319.5 0.0 0.0 1.0 0.948541922413089 -0.1405365748747012 -0.28375639648714335 4.645092797848061 0.07202564227999636 0.9683828080370752 -0.2388452301227379 1.507345224901386 0.30835130659531085 0.20611697703177465 0.9286739274364537 8.401976117971724 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/96399538_6003485006.jpg sacre_coeur/test/images/55185330_108661534.jpg 0 0 944.215 0.0 319.5 0.0 944.215 239.5 0.0 0.0 1.0 674.5 0.0 319.5 0.0 674.5 239.5 0.0 0.0 1.0 0.9997911751749166 -0.01813593779602421 -0.00941773872103948 -0.002768928571917184 0.017235208674620348 0.9959512597191683 -0.08822718314524101 0.06261664714032178 0.010979691448365789 0.08804644242705295 0.9960558570439904 0.5533906161531776 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/63516274_5829260794.jpg sacre_coeur/test/images/22663714_8829093598.jpg 0 0 522.011 0.0 319.5 0.0 522.011 213.0 0.0 0.0 1.0 595.075 0.0 239.5 0.0 595.075 319.5 0.0 0.0 1.0 0.9947226815888706 -0.010376263562406738 -0.10207409018516854 3.5166803955299755 -0.026810965874066253 0.9340164755397721 -0.35622239616447776 -0.41055280691319296 0.09903513942811464 0.3570792021033232 0.9288091755488358 7.429332852934281 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/97879806_8161726916.jpg sacre_coeur/test/images/67569977_7754509434.jpg 0 0 794.081 0.0 319.5 0.0 794.081 239.5 0.0 0.0 1.0 1806.88 0.0 239.5 0.0 1806.88 319.5 0.0 0.0 1.0 0.9941592376234197 0.03270058652126783 -0.10284980257242238 2.8255783525378577 -0.04233867634937731 0.9947683858247276 -0.09296932315903247 3.6677459656772533 0.09927158069157478 0.09678083593786017 0.9903426796125494 39.32251819504385 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/76812051_2399423344.jpg sacre_coeur/test/images/60748234_6779431614.jpg 0 0 731.379 0.0 319.5 0.0 731.379 239.5 0.0 0.0 1.0 1251.64 0.0 305.5 0.0 1251.64 305.5 0.0 0.0 1.0 0.9702841339889215 0.05581433969839743 0.23544311162869147 -5.255031572079005 -0.045618082693425197 0.9977790725532982 -0.04853774722888975 2.5472109263457527 -0.23762931187196668 0.03635494269988145 0.9706753464884867 19.961941584118236 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/01617203_4574281148.jpg sacre_coeur/test/images/31938889_10141160664.jpg 0 0 609.931 0.0 319.5 0.0 609.931 239.5 0.0 0.0 1.0 1776.39 0.0 210.0 0.0 1776.39 319.5 0.0 0.0 1.0 0.7823467591392301 0.19670058721101671 0.5909673658123473 -9.40084474552608 -0.1519904268171812 0.9804304244479365 -0.1251203139892576 4.931340422147441 -0.6040136245319924 0.008066089987134623 0.7969331713337353 49.03028917301137 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/70139640_13923464795.jpg sacre_coeur/test/images/00204549_3820006713.jpg 0 0 544.883 0.0 239.5 0.0 544.883 319.5 0.0 0.0 1.0 565.301 0.0 319.5 0.0 565.301 213.5 0.0 0.0 1.0 0.9747626819291414 0.08197616029932636 0.207647834231148 -2.1983094490626574 -0.11298797287204057 0.9833709401619628 0.1421805613691414 0.9503668737518429 -0.19253942948023448 -0.16205401317942209 0.9678156151395105 4.322970560864036 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/41560346_5689316901.jpg sacre_coeur/test/images/98073777_2853247623.jpg 0 0 771.673 0.0 299.5 0.0 771.673 299.5 0.0 0.0 1.0 712.676 0.0 239.5 0.0 712.676 319.5 0.0 0.0 1.0 0.7981296248326382 0.3497478256043856 0.49057676305499487 -5.601488422911158 -0.2931005822307188 0.9368037163560359 -0.1910257723908834 1.1997037932672483 -0.5263849833159434 0.008674993171420311 0.8502020899956372 1.9224990641493602 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/96718433_4122167216.jpg sacre_coeur/test/images/79205306_10858206333.jpg 0 0 536.625 0.0 239.5 0.0 536.625 319.5 0.0 0.0 1.0 428.425 0.0 319.5 0.0 428.425 212.5 0.0 0.0 1.0 0.9734408390939375 -0.06668463188025124 -0.21901162675777272 -1.4784479578146805 0.10571668186670363 0.9794693475822202 0.17165016842972922 4.868213416349591 0.2030687468794367 -0.19024446645791204 0.9605051415911107 8.617351483008694 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/75519914_2079302390.jpg sacre_coeur/test/images/99936428_253699491.jpg 0 0 569.028 0.0 187.0 0.0 569.028 249.5 0.0 0.0 1.0 658.712 0.0 319.5 0.0 658.712 239.5 0.0 0.0 1.0 0.9805852023317474 0.038419500852548666 0.19229301319144956 -4.098752785621039 -0.0900322706420454 0.9593601504033864 0.26743651968463356 -4.954660397998039 -0.174203476460843 -0.2795568703720817 0.9441933620910092 -9.001692299637583 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/97131582_5799687022.jpg sacre_coeur/test/images/38432569_8875267871.jpg 0 0 470.42 0.0 212.5 0.0 470.42 319.5 0.0 0.0 1.0 569.282 0.0 239.5 0.0 569.282 319.5 0.0 0.0 1.0 0.7722043964220031 0.26270745253637967 0.5785198047849146 -9.281902308404883 -0.29795954496748195 0.9539195347406513 -0.03546309071345196 1.6572979064975355 -0.5611777612390757 -0.1449907432287498 0.8148970515768685 6.999263312668518 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/32813607_2497921988.jpg sacre_coeur/test/images/75519914_2079302390.jpg 0 0 769.873 0.0 319.5 0.0 769.873 212.5 0.0 0.0 1.0 569.028 0.0 187.0 0.0 569.028 249.5 0.0 0.0 1.0 0.9967782009904084 -0.04491047527599305 -0.06645500162372786 2.0706515216184824 0.037014062136401335 0.9926036937252503 -0.11561948973746651 1.5883320054504795 0.07115600631350723 0.11278721742056551 0.99106804325033 6.343264688280281 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/70116109_2697195876.jpg sacre_coeur/test/images/86827532_95504488.jpg 0 0 606.734 0.0 212.5 0.0 606.734 319.5 0.0 0.0 1.0 526.393 0.0 249.5 0.0 526.393 166.0 0.0 0.0 1.0 0.9926671631520859 0.015436791872536049 -0.11988998563797512 3.584093026280142 0.022508735040111017 0.9508608996709799 0.3087991358857547 -2.8863750041890492 0.11876556759635326 -0.3092333341242155 0.9435409291705037 -7.418124593813831 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/94573763_208832452.jpg sacre_coeur/test/images/04073909_6377255611.jpg 0 0 760.459 0.0 239.5 0.0 760.459 319.5 0.0 0.0 1.0 679.951 0.0 319.5 0.0 679.951 221.5 0.0 0.0 1.0 0.9681333335773997 -0.08808801257703211 -0.2344319740490617 5.755711865305856 0.109211398865651 0.9908998623051213 0.07867867081680911 -0.07581715013817059 0.22536796306067766 -0.10177408768405026 0.968943402011676 -0.14082869181508428 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/26140494_3397638398.jpg sacre_coeur/test/images/01723814_7963028620.jpg 0 0 675.035 0.0 319.5 0.0 675.035 239.5 0.0 0.0 1.0 505.251 0.0 319.5 0.0 505.251 214.0 0.0 0.0 1.0 0.7733243211862636 -0.2579113499102927 -0.5791815171854637 14.705985222259738 0.2722836753563509 0.960087818132832 -0.06397641446170318 1.7233644499785794 0.5725653625536935 -0.1082271549121979 0.8126843105064653 -0.6689556891471673 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/30442266_2401730436.jpg sacre_coeur/test/images/38714154_3919914519.jpg 0 0 523.192 0.0 319.5 0.0 523.192 239.5 0.0 0.0 1.0 1481.11 0.0 213.5 0.0 1481.11 319.5 0.0 0.0 1.0 0.9821853263106235 -0.0765592400530909 -0.17161196794684008 0.28244180891294546 0.04794004651734821 0.9851108433445096 -0.16510111527480265 4.0603675025085035 0.18169682638947918 0.1539328070541247 0.9712316686519387 48.489252150483566 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/62327360_2404846280.jpg sacre_coeur/test/images/30442266_2401730436.jpg 0 0 1508.2 0.0 319.5 0.0 1508.2 213.0 0.0 0.0 1.0 523.192 0.0 319.5 0.0 523.192 239.5 0.0 0.0 1.0 0.9723071789040126 0.06777266513761522 0.22366406888873525 -12.136341275192958 -0.09529778747136372 0.988824207840164 0.11465172345994247 -11.458460220288977 -0.2133941928797104 -0.1327913846957588 0.9678994609957171 -46.477290047469594 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/67741421_496100843.jpg sacre_coeur/test/images/95271137_4372074334.jpg 0 0 1150.26 0.0 239.5 0.0 1150.26 319.5 0.0 0.0 1.0 1503.0 0.0 239.5 0.0 1503.0 319.5 0.0 0.0 1.0 0.9987921074156698 -0.01408471133194645 -0.04707384699448996 1.2042744604296671 0.015263207861722387 0.9995766491813284 0.024770080686124577 0.6100902077390753 0.04670503880669374 -0.025458659000878372 0.9985842458360448 1.9073157874204938 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/09199317_7932673946.jpg sacre_coeur/test/images/70724808_2779990339.jpg 0 0 592.689 0.0 319.5 0.0 592.689 212.5 0.0 0.0 1.0 1030.95 0.0 249.5 0.0 1030.95 165.5 0.0 0.0 1.0 0.9865564327365316 0.013361275716502584 0.1628738202947207 0.26598576053126144 -0.026279010299423086 0.9966524189572097 0.07741685478257056 -0.1762583256964949 -0.16129419903968084 -0.08065625888900627 0.9836049762268274 -0.7718468527769797 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/24721269_9145209888.jpg sacre_coeur/test/images/04398000_3306414527.jpg 0 0 581.406 0.0 239.5 0.0 581.406 319.5 0.0 0.0 1.0 619.126 0.0 209.0 0.0 619.126 249.5 0.0 0.0 1.0 0.6296060138107974 0.23386353389370124 0.7408806347098215 -13.929986191986595 -0.2863785368613364 0.9563286943570556 -0.058504375686688787 0.16253563138940108 -0.722207450112804 -0.1753376053905114 0.66908379380873 7.30563905220007 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/57606942_9403768875.jpg sacre_coeur/test/images/40932424_8951501615.jpg 0 0 456.61 0.0 179.5 0.0 456.61 319.5 0.0 0.0 1.0 640.24 0.0 319.5 0.0 640.24 212.0 0.0 0.0 1.0 0.9984932649497822 0.006643511959144169 0.05447075911691133 2.210668041218955 -0.0208429413999009 0.9641676681771121 0.2644735892971364 2.3241572803528157 -0.05076191134821625 -0.2652104285105675 0.962853393287637 7.445528746488182 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/04073909_6377255611.jpg sacre_coeur/test/images/84982523_3167326578.jpg 0 0 679.951 0.0 319.5 0.0 679.951 221.5 0.0 0.0 1.0 463.512 0.0 187.0 0.0 463.512 249.5 0.0 0.0 1.0 0.9988250503996691 0.006320916563497467 0.048047525512724266 -1.7073316411650563 0.00887967569062163 0.950800619577596 -0.3096761746897697 -0.236953398652744 -0.0476410542885857 0.3097389672363758 0.9496273490804776 5.7057575023118545 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/55695069_9640098822.jpg sacre_coeur/test/images/43759956_9209511641.jpg 0 0 462.683 0.0 319.5 0.0 462.683 239.5 0.0 0.0 1.0 634.092 0.0 319.5 0.0 634.092 213.0 0.0 0.0 1.0 0.9960280729188623 -0.024688061320806125 0.08554868547065686 3.391698519254078 0.03236444734841073 0.9954572911425138 -0.08953951116150058 2.838984820737677 -0.08294950575723294 0.09195260267892724 0.9923024228304603 9.395959802419279 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/33317152_9653273357.jpg sacre_coeur/test/images/64655298_3515609807.jpg 0 0 531.534 0.0 319.5 0.0 531.534 239.5 0.0 0.0 1.0 649.481 0.0 179.5 0.0 649.481 319.5 0.0 0.0 1.0 0.8995977339200139 0.1894106035038871 0.3935067221868887 -5.2922071214373085 -0.06687430889690081 0.9501703638265694 -0.30447349066092166 3.4732924585986225 -0.43156893300553717 0.2475881721447487 0.8674378093434043 10.572595193074518 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/23735654_3093471146.jpg sacre_coeur/test/images/35558294_6148191791.jpg 0 0 662.801 0.0 239.5 0.0 662.801 319.5 0.0 0.0 1.0 638.785 0.0 319.5 0.0 638.785 239.5 0.0 0.0 1.0 0.36202786329270115 0.8798134185722067 -0.3080002836037788 0.4736372176191217 -0.9321346314217066 0.3444482224056608 -0.11171593881760847 -1.4545095929950036 0.007800968147637413 0.32754201346066636 0.9448044106131662 13.3206457770721 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/08081221_11367454663.jpg sacre_coeur/test/images/44937588_1061437022.jpg 0 0 670.286 0.0 212.5 0.0 670.286 319.5 0.0 0.0 1.0 521.234 0.0 319.5 0.0 521.234 239.5 0.0 0.0 1.0 0.9007684555439807 -0.15211646803012682 -0.40678835977809324 9.33349442488496 0.147990535450036 0.9881052312892287 -0.041795374338213995 -1.5501919303997995 0.4083074710486251 -0.022552872386886358 0.912565820657873 -5.36183998634301 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/02580991_8300101521.jpg sacre_coeur/test/images/30588853_4939266422.jpg 0 0 610.611 0.0 238.5 0.0 610.611 319.5 0.0 0.0 1.0 850.404 0.0 213.0 0.0 850.404 319.5 0.0 0.0 1.0 0.9863498156343713 -0.06675382049680861 -0.15052564116163591 3.5291223629053374 0.05166574935613742 0.9934405681676084 -0.10201219467440421 0.9046904035848923 0.15634798221118978 0.09284268936162725 0.9833288074141783 2.090595795835174 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/25134250_4289943327.jpg sacre_coeur/test/images/67741421_496100843.jpg 0 0 695.364 0.0 319.5 0.0 695.364 239.5 0.0 0.0 1.0 1150.26 0.0 239.5 0.0 1150.26 319.5 0.0 0.0 1.0 0.9978479178111389 0.05170793838442117 0.040321483454951186 -0.3923090824727783 -0.040198535218971765 0.968223127445833 -0.24683608578418761 3.2577488295812427 -0.051803577928788744 0.2446840096676582 0.9682180150806601 34.937864350913124 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/99378904_311153817.jpg sacre_coeur/test/images/53515910_7697309520.jpg 0 0 728.066 0.0 319.5 0.0 728.066 239.5 0.0 0.0 1.0 500.109 0.0 319.5 0.0 500.109 212.5 0.0 0.0 1.0 0.8589483868650271 -0.23005218021018728 -0.45747531417827053 10.85064022980296 0.22949924792629162 0.9715978347099331 -0.05768659106097335 0.015086860361512633 0.4577529507313244 -0.05544043621319156 0.8873491951476921 -3.458216311550925 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/56739575_3512017389.jpg sacre_coeur/test/images/70724808_2779990339.jpg 0 0 767.042 0.0 319.5 0.0 767.042 213.0 0.0 0.0 1.0 1030.95 0.0 249.5 0.0 1030.95 165.5 0.0 0.0 1.0 0.9840822271112912 0.07043148865128158 0.16316119541743193 -1.640438061704562 -0.031185179317505068 0.9723052920419816 -0.2316244884680638 1.7267037007360304 -0.17495615129116227 0.22284933132841472 0.9590247758279566 5.459345537549991 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/44937588_1061437022.jpg sacre_coeur/test/images/63516274_5829260794.jpg 0 0 521.234 0.0 319.5 0.0 521.234 239.5 0.0 0.0 1.0 522.011 0.0 319.5 0.0 522.011 213.0 0.0 0.0 1.0 0.9022819308960969 0.17870316076185178 0.39236780896517803 -6.5040792459166 -0.21185212291897473 0.9763779854279406 0.0424818500821174 0.2118481717470816 -0.3755076499795102 -0.1214545590144711 0.9188268579560928 -0.010396027113899364 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/51939662_7396091320.jpg sacre_coeur/test/images/70970334_5790897082.jpg 0 0 1086.81 0.0 319.5 0.0 1086.81 212.0 0.0 0.0 1.0 633.07 0.0 319.5 0.0 633.07 239.5 0.0 0.0 1.0 0.9976602499007576 0.010406592612757158 0.06757017535976842 -1.9837172199337914 -0.012961064706874104 0.9992134308032731 0.037477066374206745 -6.126557466359503 -0.06712701817913536 -0.038265160819531144 0.9970104015996188 -29.88870690391599 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/12060097_10141374576.jpg sacre_coeur/test/images/33631460_6836524250.jpg 0 0 852.046 0.0 319.5 0.0 852.046 209.0 0.0 0.0 1.0 492.214 0.0 319.5 0.0 492.214 212.0 0.0 0.0 1.0 0.8462264354569281 0.1723714119552895 0.5041715147391825 -15.68521655001694 -0.257257488751464 0.9608053706079167 0.10330355411250004 -5.545398966050055 -0.4666041195865636 -0.2171200961484766 0.8574027405095719 -14.129539216532327 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/48360689_7391063350.jpg sacre_coeur/test/images/59358073_3809805538.jpg 0 0 1914.59 0.0 212.0 0.0 1914.59 319.5 0.0 0.0 1.0 1733.74 0.0 319.5 0.0 1733.74 239.5 0.0 0.0 1.0 0.9967672805658745 0.021479222389581405 0.07741854686604697 -5.938229694199129 -0.024878268463875912 0.9987561640333739 0.043211069919401865 -1.572419380859607 -0.0763941107124805 -0.04499742004692072 0.9960618314329539 -6.176293607843 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/79205306_10858206333.jpg sacre_coeur/test/images/73479674_2286585340.jpg 0 0 428.425 0.0 319.5 0.0 428.425 212.5 0.0 0.0 1.0 510.127 0.0 249.5 0.0 510.127 187.0 0.0 0.0 1.0 0.9994353366802687 0.021378860774680507 0.025922039016529157 3.6208937866385216 -0.01868577771202632 0.9948101150078444 -0.10001838225734169 -4.373919270385916 -0.027925785684459692 0.0994775320866768 0.9946478628659743 -9.800379681193032 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/39980369_7971720718.jpg sacre_coeur/test/images/87252152_3382721265.jpg 0 0 670.012 0.0 319.5 0.0 670.012 239.0 0.0 0.0 1.0 1262.46 0.0 239.5 0.0 1262.46 319.5 0.0 0.0 1.0 0.9874335453969104 0.05353289366813814 0.14869170360313752 -2.6166429078210722 -0.018828410244404476 0.9740288179746686 -0.22563987396410748 4.011057413660604 -0.15690915968341648 0.22000475233591144 0.9627966683350428 39.17353198619065 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/97202520_2635602680.jpg sacre_coeur/test/images/04543624_3663972093.jpg 0 0 677.356 0.0 319.5 0.0 677.356 239.5 0.0 0.0 1.0 433.924 0.0 319.5 0.0 433.924 212.5 0.0 0.0 1.0 0.9900921290113908 -0.03592460636898161 -0.13574608181058206 1.0288241904005497 0.0390243460238271 0.9990332059799831 0.020242375521894278 1.258824313554619 0.13488764393784966 -0.02533921874467527 0.9905368481315097 1.9072738501649622 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/36940211_2500226864.jpg sacre_coeur/test/images/71870353_3302102984.jpg 0 0 647.827 0.0 319.5 0.0 647.827 239.5 0.0 0.0 1.0 682.987 0.0 239.5 0.0 682.987 319.5 0.0 0.0 1.0 0.9997807701319013 -0.004783270524578327 -0.020384601971862704 1.0462195562939505 0.0017446220680337639 0.9892016100434303 -0.1465507795316184 -0.3316871758261425 0.020865473114748637 0.1464830877971037 0.9889930925042519 -5.452124956380311 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/76298563_8026742947.jpg sacre_coeur/test/images/63170630_8128095778.jpg 0 0 520.791 0.0 319.5 0.0 520.791 239.5 0.0 0.0 1.0 1392.01 0.0 212.0 0.0 1392.01 319.5 0.0 0.0 1.0 0.996901064093504 -0.03525145164085113 -0.0703249853640407 1.545767765986779 0.035287523266602935 0.9993769349934395 -0.000729729283793702 0.8726687443026862 0.07030689234313205 -0.0017541266577429453 0.9975238663454221 4.4137687623075 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/38714154_3919914519.jpg sacre_coeur/test/images/15865748_8030415.jpg 0 0 1481.11 0.0 213.5 0.0 1481.11 319.5 0.0 0.0 1.0 666.681 0.0 212.0 0.0 666.681 319.5 0.0 0.0 1.0 0.9973707583784306 -0.010150999677204179 -0.07175324060408474 5.6811219256912935 0.014849076642210829 0.9977585600677321 0.06524845388543304 -5.488204182906468 0.070930072990996 -0.0661423693037914 0.9952859447055267 -36.99568707231483 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/59088601_13927956521.jpg sacre_coeur/test/images/90301699_2168560949.jpg 0 0 1295.39 0.0 319.5 0.0 1295.39 213.0 0.0 0.0 1.0 599.141 0.0 213.5 0.0 599.141 319.5 0.0 0.0 1.0 0.6746230909351922 -0.2103760295593269 -0.7075490169337392 44.15244930158436 0.2955958614301116 0.9553105432404414 -0.002202879715966044 -0.4352862109720492 0.6763924688244521 -0.20766244764161376 0.7066608351656801 -25.283687071318866 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/30959030_12203993343.jpg sacre_coeur/test/images/38432569_8875267871.jpg 0 0 1448.34 0.0 213.0 0.0 1448.34 319.5 0.0 0.0 1.0 569.282 0.0 239.5 0.0 569.282 319.5 0.0 0.0 1.0 0.9971983974252263 0.015351012638292047 -0.07320998964307847 3.482355215565024 -0.0029940415930708795 0.9861224347873345 0.165992708647212 -9.005487628528426 0.07474216940589574 -0.1653084692932526 0.9834056732053268 -34.02661560679787 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/83916827_2652728872.jpg sacre_coeur/test/images/98400098_660544149.jpg 0 0 690.499 0.0 239.5 0.0 690.499 319.5 0.0 0.0 1.0 1210.72 0.0 239.0 0.0 1210.72 319.5 0.0 0.0 1.0 0.9886069500758838 0.02482546774793445 0.14845872966166368 -3.9576521090992283 0.012662736379923278 0.9690916727350748 -0.24637569876695825 -0.2080314428287548 -0.1499865106235599 0.2454486218878213 0.9577364045729586 38.521208443949114 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/51093888_43012197.jpg sacre_coeur/test/images/30959030_12203993343.jpg 0 0 1767.41 0.0 319.5 0.0 1767.41 239.5 0.0 0.0 1.0 1448.34 0.0 213.0 0.0 1448.34 319.5 0.0 0.0 1.0 0.9984959287570454 -0.0047011473052127285 -0.05462398254997439 2.21817483120392 0.003093740878915556 0.9995607555749382 -0.02947413581146612 -1.4564644365103172 0.05473855152430822 0.029260812163597143 0.998071889118488 -9.402337124615045 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/58368117_3401402227.jpg sacre_coeur/test/images/95803142_180463023.jpg 0 0 682.756 0.0 319.5 0.0 682.756 239.0 0.0 0.0 1.0 586.012 0.0 187.0 0.0 586.012 249.5 0.0 0.0 1.0 0.7522087380089644 -0.2619017551724017 -0.6046399632017194 12.012338596395175 0.28466255500916987 0.9567310552820187 -0.06027368940595704 1.2577969699459297 0.5942636151057985 -0.12677996094245259 0.7942150824964339 -2.376828125783148 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/34366638_4030867612.jpg sacre_coeur/test/images/33672452_9565324953.jpg 0 0 648.225 0.0 239.5 0.0 648.225 319.5 0.0 0.0 1.0 493.101 0.0 212.5 0.0 493.101 319.5 0.0 0.0 1.0 0.9552173696395215 0.06997779672421942 0.2875115383851185 -1.3990175219515715 -0.013032437776657958 0.9806408337024103 -0.19538093776271884 -0.11501255691113965 -0.295617882247592 0.18288428921333205 0.9376371390118798 6.504941168952737 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/95803142_180463023.jpg sacre_coeur/test/images/59088601_13927956521.jpg 0 0 586.012 0.0 187.0 0.0 586.012 249.5 0.0 0.0 1.0 1295.39 0.0 319.5 0.0 1295.39 213.0 0.0 0.0 1.0 0.7127203787035985 0.27767775300735253 0.6441465107142835 -9.214835190040393 -0.20701677073196065 0.9606731887775036 -0.18507047576470376 4.766140093042574 -0.6702042363461377 -0.0014456309524565668 0.7421753106475852 49.48313176495665 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/75907133_3528579515.jpg sacre_coeur/test/images/70139640_13923464795.jpg 0 0 539.794 0.0 187.0 0.0 539.794 249.5 0.0 0.0 1.0 544.883 0.0 239.5 0.0 544.883 319.5 0.0 0.0 1.0 0.9712296922887514 -0.06456656265359592 -0.2292248760579798 4.000180573670244 0.08245925801582271 0.9941787531581816 0.06934751283444432 -1.3442937271200364 0.22341297093986487 -0.08625407674969755 0.970900035358883 -7.064357900204783 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/92423741_5783562525.jpg sacre_coeur/test/images/31148870_2948239995.jpg 0 0 502.585 0.0 212.0 0.0 502.585 319.5 0.0 0.0 1.0 722.471 0.0 319.5 0.0 722.471 239.5 0.0 0.0 1.0 0.9964043392112382 0.0692205116459875 0.048856049456375686 -0.8878756569020436 -0.06757341771343184 0.9971142489278082 -0.034597800561006295 2.069214644131167 -0.05110994051593257 0.031172028368407885 0.9982064308688146 8.410849291747311 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/77647660_7639153124.jpg sacre_coeur/test/images/45927449_5904684394.jpg 0 0 1863.9 0.0 305.5 0.0 1863.9 305.5 0.0 0.0 1.0 445.549 0.0 239.5 0.0 445.549 319.5 0.0 0.0 1.0 0.9964225631009409 0.03137643631343469 0.07847034463808786 -8.64658475162144 -0.048056174905323004 0.9741562641158434 0.22070382220825252 -17.42487789666032 -0.06951747835487347 -0.22368525281773022 0.9721791130625302 -55.07305413097956 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/30959030_12203993343.jpg sacre_coeur/test/images/99543611_6046123347.jpg 0 0 1448.34 0.0 213.0 0.0 1448.34 319.5 0.0 0.0 1.0 803.204 0.0 213.0 0.0 803.204 319.5 0.0 0.0 1.0 0.997131961283098 0.021908175511364102 0.07244227794240882 -4.321670568492825 -0.031435102556200814 0.9906029009994055 0.13310795189936317 -6.735961827221482 -0.06884537831258597 -0.13500342357631268 0.9884504992702828 -31.99052378608348 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/62766948_5445805244.jpg sacre_coeur/test/images/57895226_4857581382.jpg 0 0 473.93 0.0 319.5 0.0 473.93 212.5 0.0 0.0 1.0 456.232 0.0 319.5 0.0 456.232 239.5 0.0 0.0 1.0 0.9545212496324872 0.15468508152564422 0.2548758708733332 -4.1899932848236165 -0.13631804167859876 0.986719707513716 -0.08832672481734262 -0.029483719014493315 -0.26515387138970253 0.049565556160014526 0.9629312956434646 -0.7292693805080832 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/17616986_7085723791.jpg sacre_coeur/test/images/15012791_5817353527.jpg 0 0 511.96 0.0 319.5 0.0 511.96 212.0 0.0 0.0 1.0 506.581 0.0 212.0 0.0 506.581 319.5 0.0 0.0 1.0 0.9816315825188737 0.03338008229561879 0.1878435687145799 -1.7298396328154344 -0.04015538575045685 0.9986686925538121 0.03237881264177903 -1.0109467420506604 -0.18651268374221475 -0.03932699605610806 0.9816651191646157 -1.7282417973981576 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/17412880_2226819267.jpg sacre_coeur/test/images/20864632_4515642500.jpg 0 0 298.489 0.0 319.5 0.0 298.489 213.0 0.0 0.0 1.0 707.548 0.0 319.5 0.0 707.548 239.5 0.0 0.0 1.0 0.9827632505102504 0.02874140965098489 0.18262071300321123 -0.16569082103645016 -0.027475613463621186 0.999577728099302 -0.009458126275089919 -0.0075278204826877415 -0.18281543728942765 0.0042774828009165934 0.9831379450664913 -0.16165266038102466 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/95398527_2664763907.jpg sacre_coeur/test/images/65606241_8601988847.jpg 0 0 829.676 0.0 319.5 0.0 829.676 213.0 0.0 0.0 1.0 545.165 0.0 319.5 0.0 545.165 212.5 0.0 0.0 1.0 0.9912856527998786 0.030891549058764928 0.1280564982727093 0.2511750205258587 -0.019659145108573504 0.9959204396400746 -0.08806813226542613 1.0840014310925032 -0.13025464508691628 0.08478319470196001 0.9878489445909283 5.546480313141622 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/95803142_180463023.jpg sacre_coeur/test/images/86827532_95504488.jpg 0 0 586.012 0.0 187.0 0.0 586.012 249.5 0.0 0.0 1.0 526.393 0.0 249.5 0.0 526.393 166.0 0.0 0.0 1.0 0.7963094567853961 0.2725119820795558 0.5400263592244541 -7.413954759414829 -0.3173723229520631 0.9482426614186142 -0.010519681067164041 1.2920061002269974 -0.5149427712456586 -0.16301249856626135 0.8415823593998547 5.600481337154966 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/85019556_13753237.jpg sacre_coeur/test/images/94661279_5887793763.jpg 0 0 1875.74 0.0 239.5 0.0 1875.74 319.5 0.0 0.0 1.0 526.02 0.0 319.5 0.0 526.02 213.0 0.0 0.0 1.0 0.9989370764054007 -0.0390187948953357 -0.02454080331909559 1.2608837408469697 0.044077741844939414 0.9643577221003696 0.26090484184705537 -18.103899685750523 0.013485920676085946 -0.2617092231280774 0.9650525438924124 -48.777383707385134 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/04808852_3532579721.jpg sacre_coeur/test/images/60162628_4661185887.jpg 0 0 536.862 0.0 319.5 0.0 536.862 223.5 0.0 0.0 1.0 517.267 0.0 239.5 0.0 517.267 319.5 0.0 0.0 1.0 0.9755728411467824 -0.0955973072326097 -0.19778469725099745 4.164818369035435 0.06790555322630908 0.9874847593563938 -0.14234706136718783 2.2328092355185465 0.20891736992845664 0.12543924780035579 0.9698549003090398 13.808588506998971 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/88496846_9311240752.jpg sacre_coeur/test/images/08124432_3626165332.jpg 0 0 586.712 0.0 319.5 0.0 586.712 239.5 0.0 0.0 1.0 1404.56 0.0 196.5 0.0 1404.56 249.5 0.0 0.0 1.0 0.9991872883078712 -0.024080955667522 0.032324456037213095 -1.680030850518099 0.027477638651165245 0.9936485425742129 -0.10912173575552642 4.236223131847725 -0.02949139294978912 0.10992125096759853 0.9935026805840032 41.54401758955858 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/93845208_10996896025.jpg sacre_coeur/test/images/69077959_3760142614.jpg 0 0 1826.02 0.0 226.0 0.0 1826.02 301.5 0.0 0.0 1.0 2150.73 0.0 319.5 0.0 2150.73 319.5 0.0 0.0 1.0 0.9998176309751339 -0.0030181314419147126 0.01885724459910562 -1.3205022304926515 0.001976026370009678 0.9984822478459799 0.05503904120007913 -1.0395608539608325 -0.01899473903627523 -0.0549917413712124 0.9983061195194115 -3.0919311413230517 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/00204549_3820006713.jpg sacre_coeur/test/images/50922291_2317878312.jpg 0 0 565.301 0.0 319.5 0.0 565.301 213.5 0.0 0.0 1.0 660.33 0.0 239.5 0.0 660.33 319.5 0.0 0.0 1.0 0.9989147194282663 -0.04505306417781079 0.011815444034756692 0.011858289608326023 0.046228493753415305 0.9899752656001188 -0.13346122982074066 -0.33373821708780116 -0.005684159994128232 0.13386259712169105 0.9909835999737822 -3.99121953236575 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/83916827_2652728872.jpg sacre_coeur/test/images/25134250_4289943327.jpg 0 0 690.499 0.0 239.5 0.0 690.499 319.5 0.0 0.0 1.0 695.364 0.0 319.5 0.0 695.364 239.5 0.0 0.0 1.0 0.9830199541434328 0.01901051917859876 0.18251128709316444 -2.369540050059228 -0.031962108425385445 0.9971536662277941 0.0682860860898671 1.127941384168011 -0.18069364510365954 -0.07296003076362402 0.9808295675244112 4.921666602750978 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/96789550_6435726869.jpg sacre_coeur/test/images/15701912_177669906.jpg 0 0 924.329 0.0 317.5 0.0 924.329 319.5 0.0 0.0 1.0 743.975 0.0 319.5 0.0 743.975 239.0 0.0 0.0 1.0 0.9813165685000635 0.06902444736158642 0.17959236635694795 -6.430341143840837 -0.06985090924597954 0.997555949806164 -0.0017255387077143934 -0.4075203422049918 -0.17927253795484288 -0.010851390360201604 0.9837396019590144 -3.3633807211332414 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/21155361_10359960085.jpg sacre_coeur/test/images/84982523_3167326578.jpg 0 0 778.711 0.0 212.5 0.0 778.711 319.5 0.0 0.0 1.0 463.512 0.0 187.0 0.0 463.512 249.5 0.0 0.0 1.0 0.9993368866089056 -0.010225921318523547 0.0349459238825741 -1.5327348223855233 0.018018009947274958 0.9728896736038452 -0.23056676758055042 -0.18098285612127218 -0.031640770855957324 0.2310435316735594 0.9724287881852581 6.265642013203831 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/37166302_11262849873.jpg sacre_coeur/test/images/93650031_6280047097.jpg 0 0 749.58 0.0 319.5 0.0 749.58 239.5 0.0 0.0 1.0 536.98 0.0 319.5 0.0 536.98 195.0 0.0 0.0 1.0 0.9719860873275927 -0.04557242008803312 -0.23057797069303296 1.7944455449702814 0.12881296115515153 0.9238581558172975 0.3604071710833497 -9.007175239165864 0.19659671177321025 -0.3800121872482268 0.9038475924970869 -32.54443837148102 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/47698078_3766965066.jpg sacre_coeur/test/images/14122634_883725893.jpg 0 0 1262.73 0.0 249.5 0.0 1262.73 187.0 0.0 0.0 1.0 479.75 0.0 319.5 0.0 479.75 239.5 0.0 0.0 1.0 0.9957102570962192 -0.04063686959024977 -0.08312477815480744 4.337380469942259 0.0328216669330479 0.9950955978670531 -0.09331392867813482 -0.5465119941955157 0.08650908676617151 0.09018534213228326 0.9921606633864123 -45.946080330230295 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/73976579_3891239596.jpg sacre_coeur/test/images/66599130_8409392232.jpg 0 0 769.694 0.0 239.5 0.0 769.694 319.5 0.0 0.0 1.0 701.54 0.0 319.5 0.0 701.54 239.5 0.0 0.0 1.0 0.99476411868843 0.0008505877009076261 0.10219405398845018 -1.919029807914665 -0.015264083510777772 0.9899854538786953 0.14034175737523544 -0.8292706653191546 -0.1010512539487126 -0.14116684316494618 0.9848149909837057 -4.259753104162401 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/63858075_3812078922.jpg sacre_coeur/test/images/18432192_5847633717.jpg 0 0 537.525 0.0 249.5 0.0 537.525 187.0 0.0 0.0 1.0 708.131 0.0 213.5 0.0 708.131 319.5 0.0 0.0 1.0 0.9989624662759752 -0.007816137668673567 -0.04486534256824277 0.5024768064290657 0.011903874717203118 0.9957265278598578 0.09158045360703015 2.4985315661325393 0.04395780634356728 -0.09201950721502809 0.994786470330877 6.104993526251571 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/92423741_5783562525.jpg sacre_coeur/test/images/59088601_13927956521.jpg 0 0 502.585 0.0 212.0 0.0 502.585 319.5 0.0 0.0 1.0 1295.39 0.0 319.5 0.0 1295.39 213.0 0.0 0.0 1.0 0.9964416753616442 -0.039894109405347884 -0.07424585939454038 0.9376064325697013 0.028316636910292094 0.988140493922702 -0.1509189595255991 4.8682064840283665 0.07938611765649213 0.14827954783095626 0.9857540362679104 48.872364973869814 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/77447644_11774301175.jpg sacre_coeur/test/images/09906423_9611413320.jpg 0 0 511.678 0.0 319.5 0.0 511.678 212.5 0.0 0.0 1.0 1488.12 0.0 239.5 0.0 1488.12 319.5 0.0 0.0 1.0 0.9977981551458438 -0.023958698521442758 -0.061845148174365955 0.09318901184592776 0.020428901109491516 0.9981600436492128 -0.057089292005247004 4.263675770114406 0.06309914093717349 0.05570016182526189 0.9964516999762861 41.86836950945358 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/40133282_13969857252.jpg sacre_coeur/test/images/16214259_2076433877.jpg 0 0 1447.89 0.0 213.0 0.0 1447.89 319.5 0.0 0.0 1.0 593.424 0.0 319.5 0.0 593.424 213.0 0.0 0.0 1.0 0.9792782647371712 -0.027189616254413084 -0.2006858365238871 11.260236318343512 0.05808271192031766 0.9870242242273471 0.14969829446050864 -7.662501292124834 0.1940115429280845 -0.15825266366270588 0.9681506162030381 -30.91635300876093 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/92423741_5783562525.jpg sacre_coeur/test/images/53515910_7697309520.jpg 0 0 502.585 0.0 212.0 0.0 502.585 319.5 0.0 0.0 1.0 500.109 0.0 319.5 0.0 500.109 212.5 0.0 0.0 1.0 0.7887352485106107 -0.2461467559375319 -0.5633014133644033 8.41487320036713 0.24959945275075243 0.9656339376248048 -0.07246524472972883 2.0557396097394283 0.5617800467651286 -0.08344383169919559 0.823067619341161 4.171246273876243 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/27733835_2747519645.jpg sacre_coeur/test/images/86437085_9493229723.jpg 0 0 506.292 0.0 187.0 0.0 506.292 249.5 0.0 0.0 1.0 520.807 0.0 319.5 0.0 520.807 212.0 0.0 0.0 1.0 0.9932728282075047 0.007357317415360245 -0.11556365616020474 1.5792364773467833 0.0040406346380084165 0.9951696922137164 0.0980864770036055 -0.1433423002080827 0.11572710147751267 -0.09789358293425744 0.9884452864999191 0.153813896746696 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/23735654_3093471146.jpg sacre_coeur/test/images/62721852_537101715.jpg 0 0 662.801 0.0 239.5 0.0 662.801 319.5 0.0 0.0 1.0 662.611 0.0 319.5 0.0 662.611 239.5 0.0 0.0 1.0 0.9542653110134192 0.17082997574626546 0.2453463584058111 2.8390683958487584 -0.12472645111331805 0.9733210770484222 -0.1925860674243508 1.846467131858832 -0.2717002550406227 0.1531770229500164 0.9501135569241348 12.789807770863016 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/00246274_6807912549.jpg sacre_coeur/test/images/08124432_3626165332.jpg 0 0 1138.93 0.0 308.5 0.0 1138.93 319.5 0.0 0.0 1.0 1404.56 0.0 196.5 0.0 1404.56 249.5 0.0 0.0 1.0 0.9978834537427316 -0.010143687477802171 0.0642317550035058 -2.4681200943091746 0.018877811159685957 0.9904090034045074 -0.13687086695535286 3.9013620555013215 -0.06222733316073371 0.1377937283755809 0.9885042475518554 37.63260155230241 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/89598965_8275144360.jpg sacre_coeur/test/images/96399538_6003485006.jpg 0 0 715.898 0.0 213.0 0.0 715.898 319.5 0.0 0.0 1.0 944.215 0.0 319.5 0.0 944.215 239.5 0.0 0.0 1.0 0.9954791799598025 -0.032172277562896694 -0.08936524393171752 1.569062794762268 0.045424474748898394 0.9875705595836692 0.15046928901734463 1.3591012598749745 0.08341354422601967 -0.15384841370652616 0.9845673396165646 3.4690997684150866 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/18698491_4586522698.jpg sacre_coeur/test/images/64655298_3515609807.jpg 0 0 1792.43 0.0 246.5 0.0 1792.43 319.5 0.0 0.0 1.0 649.481 0.0 179.5 0.0 649.481 319.5 0.0 0.0 1.0 0.9988854364150471 -0.04644798882517706 -0.008394596596455892 1.079780541019645 0.04719812702292247 0.9846861725981128 0.16782573789382774 -10.66413610199228 0.00047087519479969324 -0.16803489467421906 0.9857809353240582 -40.14680077825571 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/34904068_5083153.jpg sacre_coeur/test/images/88496846_9311240752.jpg 0 0 646.015 0.0 319.5 0.0 646.015 239.5 0.0 0.0 1.0 586.712 0.0 319.5 0.0 586.712 239.5 0.0 0.0 1.0 0.9983364740482141 -0.039948351509633155 -0.04157419628378215 2.08543164106712 0.04206932868610804 0.9977886682332795 0.051458188164355524 -0.8774339316120527 0.039426592154025435 -0.05312158466123542 0.9978094212194025 -4.619669062866082 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/78937340_9546137587.jpg sacre_coeur/test/images/34935406_396311145.jpg 0 0 944.217 0.0 239.5 0.0 944.217 319.5 0.0 0.0 1.0 481.009 0.0 187.0 0.0 481.009 249.5 0.0 0.0 1.0 0.9983677296740427 -0.0023413251979871636 -0.05706482753688737 3.43593223421418 0.0027904495091708734 0.999965748395086 0.0077920105359473215 -4.89852648231242 0.0570446293443493 -0.007938528388361121 0.9983400673267565 -41.857076721211236 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/28574044_3399035477.jpg sacre_coeur/test/images/33068710_5695493160.jpg 0 0 838.765 0.0 213.0 0.0 838.765 319.5 0.0 0.0 1.0 1466.84 0.0 213.0 0.0 1466.84 319.5 0.0 0.0 1.0 0.9994080458880368 -0.03127301238079556 -0.014337242094852707 0.38132003759228605 0.029100328951509487 0.9907475791839446 -0.13256094898599288 2.373271198243411 0.018350168096498403 0.13206526052593726 0.991071157028115 43.9488719513213 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/60748234_6779431614.jpg sacre_coeur/test/images/33411162_10141421203.jpg 0 0 1251.64 0.0 305.5 0.0 1251.64 305.5 0.0 0.0 1.0 878.795 0.0 218.5 0.0 878.795 319.5 0.0 0.0 1.0 0.9980928131164113 -0.03607836496397675 -0.05009079742721482 2.6092488127294073 0.03718914988285757 0.9990785839058272 0.02142312562903259 -1.2232040189257436 0.04927173161518209 -0.023245101898099946 0.9985148780571015 -13.19471781451864 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/85019556_13753237.jpg sacre_coeur/test/images/02928139_3448003521.jpg 0 0 1875.74 0.0 239.5 0.0 1875.74 319.5 0.0 0.0 1.0 771.785 0.0 239.0 0.0 771.785 319.5 0.0 0.0 1.0 0.9985336930182348 0.014610066395445506 0.052124944770104834 -4.182604003587049 -0.016771234745889665 0.9990073566021922 0.041267749390999524 -5.001070206837515 -0.05147027872922461 -0.042081437886801715 0.9977875339935427 -39.96518147858127 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/48454490_5884386331.jpg sacre_coeur/test/images/95898988_2340390005.jpg 0 0 966.21 0.0 213.5 0.0 966.21 319.5 0.0 0.0 1.0 727.689 0.0 319.5 0.0 727.689 239.5 0.0 0.0 1.0 0.9861682234479686 0.14399316892074057 0.08208655410991789 -4.765041881328486 -0.13560252920106147 0.9857047817412906 -0.0999901861515898 -1.147590319246822 -0.0953110126677534 0.08747599988864029 0.9915965713473046 -2.5785593494252064 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/97437832_311711460.jpg sacre_coeur/test/images/45575968_5097432755.jpg 0 0 489.971 0.0 249.5 0.0 489.971 187.0 0.0 0.0 1.0 588.085 0.0 319.5 0.0 588.085 179.5 0.0 0.0 1.0 0.9914795505629692 -0.04809027405097496 -0.12106042440514989 0.22759622061981377 0.0400796303106161 0.9968963806554686 -0.06775861177881327 2.7981005223585 0.12394322913986561 0.06232922089782375 0.9903298158556337 14.630688047023172 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/92912238_291183223.jpg sacre_coeur/test/images/41814686_978754656.jpg 0 0 1859.84 0.0 239.5 0.0 1859.84 319.5 0.0 0.0 1.0 701.026 0.0 239.5 0.0 701.026 319.5 0.0 0.0 1.0 0.9654890000625591 -0.08339519238894998 -0.24673109379364763 16.72382112981465 0.12471802355428245 0.9797088212960751 0.15689499697367268 -11.453833589578243 0.22864034062018265 -0.18225220811025952 0.9562989737942948 -46.62934817373388 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/47029087_8959697396.jpg sacre_coeur/test/images/81670953_3302107502.jpg 0 0 622.643 0.0 319.5 0.0 622.643 239.5 0.0 0.0 1.0 672.741 0.0 319.5 0.0 672.741 239.5 0.0 0.0 1.0 0.9708048152821748 -0.029286978398130034 -0.238076213682195 0.6077676170087347 0.012900537225057001 0.997456711756306 -0.07009767693442015 1.1525358734240774 0.2395236663969713 0.06497985125102151 0.9687135965635806 5.30109502895805 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/42008365_12432214243.jpg sacre_coeur/test/images/99117955_5783559928.jpg 0 0 848.932 0.0 319.5 0.0 848.932 319.5 0.0 0.0 1.0 537.035 0.0 319.5 0.0 537.035 239.5 0.0 0.0 1.0 0.9559599103459963 0.15215368532816864 0.2509778991312418 -3.8783119990284805 -0.11140547517523149 0.9792438225974384 -0.16932322937428818 0.1400194687607137 -0.2715317106937163 0.13390590706094177 0.953068590470765 -0.2643972408931383 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/07140921_3822253827.jpg sacre_coeur/test/images/96301971_7410171184.jpg 0 0 566.389 0.0 249.5 0.0 566.389 187.0 0.0 0.0 1.0 509.198 0.0 319.5 0.0 509.198 180.0 0.0 0.0 1.0 0.9982377658272787 -0.015381215061048352 0.05731300986171174 0.8710169475377788 -0.001440635599865516 0.9592573991221155 0.2825299396498407 1.2540464260020714 -0.05932358253874499 -0.28211462289771516 0.9575448042269606 5.91499124713561 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/07140921_3822253827.jpg sacre_coeur/test/images/06841583_3820040279.jpg 0 0 566.389 0.0 249.5 0.0 566.389 187.0 0.0 0.0 1.0 566.414 0.0 249.5 0.0 566.414 187.0 0.0 0.0 1.0 0.9999999999337922 -1.1486415145856709e-05 6.90999970975889e-07 -0.0002959526492209985 1.1486419587749505e-05 0.999999999913368 -6.428526797222241e-06 -0.000355352400895681 -6.909261301865862e-07 6.428534733795443e-06 0.9999999999790982 0.0003747986418147775 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/50715122_352221583.jpg sacre_coeur/test/images/39049516_4219301204.jpg 0 0 530.151 0.0 249.5 0.0 530.151 187.0 0.0 0.0 1.0 1803.38 0.0 239.5 0.0 1803.38 319.5 0.0 0.0 1.0 0.9109532700498502 -0.24337624740776836 -0.33306477145323754 4.7120507445015125 0.15413580538646532 0.9497501003008996 -0.27242778947144247 4.452355892920499 0.38263075318556183 0.19683177887765882 0.9026909535054098 49.71627624442145 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/17616986_7085723791.jpg sacre_coeur/test/images/40053940_4478762600.jpg 0 0 511.96 0.0 319.5 0.0 511.96 212.0 0.0 0.0 1.0 492.186 0.0 319.5 0.0 492.186 179.5 0.0 0.0 1.0 0.9816296761018176 0.08103446438074687 0.17273272584766886 -3.2935560077805617 -0.09716542099042756 0.9914529449973315 0.0870628440832903 -0.3469104544279642 -0.1642012788013341 -0.10224711946379617 0.9811133811142129 -0.6652932357918622 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/67354904_7410118438.jpg sacre_coeur/test/images/33672452_9565324953.jpg 0 0 959.85 0.0 319.5 0.0 959.85 180.0 0.0 0.0 1.0 493.101 0.0 212.5 0.0 493.101 319.5 0.0 0.0 1.0 0.9926817411275619 0.05229195830561746 0.10885087013210018 -6.983401659019245 -0.03505620317261091 0.9873513516339105 -0.15462331986414754 2.2887387598601965 -0.1155596099468685 0.14967584816279955 0.9819588163592575 -36.407023770557046 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/21155361_10359960085.jpg sacre_coeur/test/images/72841866_5318338358.jpg 0 0 778.711 0.0 212.5 0.0 778.711 319.5 0.0 0.0 1.0 535.133 0.0 319.5 0.0 535.133 239.5 0.0 0.0 1.0 0.9954156709473675 0.007981297922698615 0.09530971050145465 -1.7242570920951574 -0.03052671092963512 0.9709035470072143 0.23751720427924478 -2.6805541879934554 -0.09064084042097395 -0.23933783924043256 0.9666962484438947 -6.927601772494658 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/25923245_22222637.jpg sacre_coeur/test/images/10162786_7360656560.jpg 0 0 530.117 0.0 187.0 0.0 530.117 249.5 0.0 0.0 1.0 534.866 0.0 319.5 0.0 534.866 211.5 0.0 0.0 1.0 0.9249703826417016 -0.12633191861627416 -0.3584271719253374 5.45231853839938 0.13374304793204028 0.991007353126799 -0.004150081741813959 1.9014693743689042 0.35572825072731057 -0.04409843973823603 0.9335484664692781 4.181656350373884 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/28566706_4319457080.jpg sacre_coeur/test/images/47029087_8959697396.jpg 0 0 1554.78 0.0 319.5 0.0 1554.78 239.5 0.0 0.0 1.0 622.643 0.0 319.5 0.0 622.643 239.5 0.0 0.0 1.0 0.9792807539248678 0.00583335393480155 0.2024232619394668 -5.76186070188295 -0.024344206232924635 0.9957271393333295 0.08907762692142708 -6.728459410568588 -0.20103871422000166 -0.0921598392844489 0.9752384320810134 -29.944304098504986 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/93760319_30262336.jpg sacre_coeur/test/images/79302802_4840098295.jpg 0 0 1034.56 0.0 239.5 0.0 1034.56 319.5 0.0 0.0 1.0 528.086 0.0 319.5 0.0 528.086 213.0 0.0 0.0 1.0 0.995827643584197 -0.05957772710684432 -0.0691216225672386 2.427154662116936 0.07020581561510494 0.9840855252846744 0.16323854440359514 -9.886161800769145 0.05829620680081409 -0.16741019490451878 0.9841622726535841 -45.290388275369054 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/56774631_6820191793.jpg sacre_coeur/test/images/59996089_2005549974.jpg 0 0 1196.24 0.0 319.5 0.0 1196.24 213.0 0.0 0.0 1.0 497.691 0.0 319.5 0.0 497.691 213.5 0.0 0.0 1.0 0.9976199704231336 0.016756637294565897 0.06688504854991141 -4.3207765569861785 -0.024499561025154964 0.992867362403456 0.11667978481116266 -6.788871067470511 -0.06445282090428898 -0.11804073780090872 0.9909148389730051 -27.35082595819256 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/81703421_7754459314.jpg sacre_coeur/test/images/12573771_2610756325.jpg 0 0 514.334 0.0 319.5 0.0 514.334 239.5 0.0 0.0 1.0 686.081 0.0 213.5 0.0 686.081 319.5 0.0 0.0 1.0 0.8912865194568539 0.17118812804078165 0.41988446631469967 -6.71417908408233 -0.13138013522087422 0.9837707452757725 -0.12220630429276709 1.4983111299803777 -0.433990322822793 0.05375635364721577 0.8993123229105247 9.20340550576583 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/79410678_281876803.jpg sacre_coeur/test/images/64837411_8951541213.jpg 0 0 521.004 0.0 249.5 0.0 521.004 187.0 0.0 0.0 1.0 1049.84 0.0 319.5 0.0 1049.84 212.0 0.0 0.0 1.0 0.9992761534016857 -0.017042729550946007 0.03401050737910576 -1.2205800311837394 0.017307545923473392 0.9998220300551837 -0.007507134635694187 3.5909408798247004 -0.033876512465685654 0.008090339040169585 0.9993932801041725 30.802602233630985 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/04398000_3306414527.jpg sacre_coeur/test/images/92313704_2399275366.jpg 0 0 619.126 0.0 209.0 0.0 619.126 249.5 0.0 0.0 1.0 2645.81 0.0 319.5 0.0 2645.81 214.0 0.0 0.0 1.0 0.9776026979804138 0.11485512450637705 0.17635550821009213 0.5714299386081669 -0.10552480446462585 0.9925171502656247 -0.06143469761711121 3.6454400582379574 -0.18209195628615152 0.041448845619969144 0.9824075084468025 31.91951429867477 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/76298563_8026742947.jpg sacre_coeur/test/images/99936428_253699491.jpg 0 0 520.791 0.0 319.5 0.0 520.791 239.5 0.0 0.0 1.0 658.712 0.0 319.5 0.0 658.712 239.5 0.0 0.0 1.0 0.9913273973214932 0.01293862476784849 0.13077684546169235 -2.1793125345819937 -0.03995358514010193 0.9777088651706639 0.20612880924593044 -4.8670478883058665 -0.12519465785027403 -0.20956613981225444 0.9697465290940428 -8.681782109290147 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/25134250_4289943327.jpg sacre_coeur/test/images/21142120_2892123124.jpg 0 0 695.364 0.0 319.5 0.0 695.364 239.5 0.0 0.0 1.0 706.719 0.0 319.5 0.0 706.719 240.5 0.0 0.0 1.0 0.9993003753109067 0.03586012633525317 -0.010621263705456997 -1.5712923204530493 -0.03710114193338551 0.9863296012670515 -0.16055348931623245 -0.09428450145837652 0.004718598385109793 0.16083522314343476 0.986969992363335 -0.9210011942425442 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/58011909_11987000544.jpg sacre_coeur/test/images/59340498_8155265289.jpg 0 0 1714.15 0.0 213.5 0.0 1714.15 319.5 0.0 0.0 1.0 709.882 0.0 319.5 0.0 709.882 239.5 0.0 0.0 1.0 0.9914789400194407 0.039104882479252735 0.12425908282379247 -0.8484197011066676 -0.030489623328034808 0.9970461086938864 -0.07049425513964512 -1.9341228732614997 -0.12664870456203192 0.06610495673293086 0.9897425121354021 -12.668637841453416 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/27770418_2219914621.jpg sacre_coeur/test/images/44614566_9095733872.jpg 0 0 1305.61 0.0 319.5 0.0 1305.61 239.5 0.0 0.0 1.0 749.695 0.0 319.5 0.0 749.695 213.0 0.0 0.0 1.0 0.9879955090880213 -0.028128491377383342 -0.15190017114781154 5.014088133399984 0.04421957257716424 0.9936338938290771 0.10361618809413564 -6.586816481412047 0.14801859147754 -0.10908928914838005 0.9829496546467201 -28.148459030859293 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/68684534_2877733555.jpg sacre_coeur/test/images/94345410_6525608719.jpg 0 0 509.45 0.0 212.5 0.0 509.45 319.5 0.0 0.0 1.0 1400.71 0.0 319.5 0.0 1400.71 211.5 0.0 0.0 1.0 0.982015191572958 0.05297014667348639 0.18121900309105446 1.3361009663731658 -0.04631011031140058 0.9980939519694803 -0.040790154754433 5.572477316250517 -0.18303425144729657 0.031664279611796374 0.9825964767867803 49.73804091474214 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/45575968_5097432755.jpg sacre_coeur/test/images/34366638_4030867612.jpg 0 0 588.085 0.0 319.5 0.0 588.085 179.5 0.0 0.0 1.0 648.225 0.0 239.5 0.0 648.225 319.5 0.0 0.0 1.0 0.9993989466246901 0.032656442740777045 -0.011631948803966341 -0.2514021050748322 -0.0331569368028293 0.9983999139487079 -0.0458064337082231 -1.2831460722193364 0.010117461505383972 0.04616458138801879 0.9988826099186809 -7.081685602830687 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/80645091_144266710.jpg sacre_coeur/test/images/43759956_9209511641.jpg 0 0 518.261 0.0 187.0 0.0 518.261 249.5 0.0 0.0 1.0 634.092 0.0 319.5 0.0 634.092 213.0 0.0 0.0 1.0 0.9941469302091243 -0.026567763337679923 -0.10471883835780323 4.033610479820026 0.04026991245378629 0.990565497759237 0.13098980418322365 -1.808082128751927 0.10025076212547751 -0.13444013017037704 0.98583753027212 -5.942326021067275 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/87493438_3174891219.jpg sacre_coeur/test/images/42792712_254986596.jpg 0 0 1913.51 0.0 212.5 0.0 1913.51 319.5 0.0 0.0 1.0 1329.63 0.0 319.5 0.0 1329.63 239.5 0.0 0.0 1.0 0.9993347967612269 -0.036162234821881745 -0.004717706527993445 1.0930033143325166 0.035886181183830364 0.9981387459541506 -0.049307462164636814 1.2091856358750848 0.006491993702899801 0.04910536220987341 0.9987725053384274 6.462093600217763 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/02928139_3448003521.jpg sacre_coeur/test/images/36940211_2500226864.jpg 0 0 771.785 0.0 239.0 0.0 771.785 319.5 0.0 0.0 1.0 647.827 0.0 319.5 0.0 647.827 239.5 0.0 0.0 1.0 0.9926143820952396 -0.04489397035247469 -0.11269968892449057 2.766083730441256 0.04858631938184818 0.9983613723440211 0.030231436953739192 0.00357598024202721 0.11115780686308482 -0.03548382219200725 0.9931690894988805 0.1735014786532787 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/35996631_900261655.jpg sacre_coeur/test/images/36940211_2500226864.jpg 0 0 896.808 0.0 319.5 0.0 896.808 204.0 0.0 0.0 1.0 647.827 0.0 319.5 0.0 647.827 239.5 0.0 0.0 1.0 0.9983105949788572 -0.0032440316219984893 -0.05801234533955776 3.764387405408703 0.008033169519344395 0.9965576671437161 0.08251232783376962 -5.202042111806983 0.057544974936427865 -0.08283895409714852 0.9949001374729307 -35.45863178757961 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/69212502_553330789.jpg sacre_coeur/test/images/50922291_2317878312.jpg 0 0 859.802 0.0 213.0 0.0 859.802 319.5 0.0 0.0 1.0 660.33 0.0 239.5 0.0 660.33 319.5 0.0 0.0 1.0 0.9914494271747248 -0.08621797863801671 -0.09795148551443525 3.4415490819389523 0.08905782777243419 0.9957128674675287 0.024991776088282198 -2.8236663624773604 0.09537681409737685 -0.03350142861380511 0.9948773379736161 -13.21048732773549 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/79205306_10858206333.jpg sacre_coeur/test/images/74917306_234403154.jpg 0 0 428.425 0.0 319.5 0.0 428.425 212.5 0.0 0.0 1.0 701.955 0.0 319.5 0.0 701.955 239.5 0.0 0.0 1.0 0.9554092877944018 0.20274757223332504 0.21467769970280176 -2.90426485111573 -0.13264460192444816 0.944219678744954 -0.30142098110629284 0.23271126234210815 -0.263815280786573 0.2595045668659187 0.9290096218012135 0.3348506735728378 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/39598026_13855927694.jpg sacre_coeur/test/images/62327360_2404846280.jpg 0 0 546.706 0.0 319.5 0.0 546.706 239.5 0.0 0.0 1.0 1508.2 0.0 319.5 0.0 1508.2 213.0 0.0 0.0 1.0 0.9953184558684439 -0.06586881062341675 -0.07072814994549757 0.41821864254407193 0.05184971617011382 0.9814830252194017 -0.1843981511275253 5.902200217638691 0.08156456547260557 0.17986764854533308 0.9803034482577513 48.93769029008252 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/16385535_4660789205.jpg sacre_coeur/test/images/81147304_5790709520.jpg 0 0 669.771 0.0 239.5 0.0 669.771 319.5 0.0 0.0 1.0 1292.87 0.0 319.5 0.0 1292.87 239.5 0.0 0.0 1.0 0.9990935905407836 0.0033324485964599617 0.042436919382498085 0.8369718678591611 -0.013056798008830578 0.9728660886570609 0.2310002025255994 0.09182025764863688 -0.040515643473617545 -0.23134491204144367 0.9720277847399504 0.8682624025876606 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/19504977_367623688.jpg sacre_coeur/test/images/64951325_3689575044.jpg 0 0 495.415 0.0 319.5 0.0 495.415 212.5 0.0 0.0 1.0 782.711 0.0 212.5 0.0 782.711 319.5 0.0 0.0 1.0 0.8038197843707015 0.36525695542348696 0.46953286441845987 -5.422494418092513 -0.3295724793538046 0.9305321544289087 -0.15966180014793666 4.270444249686433 -0.49523301092195476 -0.0264057964973331 0.8683587961231904 15.839679302059015 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/48445083_12204174934.jpg sacre_coeur/test/images/03836329_3380486130.jpg 0 0 1439.35 0.0 213.0 0.0 1439.35 319.5 0.0 0.0 1.0 944.708 0.0 319.5 0.0 944.708 301.0 0.0 0.0 1.0 0.9851076632274685 0.0014859008738519358 -0.1719322074223141 10.206727049404886 0.03683277678487441 0.9749251223819423 0.21946378357913754 -10.947947790629746 0.16794712979039614 -0.22252819562281992 0.9603514792762178 -38.733085860891876 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/97643496_704095933.jpg sacre_coeur/test/images/58219592_4573644273.jpg 0 0 753.473 0.0 239.5 0.0 753.473 319.5 0.0 0.0 1.0 612.079 0.0 319.5 0.0 612.079 239.5 0.0 0.0 1.0 0.9837624254569177 -0.09416412592211255 -0.152789422567293 0.721422442083123 0.09378181978353342 0.9955452913700195 -0.009723328086183602 1.6113337149689282 0.1530243788983022 -0.004763425270458731 0.9882109335776861 8.620581554087265 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/01012753_375984446.jpg sacre_coeur/test/images/61084833_3699152935.jpg 0 0 773.348 0.0 249.5 0.0 773.348 199.0 0.0 0.0 1.0 1839.79 0.0 239.5 0.0 1839.79 319.5 0.0 0.0 1.0 0.9986089064288705 0.011784371614084436 0.05139436337378464 -1.5324256258158075 -0.0051795488463184285 0.9919149172800032 -0.126798931979543 3.4269508662545602 -0.052473081429282004 0.12635634318492017 0.9905961085438658 34.70009442391594 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/33418794_11622045914.jpg sacre_coeur/test/images/84259836_1237320024.jpg 0 0 441.749 0.0 319.5 0.0 441.749 237.0 0.0 0.0 1.0 693.174 0.0 239.5 0.0 693.174 319.5 0.0 0.0 1.0 0.9890253754660264 -0.02303552348482735 -0.1459389301799394 -1.0314541415022829 0.03557366344154821 0.9958394006815596 0.0838951877019162 0.07222190697996456 0.1433991671999273 -0.08816605190192128 0.9857298951225913 0.8347923646937643 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/92863105_622062757.jpg sacre_coeur/test/images/15556549_5221678700.jpg 0 0 1225.4 0.0 239.0 0.0 1225.4 319.5 0.0 0.0 1.0 1213.47 0.0 319.5 0.0 1213.47 213.0 0.0 0.0 1.0 0.9946773541091739 0.0840724161634548 0.059571722006435235 -2.404280146983668 -0.08894940794899307 0.9924374180587104 0.08459299062264987 -1.634610769855965 -0.05200926886523921 -0.089441601491694 0.9946332167561589 -9.709533621540967 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/70116109_2697195876.jpg sacre_coeur/test/images/42792712_254986596.jpg 0 0 606.734 0.0 212.5 0.0 606.734 319.5 0.0 0.0 1.0 1329.63 0.0 319.5 0.0 1329.63 239.5 0.0 0.0 1.0 0.996744395003465 0.014953634603333762 0.07922751946972956 -0.2469318794573442 -0.02048626328046292 0.9973725348799828 0.069486255359466 3.0079433315008046 -0.07798027985317793 -0.07088311138224211 0.9944318279675047 40.37937570691821 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/85759221_9290609964.jpg sacre_coeur/test/images/15701912_177669906.jpg 0 0 1001.31 0.0 212.5 0.0 1001.31 319.5 0.0 0.0 1.0 743.975 0.0 319.5 0.0 743.975 239.0 0.0 0.0 1.0 0.9732409614754955 0.14029859748952328 0.18198443463309125 -4.500815627873694 -0.11129584180724142 0.9806847538120274 -0.16084355516171756 2.593027429438327 -0.2010354856801919 0.1362854254244221 0.9700572232163491 8.701314519348044 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/64272078_4462759761.jpg sacre_coeur/test/images/15114643_8210538601.jpg 0 0 1069.29 0.0 319.5 0.0 1069.29 231.5 0.0 0.0 1.0 927.73 0.0 239.5 0.0 927.73 319.5 0.0 0.0 1.0 0.986225437228018 -0.06538728501183375 -0.15193383403042895 -2.1200625603475842 0.08617136054908522 0.9871581667039367 0.13451115392725563 -6.837266062227341 0.14118740590266632 -0.14575066678579388 0.9791950058828794 -35.4225384971015 0.0 0.0 0.0 1.0 +sacre_coeur/test/images/78937340_9546137587.jpg sacre_coeur/test/images/07475389_4245726034.jpg 0 0 944.217 0.0 239.5 0.0 944.217 319.5 0.0 0.0 1.0 844.903 0.0 239.5 0.0 844.903 319.5 0.0 0.0 1.0 0.9984885278169731 0.0009479987498336649 0.05495235314583146 1.176397162675764 0.0078753242494343 0.9870655878249796 -0.160123404284614 -0.19474048638617836 -0.054393373547336935 0.1603141498124791 0.9855661998486159 -1.9839724319099474 0.0 0.0 0.0 1.0 diff --git a/third_party/SuperGluePretrainedNetwork/demo_superglue.py b/third_party/SuperGluePretrainedNetwork/demo_superglue.py new file mode 100644 index 0000000000000000000000000000000000000000..32d4ad3c7df1b7da141c4c6aa51f871a7d756aaf --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/demo_superglue.py @@ -0,0 +1,259 @@ +#! /usr/bin/env python3 +# +# %BANNER_BEGIN% +# --------------------------------------------------------------------- +# %COPYRIGHT_BEGIN% +# +# Magic Leap, Inc. ("COMPANY") CONFIDENTIAL +# +# Unpublished Copyright (c) 2020 +# Magic Leap, Inc., All Rights Reserved. +# +# NOTICE: All information contained herein is, and remains the property +# of COMPANY. The intellectual and technical concepts contained herein +# are proprietary to COMPANY and may be covered by U.S. and Foreign +# Patents, patents in process, and are protected by trade secret or +# copyright law. Dissemination of this information or reproduction of +# this material is strictly forbidden unless prior written permission is +# obtained from COMPANY. Access to the source code contained herein is +# hereby forbidden to anyone except current COMPANY employees, managers +# or contractors who have executed Confidentiality and Non-disclosure +# agreements explicitly covering such access. +# +# The copyright notice above does not evidence any actual or intended +# publication or disclosure of this source code, which includes +# information that is confidential and/or proprietary, and is a trade +# secret, of COMPANY. ANY REPRODUCTION, MODIFICATION, DISTRIBUTION, +# PUBLIC PERFORMANCE, OR PUBLIC DISPLAY OF OR THROUGH USE OF THIS +# SOURCE CODE WITHOUT THE EXPRESS WRITTEN CONSENT OF COMPANY IS +# STRICTLY PROHIBITED, AND IN VIOLATION OF APPLICABLE LAWS AND +# INTERNATIONAL TREATIES. THE RECEIPT OR POSSESSION OF THIS SOURCE +# CODE AND/OR RELATED INFORMATION DOES NOT CONVEY OR IMPLY ANY RIGHTS +# TO REPRODUCE, DISCLOSE OR DISTRIBUTE ITS CONTENTS, OR TO MANUFACTURE, +# USE, OR SELL ANYTHING THAT IT MAY DESCRIBE, IN WHOLE OR IN PART. +# +# %COPYRIGHT_END% +# ---------------------------------------------------------------------- +# %AUTHORS_BEGIN% +# +# Originating Authors: Paul-Edouard Sarlin +# Daniel DeTone +# Tomasz Malisiewicz +# +# %AUTHORS_END% +# --------------------------------------------------------------------*/ +# %BANNER_END% + +from pathlib import Path +import argparse +import cv2 +import matplotlib.cm as cm +import torch + +from models.matching import Matching +from models.utils import (AverageTimer, VideoStreamer, + make_matching_plot_fast, frame2tensor) + +torch.set_grad_enabled(False) + + +if __name__ == '__main__': + parser = argparse.ArgumentParser( + description='SuperGlue demo', + formatter_class=argparse.ArgumentDefaultsHelpFormatter) + parser.add_argument( + '--input', type=str, default='0', + help='ID of a USB webcam, URL of an IP camera, ' + 'or path to an image directory or movie file') + parser.add_argument( + '--output_dir', type=str, default=None, + help='Directory where to write output frames (If None, no output)') + + parser.add_argument( + '--image_glob', type=str, nargs='+', default=['*.png', '*.jpg', '*.jpeg'], + help='Glob if a directory of images is specified') + parser.add_argument( + '--skip', type=int, default=1, + help='Images to skip if input is a movie or directory') + parser.add_argument( + '--max_length', type=int, default=1000000, + help='Maximum length if input is a movie or directory') + parser.add_argument( + '--resize', type=int, nargs='+', default=[640, 480], + help='Resize the input image before running inference. If two numbers, ' + 'resize to the exact dimensions, if one number, resize the max ' + 'dimension, if -1, do not resize') + + parser.add_argument( + '--superglue', choices={'indoor', 'outdoor'}, default='indoor', + help='SuperGlue weights') + parser.add_argument( + '--max_keypoints', type=int, default=-1, + help='Maximum number of keypoints detected by Superpoint' + ' (\'-1\' keeps all keypoints)') + parser.add_argument( + '--keypoint_threshold', type=float, default=0.005, + help='SuperPoint keypoint detector confidence threshold') + parser.add_argument( + '--nms_radius', type=int, default=4, + help='SuperPoint Non Maximum Suppression (NMS) radius' + ' (Must be positive)') + parser.add_argument( + '--sinkhorn_iterations', type=int, default=20, + help='Number of Sinkhorn iterations performed by SuperGlue') + parser.add_argument( + '--match_threshold', type=float, default=0.2, + help='SuperGlue match threshold') + + parser.add_argument( + '--show_keypoints', action='store_true', + help='Show the detected keypoints') + parser.add_argument( + '--no_display', action='store_true', + help='Do not display images to screen. Useful if running remotely') + parser.add_argument( + '--force_cpu', action='store_true', + help='Force pytorch to run in CPU mode.') + + opt = parser.parse_args() + print(opt) + + if len(opt.resize) == 2 and opt.resize[1] == -1: + opt.resize = opt.resize[0:1] + if len(opt.resize) == 2: + print('Will resize to {}x{} (WxH)'.format( + opt.resize[0], opt.resize[1])) + elif len(opt.resize) == 1 and opt.resize[0] > 0: + print('Will resize max dimension to {}'.format(opt.resize[0])) + elif len(opt.resize) == 1: + print('Will not resize images') + else: + raise ValueError('Cannot specify more than two integers for --resize') + + device = 'cuda' if torch.cuda.is_available() and not opt.force_cpu else 'cpu' + print('Running inference on device \"{}\"'.format(device)) + config = { + 'superpoint': { + 'nms_radius': opt.nms_radius, + 'keypoint_threshold': opt.keypoint_threshold, + 'max_keypoints': opt.max_keypoints + }, + 'superglue': { + 'weights': opt.superglue, + 'sinkhorn_iterations': opt.sinkhorn_iterations, + 'match_threshold': opt.match_threshold, + } + } + matching = Matching(config).eval().to(device) + keys = ['keypoints', 'scores', 'descriptors'] + + vs = VideoStreamer(opt.input, opt.resize, opt.skip, + opt.image_glob, opt.max_length) + frame, ret = vs.next_frame() + assert ret, 'Error when reading the first frame (try different --input?)' + + frame_tensor = frame2tensor(frame, device) + last_data = matching.superpoint({'image': frame_tensor}) + last_data = {k+'0': last_data[k] for k in keys} + last_data['image0'] = frame_tensor + last_frame = frame + last_image_id = 0 + + if opt.output_dir is not None: + print('==> Will write outputs to {}'.format(opt.output_dir)) + Path(opt.output_dir).mkdir(exist_ok=True) + + # Create a window to display the demo. + if not opt.no_display: + cv2.namedWindow('SuperGlue matches', cv2.WINDOW_NORMAL) + cv2.resizeWindow('SuperGlue matches', 640*2, 480) + else: + print('Skipping visualization, will not show a GUI.') + + # Print the keyboard help menu. + print('==> Keyboard control:\n' + '\tn: select the current frame as the anchor\n' + '\te/r: increase/decrease the keypoint confidence threshold\n' + '\td/f: increase/decrease the match filtering threshold\n' + '\tk: toggle the visualization of keypoints\n' + '\tq: quit') + + timer = AverageTimer() + + while True: + frame, ret = vs.next_frame() + if not ret: + print('Finished demo_superglue.py') + break + timer.update('data') + stem0, stem1 = last_image_id, vs.i - 1 + + frame_tensor = frame2tensor(frame, device) + pred = matching({**last_data, 'image1': frame_tensor}) + kpts0 = last_data['keypoints0'][0].cpu().numpy() + kpts1 = pred['keypoints1'][0].cpu().numpy() + matches = pred['matches0'][0].cpu().numpy() + confidence = pred['matching_scores0'][0].cpu().numpy() + timer.update('forward') + + valid = matches > -1 + mkpts0 = kpts0[valid] + mkpts1 = kpts1[matches[valid]] + color = cm.jet(confidence[valid]) + text = [ + 'SuperGlue', + 'Keypoints: {}:{}'.format(len(kpts0), len(kpts1)), + 'Matches: {}'.format(len(mkpts0)) + ] + k_thresh = matching.superpoint.config['keypoint_threshold'] + m_thresh = matching.superglue.config['match_threshold'] + small_text = [ + 'Keypoint Threshold: {:.4f}'.format(k_thresh), + 'Match Threshold: {:.2f}'.format(m_thresh), + 'Image Pair: {:06}:{:06}'.format(stem0, stem1), + ] + out = make_matching_plot_fast( + last_frame, frame, kpts0, kpts1, mkpts0, mkpts1, color, text, + path=None, show_keypoints=opt.show_keypoints, small_text=small_text) + + if not opt.no_display: + cv2.imshow('SuperGlue matches', out) + key = chr(cv2.waitKey(1) & 0xFF) + if key == 'q': + vs.cleanup() + print('Exiting (via q) demo_superglue.py') + break + elif key == 'n': # set the current frame as anchor + last_data = {k+'0': pred[k+'1'] for k in keys} + last_data['image0'] = frame_tensor + last_frame = frame + last_image_id = (vs.i - 1) + elif key in ['e', 'r']: + # Increase/decrease keypoint threshold by 10% each keypress. + d = 0.1 * (-1 if key == 'e' else 1) + matching.superpoint.config['keypoint_threshold'] = min(max( + 0.0001, matching.superpoint.config['keypoint_threshold']*(1+d)), 1) + print('\nChanged the keypoint threshold to {:.4f}'.format( + matching.superpoint.config['keypoint_threshold'])) + elif key in ['d', 'f']: + # Increase/decrease match threshold by 0.05 each keypress. + d = 0.05 * (-1 if key == 'd' else 1) + matching.superglue.config['match_threshold'] = min(max( + 0.05, matching.superglue.config['match_threshold']+d), .95) + print('\nChanged the match threshold to {:.2f}'.format( + matching.superglue.config['match_threshold'])) + elif key == 'k': + opt.show_keypoints = not opt.show_keypoints + + timer.update('viz') + timer.print() + + if opt.output_dir is not None: + #stem = 'matches_{:06}_{:06}'.format(last_image_id, vs.i-1) + stem = 'matches_{:06}_{:06}'.format(stem0, stem1) + out_file = str(Path(opt.output_dir, stem + '.png')) + print('\nWriting image to {}'.format(out_file)) + cv2.imwrite(out_file, out) + + cv2.destroyAllWindows() + vs.cleanup() diff --git a/third_party/SuperGluePretrainedNetwork/match_pairs.py b/third_party/SuperGluePretrainedNetwork/match_pairs.py new file mode 100644 index 0000000000000000000000000000000000000000..7079687cf69fd71d810ec80442548ad2a7b869e0 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/match_pairs.py @@ -0,0 +1,425 @@ +#! /usr/bin/env python3 +# +# %BANNER_BEGIN% +# --------------------------------------------------------------------- +# %COPYRIGHT_BEGIN% +# +# Magic Leap, Inc. ("COMPANY") CONFIDENTIAL +# +# Unpublished Copyright (c) 2020 +# Magic Leap, Inc., All Rights Reserved. +# +# NOTICE: All information contained herein is, and remains the property +# of COMPANY. The intellectual and technical concepts contained herein +# are proprietary to COMPANY and may be covered by U.S. and Foreign +# Patents, patents in process, and are protected by trade secret or +# copyright law. Dissemination of this information or reproduction of +# this material is strictly forbidden unless prior written permission is +# obtained from COMPANY. Access to the source code contained herein is +# hereby forbidden to anyone except current COMPANY employees, managers +# or contractors who have executed Confidentiality and Non-disclosure +# agreements explicitly covering such access. +# +# The copyright notice above does not evidence any actual or intended +# publication or disclosure of this source code, which includes +# information that is confidential and/or proprietary, and is a trade +# secret, of COMPANY. ANY REPRODUCTION, MODIFICATION, DISTRIBUTION, +# PUBLIC PERFORMANCE, OR PUBLIC DISPLAY OF OR THROUGH USE OF THIS +# SOURCE CODE WITHOUT THE EXPRESS WRITTEN CONSENT OF COMPANY IS +# STRICTLY PROHIBITED, AND IN VIOLATION OF APPLICABLE LAWS AND +# INTERNATIONAL TREATIES. THE RECEIPT OR POSSESSION OF THIS SOURCE +# CODE AND/OR RELATED INFORMATION DOES NOT CONVEY OR IMPLY ANY RIGHTS +# TO REPRODUCE, DISCLOSE OR DISTRIBUTE ITS CONTENTS, OR TO MANUFACTURE, +# USE, OR SELL ANYTHING THAT IT MAY DESCRIBE, IN WHOLE OR IN PART. +# +# %COPYRIGHT_END% +# ---------------------------------------------------------------------- +# %AUTHORS_BEGIN% +# +# Originating Authors: Paul-Edouard Sarlin +# Daniel DeTone +# Tomasz Malisiewicz +# +# %AUTHORS_END% +# --------------------------------------------------------------------*/ +# %BANNER_END% + +from pathlib import Path +import argparse +import random +import numpy as np +import matplotlib.cm as cm +import torch + + +from models.matching import Matching +from models.utils import (compute_pose_error, compute_epipolar_error, + estimate_pose, make_matching_plot, + error_colormap, AverageTimer, pose_auc, read_image, + rotate_intrinsics, rotate_pose_inplane, + scale_intrinsics) + +torch.set_grad_enabled(False) + + +if __name__ == '__main__': + parser = argparse.ArgumentParser( + description='Image pair matching and pose evaluation with SuperGlue', + formatter_class=argparse.ArgumentDefaultsHelpFormatter) + + parser.add_argument( + '--input_pairs', type=str, default='assets/scannet_sample_pairs_with_gt.txt', + help='Path to the list of image pairs') + parser.add_argument( + '--input_dir', type=str, default='assets/scannet_sample_images/', + help='Path to the directory that contains the images') + parser.add_argument( + '--output_dir', type=str, default='dump_match_pairs/', + help='Path to the directory in which the .npz results and optionally,' + 'the visualization images are written') + + parser.add_argument( + '--max_length', type=int, default=-1, + help='Maximum number of pairs to evaluate') + parser.add_argument( + '--resize', type=int, nargs='+', default=[640, 480], + help='Resize the input image before running inference. If two numbers, ' + 'resize to the exact dimensions, if one number, resize the max ' + 'dimension, if -1, do not resize') + parser.add_argument( + '--resize_float', action='store_true', + help='Resize the image after casting uint8 to float') + + parser.add_argument( + '--superglue', choices={'indoor', 'outdoor'}, default='indoor', + help='SuperGlue weights') + parser.add_argument( + '--max_keypoints', type=int, default=1024, + help='Maximum number of keypoints detected by Superpoint' + ' (\'-1\' keeps all keypoints)') + parser.add_argument( + '--keypoint_threshold', type=float, default=0.005, + help='SuperPoint keypoint detector confidence threshold') + parser.add_argument( + '--nms_radius', type=int, default=4, + help='SuperPoint Non Maximum Suppression (NMS) radius' + ' (Must be positive)') + parser.add_argument( + '--sinkhorn_iterations', type=int, default=20, + help='Number of Sinkhorn iterations performed by SuperGlue') + parser.add_argument( + '--match_threshold', type=float, default=0.2, + help='SuperGlue match threshold') + + parser.add_argument( + '--viz', action='store_true', + help='Visualize the matches and dump the plots') + parser.add_argument( + '--eval', action='store_true', + help='Perform the evaluation' + ' (requires ground truth pose and intrinsics)') + parser.add_argument( + '--fast_viz', action='store_true', + help='Use faster image visualization with OpenCV instead of Matplotlib') + parser.add_argument( + '--cache', action='store_true', + help='Skip the pair if output .npz files are already found') + parser.add_argument( + '--show_keypoints', action='store_true', + help='Plot the keypoints in addition to the matches') + parser.add_argument( + '--viz_extension', type=str, default='png', choices=['png', 'pdf'], + help='Visualization file extension. Use pdf for highest-quality.') + parser.add_argument( + '--opencv_display', action='store_true', + help='Visualize via OpenCV before saving output images') + parser.add_argument( + '--shuffle', action='store_true', + help='Shuffle ordering of pairs before processing') + parser.add_argument( + '--force_cpu', action='store_true', + help='Force pytorch to run in CPU mode.') + + opt = parser.parse_args() + print(opt) + + assert not (opt.opencv_display and not opt.viz), 'Must use --viz with --opencv_display' + assert not (opt.opencv_display and not opt.fast_viz), 'Cannot use --opencv_display without --fast_viz' + assert not (opt.fast_viz and not opt.viz), 'Must use --viz with --fast_viz' + assert not (opt.fast_viz and opt.viz_extension == 'pdf'), 'Cannot use pdf extension with --fast_viz' + + if len(opt.resize) == 2 and opt.resize[1] == -1: + opt.resize = opt.resize[0:1] + if len(opt.resize) == 2: + print('Will resize to {}x{} (WxH)'.format( + opt.resize[0], opt.resize[1])) + elif len(opt.resize) == 1 and opt.resize[0] > 0: + print('Will resize max dimension to {}'.format(opt.resize[0])) + elif len(opt.resize) == 1: + print('Will not resize images') + else: + raise ValueError('Cannot specify more than two integers for --resize') + + with open(opt.input_pairs, 'r') as f: + pairs = [l.split() for l in f.readlines()] + + if opt.max_length > -1: + pairs = pairs[0:np.min([len(pairs), opt.max_length])] + + if opt.shuffle: + random.Random(0).shuffle(pairs) + + if opt.eval: + if not all([len(p) == 38 for p in pairs]): + raise ValueError( + 'All pairs should have ground truth info for evaluation.' + 'File \"{}\" needs 38 valid entries per row'.format(opt.input_pairs)) + + # Load the SuperPoint and SuperGlue models. + device = 'cuda' if torch.cuda.is_available() and not opt.force_cpu else 'cpu' + print('Running inference on device \"{}\"'.format(device)) + config = { + 'superpoint': { + 'nms_radius': opt.nms_radius, + 'keypoint_threshold': opt.keypoint_threshold, + 'max_keypoints': opt.max_keypoints + }, + 'superglue': { + 'weights': opt.superglue, + 'sinkhorn_iterations': opt.sinkhorn_iterations, + 'match_threshold': opt.match_threshold, + } + } + matching = Matching(config).eval().to(device) + + # Create the output directories if they do not exist already. + input_dir = Path(opt.input_dir) + print('Looking for data in directory \"{}\"'.format(input_dir)) + output_dir = Path(opt.output_dir) + output_dir.mkdir(exist_ok=True, parents=True) + print('Will write matches to directory \"{}\"'.format(output_dir)) + if opt.eval: + print('Will write evaluation results', + 'to directory \"{}\"'.format(output_dir)) + if opt.viz: + print('Will write visualization images to', + 'directory \"{}\"'.format(output_dir)) + + timer = AverageTimer(newline=True) + for i, pair in enumerate(pairs): + name0, name1 = pair[:2] + stem0, stem1 = Path(name0).stem, Path(name1).stem + matches_path = output_dir / '{}_{}_matches.npz'.format(stem0, stem1) + eval_path = output_dir / '{}_{}_evaluation.npz'.format(stem0, stem1) + viz_path = output_dir / '{}_{}_matches.{}'.format(stem0, stem1, opt.viz_extension) + viz_eval_path = output_dir / \ + '{}_{}_evaluation.{}'.format(stem0, stem1, opt.viz_extension) + + # Handle --cache logic. + do_match = True + do_eval = opt.eval + do_viz = opt.viz + do_viz_eval = opt.eval and opt.viz + if opt.cache: + if matches_path.exists(): + try: + results = np.load(matches_path) + except: + raise IOError('Cannot load matches .npz file: %s' % + matches_path) + + kpts0, kpts1 = results['keypoints0'], results['keypoints1'] + matches, conf = results['matches'], results['match_confidence'] + do_match = False + if opt.eval and eval_path.exists(): + try: + results = np.load(eval_path) + except: + raise IOError('Cannot load eval .npz file: %s' % eval_path) + err_R, err_t = results['error_R'], results['error_t'] + precision = results['precision'] + matching_score = results['matching_score'] + num_correct = results['num_correct'] + epi_errs = results['epipolar_errors'] + do_eval = False + if opt.viz and viz_path.exists(): + do_viz = False + if opt.viz and opt.eval and viz_eval_path.exists(): + do_viz_eval = False + timer.update('load_cache') + + if not (do_match or do_eval or do_viz or do_viz_eval): + timer.print('Finished pair {:5} of {:5}'.format(i, len(pairs))) + continue + + # If a rotation integer is provided (e.g. from EXIF data), use it: + if len(pair) >= 5: + rot0, rot1 = int(pair[2]), int(pair[3]) + else: + rot0, rot1 = 0, 0 + + # Load the image pair. + image0, inp0, scales0 = read_image( + input_dir / name0, device, opt.resize, rot0, opt.resize_float) + image1, inp1, scales1 = read_image( + input_dir / name1, device, opt.resize, rot1, opt.resize_float) + if image0 is None or image1 is None: + print('Problem reading image pair: {} {}'.format( + input_dir/name0, input_dir/name1)) + exit(1) + timer.update('load_image') + + if do_match: + # Perform the matching. + pred = matching({'image0': inp0, 'image1': inp1}) + pred = {k: v[0].cpu().numpy() for k, v in pred.items()} + kpts0, kpts1 = pred['keypoints0'], pred['keypoints1'] + matches, conf = pred['matches0'], pred['matching_scores0'] + timer.update('matcher') + + # Write the matches to disk. + out_matches = {'keypoints0': kpts0, 'keypoints1': kpts1, + 'matches': matches, 'match_confidence': conf} + np.savez(str(matches_path), **out_matches) + + # Keep the matching keypoints. + valid = matches > -1 + mkpts0 = kpts0[valid] + mkpts1 = kpts1[matches[valid]] + mconf = conf[valid] + + if do_eval: + # Estimate the pose and compute the pose error. + assert len(pair) == 38, 'Pair does not have ground truth info' + K0 = np.array(pair[4:13]).astype(float).reshape(3, 3) + K1 = np.array(pair[13:22]).astype(float).reshape(3, 3) + T_0to1 = np.array(pair[22:]).astype(float).reshape(4, 4) + + # Scale the intrinsics to resized image. + K0 = scale_intrinsics(K0, scales0) + K1 = scale_intrinsics(K1, scales1) + + # Update the intrinsics + extrinsics if EXIF rotation was found. + if rot0 != 0 or rot1 != 0: + cam0_T_w = np.eye(4) + cam1_T_w = T_0to1 + if rot0 != 0: + K0 = rotate_intrinsics(K0, image0.shape, rot0) + cam0_T_w = rotate_pose_inplane(cam0_T_w, rot0) + if rot1 != 0: + K1 = rotate_intrinsics(K1, image1.shape, rot1) + cam1_T_w = rotate_pose_inplane(cam1_T_w, rot1) + cam1_T_cam0 = cam1_T_w @ np.linalg.inv(cam0_T_w) + T_0to1 = cam1_T_cam0 + + epi_errs = compute_epipolar_error(mkpts0, mkpts1, T_0to1, K0, K1) + correct = epi_errs < 5e-4 + num_correct = np.sum(correct) + precision = np.mean(correct) if len(correct) > 0 else 0 + matching_score = num_correct / len(kpts0) if len(kpts0) > 0 else 0 + + thresh = 1. # In pixels relative to resized image size. + ret = estimate_pose(mkpts0, mkpts1, K0, K1, thresh) + if ret is None: + err_t, err_R = np.inf, np.inf + else: + R, t, inliers = ret + err_t, err_R = compute_pose_error(T_0to1, R, t) + + # Write the evaluation results to disk. + out_eval = {'error_t': err_t, + 'error_R': err_R, + 'precision': precision, + 'matching_score': matching_score, + 'num_correct': num_correct, + 'epipolar_errors': epi_errs} + np.savez(str(eval_path), **out_eval) + timer.update('eval') + + if do_viz: + # Visualize the matches. + color = cm.jet(mconf) + text = [ + 'SuperGlue', + 'Keypoints: {}:{}'.format(len(kpts0), len(kpts1)), + 'Matches: {}'.format(len(mkpts0)), + ] + if rot0 != 0 or rot1 != 0: + text.append('Rotation: {}:{}'.format(rot0, rot1)) + + # Display extra parameter info. + k_thresh = matching.superpoint.config['keypoint_threshold'] + m_thresh = matching.superglue.config['match_threshold'] + small_text = [ + 'Keypoint Threshold: {:.4f}'.format(k_thresh), + 'Match Threshold: {:.2f}'.format(m_thresh), + 'Image Pair: {}:{}'.format(stem0, stem1), + ] + + make_matching_plot( + image0, image1, kpts0, kpts1, mkpts0, mkpts1, color, + text, viz_path, opt.show_keypoints, + opt.fast_viz, opt.opencv_display, 'Matches', small_text) + + timer.update('viz_match') + + if do_viz_eval: + # Visualize the evaluation results for the image pair. + color = np.clip((epi_errs - 0) / (1e-3 - 0), 0, 1) + color = error_colormap(1 - color) + deg, delta = ' deg', 'Delta ' + if not opt.fast_viz: + deg, delta = '°', '$\\Delta$' + e_t = 'FAIL' if np.isinf(err_t) else '{:.1f}{}'.format(err_t, deg) + e_R = 'FAIL' if np.isinf(err_R) else '{:.1f}{}'.format(err_R, deg) + text = [ + 'SuperGlue', + '{}R: {}'.format(delta, e_R), '{}t: {}'.format(delta, e_t), + 'inliers: {}/{}'.format(num_correct, (matches > -1).sum()), + ] + if rot0 != 0 or rot1 != 0: + text.append('Rotation: {}:{}'.format(rot0, rot1)) + + # Display extra parameter info (only works with --fast_viz). + k_thresh = matching.superpoint.config['keypoint_threshold'] + m_thresh = matching.superglue.config['match_threshold'] + small_text = [ + 'Keypoint Threshold: {:.4f}'.format(k_thresh), + 'Match Threshold: {:.2f}'.format(m_thresh), + 'Image Pair: {}:{}'.format(stem0, stem1), + ] + + make_matching_plot( + image0, image1, kpts0, kpts1, mkpts0, + mkpts1, color, text, viz_eval_path, + opt.show_keypoints, opt.fast_viz, + opt.opencv_display, 'Relative Pose', small_text) + + timer.update('viz_eval') + + timer.print('Finished pair {:5} of {:5}'.format(i, len(pairs))) + + if opt.eval: + # Collate the results into a final table and print to terminal. + pose_errors = [] + precisions = [] + matching_scores = [] + for pair in pairs: + name0, name1 = pair[:2] + stem0, stem1 = Path(name0).stem, Path(name1).stem + eval_path = output_dir / \ + '{}_{}_evaluation.npz'.format(stem0, stem1) + results = np.load(eval_path) + pose_error = np.maximum(results['error_t'], results['error_R']) + pose_errors.append(pose_error) + precisions.append(results['precision']) + matching_scores.append(results['matching_score']) + thresholds = [5, 10, 20] + aucs = pose_auc(pose_errors, thresholds) + aucs = [100.*yy for yy in aucs] + prec = 100.*np.mean(precisions) + ms = 100.*np.mean(matching_scores) + print('Evaluation Results (mean over {} pairs):'.format(len(pairs))) + print('AUC@5\t AUC@10\t AUC@20\t Prec\t MScore\t') + print('{:.2f}\t {:.2f}\t {:.2f}\t {:.2f}\t {:.2f}\t'.format( + aucs[0], aucs[1], aucs[2], prec, ms)) diff --git a/third_party/SuperGluePretrainedNetwork/models/__init__.py b/third_party/SuperGluePretrainedNetwork/models/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/third_party/SuperGluePretrainedNetwork/models/matching.py b/third_party/SuperGluePretrainedNetwork/models/matching.py new file mode 100644 index 0000000000000000000000000000000000000000..5d174208d146373230a8a68dd1420fc59c180633 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/models/matching.py @@ -0,0 +1,84 @@ +# %BANNER_BEGIN% +# --------------------------------------------------------------------- +# %COPYRIGHT_BEGIN% +# +# Magic Leap, Inc. ("COMPANY") CONFIDENTIAL +# +# Unpublished Copyright (c) 2020 +# Magic Leap, Inc., All Rights Reserved. +# +# NOTICE: All information contained herein is, and remains the property +# of COMPANY. The intellectual and technical concepts contained herein +# are proprietary to COMPANY and may be covered by U.S. and Foreign +# Patents, patents in process, and are protected by trade secret or +# copyright law. Dissemination of this information or reproduction of +# this material is strictly forbidden unless prior written permission is +# obtained from COMPANY. Access to the source code contained herein is +# hereby forbidden to anyone except current COMPANY employees, managers +# or contractors who have executed Confidentiality and Non-disclosure +# agreements explicitly covering such access. +# +# The copyright notice above does not evidence any actual or intended +# publication or disclosure of this source code, which includes +# information that is confidential and/or proprietary, and is a trade +# secret, of COMPANY. ANY REPRODUCTION, MODIFICATION, DISTRIBUTION, +# PUBLIC PERFORMANCE, OR PUBLIC DISPLAY OF OR THROUGH USE OF THIS +# SOURCE CODE WITHOUT THE EXPRESS WRITTEN CONSENT OF COMPANY IS +# STRICTLY PROHIBITED, AND IN VIOLATION OF APPLICABLE LAWS AND +# INTERNATIONAL TREATIES. THE RECEIPT OR POSSESSION OF THIS SOURCE +# CODE AND/OR RELATED INFORMATION DOES NOT CONVEY OR IMPLY ANY RIGHTS +# TO REPRODUCE, DISCLOSE OR DISTRIBUTE ITS CONTENTS, OR TO MANUFACTURE, +# USE, OR SELL ANYTHING THAT IT MAY DESCRIBE, IN WHOLE OR IN PART. +# +# %COPYRIGHT_END% +# ---------------------------------------------------------------------- +# %AUTHORS_BEGIN% +# +# Originating Authors: Paul-Edouard Sarlin +# +# %AUTHORS_END% +# --------------------------------------------------------------------*/ +# %BANNER_END% + +import torch + +from .superpoint import SuperPoint +from .superglue import SuperGlue + + +class Matching(torch.nn.Module): + """ Image Matching Frontend (SuperPoint + SuperGlue) """ + def __init__(self, config={}): + super().__init__() + self.superpoint = SuperPoint(config.get('superpoint', {})) + self.superglue = SuperGlue(config.get('superglue', {})) + + def forward(self, data): + """ Run SuperPoint (optionally) and SuperGlue + SuperPoint is skipped if ['keypoints0', 'keypoints1'] exist in input + Args: + data: dictionary with minimal keys: ['image0', 'image1'] + """ + pred = {} + + # Extract SuperPoint (keypoints, scores, descriptors) if not provided + if 'keypoints0' not in data: + pred0 = self.superpoint({'image': data['image0']}) + pred = {**pred, **{k+'0': v for k, v in pred0.items()}} + if 'keypoints1' not in data: + pred1 = self.superpoint({'image': data['image1']}) + pred = {**pred, **{k+'1': v for k, v in pred1.items()}} + + # Batch all features + # We should either have i) one image per batch, or + # ii) the same number of local features for all images in the batch. + data = {**data, **pred} + + for k in data: + if isinstance(data[k], (list, tuple)): + data[k] = torch.stack(data[k]) + + # Perform the matching + pred = {**pred, **self.superglue(data)} + + return pred diff --git a/third_party/SuperGluePretrainedNetwork/models/superglue.py b/third_party/SuperGluePretrainedNetwork/models/superglue.py new file mode 100644 index 0000000000000000000000000000000000000000..5316234dee9be9cdc083e3b4bebe97a6e51e587d --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/models/superglue.py @@ -0,0 +1,284 @@ +# %BANNER_BEGIN% +# --------------------------------------------------------------------- +# %COPYRIGHT_BEGIN% +# +# Magic Leap, Inc. ("COMPANY") CONFIDENTIAL +# +# Unpublished Copyright (c) 2020 +# Magic Leap, Inc., All Rights Reserved. +# +# NOTICE: All information contained herein is, and remains the property +# of COMPANY. The intellectual and technical concepts contained herein +# are proprietary to COMPANY and may be covered by U.S. and Foreign +# Patents, patents in process, and are protected by trade secret or +# copyright law. Dissemination of this information or reproduction of +# this material is strictly forbidden unless prior written permission is +# obtained from COMPANY. Access to the source code contained herein is +# hereby forbidden to anyone except current COMPANY employees, managers +# or contractors who have executed Confidentiality and Non-disclosure +# agreements explicitly covering such access. +# +# The copyright notice above does not evidence any actual or intended +# publication or disclosure of this source code, which includes +# information that is confidential and/or proprietary, and is a trade +# secret, of COMPANY. ANY REPRODUCTION, MODIFICATION, DISTRIBUTION, +# PUBLIC PERFORMANCE, OR PUBLIC DISPLAY OF OR THROUGH USE OF THIS +# SOURCE CODE WITHOUT THE EXPRESS WRITTEN CONSENT OF COMPANY IS +# STRICTLY PROHIBITED, AND IN VIOLATION OF APPLICABLE LAWS AND +# INTERNATIONAL TREATIES. THE RECEIPT OR POSSESSION OF THIS SOURCE +# CODE AND/OR RELATED INFORMATION DOES NOT CONVEY OR IMPLY ANY RIGHTS +# TO REPRODUCE, DISCLOSE OR DISTRIBUTE ITS CONTENTS, OR TO MANUFACTURE, +# USE, OR SELL ANYTHING THAT IT MAY DESCRIBE, IN WHOLE OR IN PART. +# +# %COPYRIGHT_END% +# ---------------------------------------------------------------------- +# %AUTHORS_BEGIN% +# +# Originating Authors: Paul-Edouard Sarlin +# +# %AUTHORS_END% +# --------------------------------------------------------------------*/ +# %BANNER_END% + +from copy import deepcopy +from pathlib import Path +from typing import List, Tuple + +import torch +from torch import nn + + +def MLP(channels: List[int], do_bn: bool = True) -> nn.Module: + """ Multi-layer perceptron """ + n = len(channels) + layers = [] + for i in range(1, n): + layers.append( + nn.Conv1d(channels[i - 1], channels[i], kernel_size=1, bias=True)) + if i < (n-1): + if do_bn: + layers.append(nn.BatchNorm1d(channels[i])) + layers.append(nn.ReLU()) + return nn.Sequential(*layers) + + +def normalize_keypoints(kpts, image_shape): + """ Normalize keypoints locations based on image image_shape""" + _, _, height, width = image_shape + one = kpts.new_tensor(1) + size = torch.stack([one*width, one*height])[None] + center = size / 2 + scaling = size.max(1, keepdim=True).values * 0.7 + return (kpts - center[:, None, :]) / scaling[:, None, :] + + +class KeypointEncoder(nn.Module): + """ Joint encoding of visual appearance and location using MLPs""" + def __init__(self, feature_dim: int, layers: List[int]) -> None: + super().__init__() + self.encoder = MLP([3] + layers + [feature_dim]) + nn.init.constant_(self.encoder[-1].bias, 0.0) + + def forward(self, kpts, scores): + inputs = [kpts.transpose(1, 2), scores.unsqueeze(1)] + return self.encoder(torch.cat(inputs, dim=1)) + + +def attention(query: torch.Tensor, key: torch.Tensor, value: torch.Tensor) -> Tuple[torch.Tensor,torch.Tensor]: + dim = query.shape[1] + scores = torch.einsum('bdhn,bdhm->bhnm', query, key) / dim**.5 + prob = torch.nn.functional.softmax(scores, dim=-1) + return torch.einsum('bhnm,bdhm->bdhn', prob, value), prob + + +class MultiHeadedAttention(nn.Module): + """ Multi-head attention to increase model expressivitiy """ + def __init__(self, num_heads: int, d_model: int): + super().__init__() + assert d_model % num_heads == 0 + self.dim = d_model // num_heads + self.num_heads = num_heads + self.merge = nn.Conv1d(d_model, d_model, kernel_size=1) + self.proj = nn.ModuleList([deepcopy(self.merge) for _ in range(3)]) + + def forward(self, query: torch.Tensor, key: torch.Tensor, value: torch.Tensor) -> torch.Tensor: + batch_dim = query.size(0) + query, key, value = [l(x).view(batch_dim, self.dim, self.num_heads, -1) + for l, x in zip(self.proj, (query, key, value))] + x, _ = attention(query, key, value) + return self.merge(x.contiguous().view(batch_dim, self.dim*self.num_heads, -1)) + + +class AttentionalPropagation(nn.Module): + def __init__(self, feature_dim: int, num_heads: int): + super().__init__() + self.attn = MultiHeadedAttention(num_heads, feature_dim) + self.mlp = MLP([feature_dim*2, feature_dim*2, feature_dim]) + nn.init.constant_(self.mlp[-1].bias, 0.0) + + def forward(self, x: torch.Tensor, source: torch.Tensor) -> torch.Tensor: + message = self.attn(x, source, source) + return self.mlp(torch.cat([x, message], dim=1)) + + +class AttentionalGNN(nn.Module): + def __init__(self, feature_dim: int, layer_names: List[str]) -> None: + super().__init__() + self.layers = nn.ModuleList([ + AttentionalPropagation(feature_dim, 4) + for _ in range(len(layer_names))]) + self.names = layer_names + + def forward(self, desc0: torch.Tensor, desc1: torch.Tensor) -> Tuple[torch.Tensor,torch.Tensor]: + for layer, name in zip(self.layers, self.names): + if name == 'cross': + src0, src1 = desc1, desc0 + else: # if name == 'self': + src0, src1 = desc0, desc1 + delta0, delta1 = layer(desc0, src0), layer(desc1, src1) + desc0, desc1 = (desc0 + delta0), (desc1 + delta1) + return desc0, desc1 + + +def log_sinkhorn_iterations(Z: torch.Tensor, log_mu: torch.Tensor, log_nu: torch.Tensor, iters: int) -> torch.Tensor: + """ Perform Sinkhorn Normalization in Log-space for stability""" + u, v = torch.zeros_like(log_mu), torch.zeros_like(log_nu) + for _ in range(iters): + u = log_mu - torch.logsumexp(Z + v.unsqueeze(1), dim=2) + v = log_nu - torch.logsumexp(Z + u.unsqueeze(2), dim=1) + return Z + u.unsqueeze(2) + v.unsqueeze(1) + + +def log_optimal_transport(scores: torch.Tensor, alpha: torch.Tensor, iters: int) -> torch.Tensor: + """ Perform Differentiable Optimal Transport in Log-space for stability""" + b, m, n = scores.shape + one = scores.new_tensor(1) + ms, ns = (m*one).to(scores), (n*one).to(scores) + + bins0 = alpha.expand(b, m, 1) + bins1 = alpha.expand(b, 1, n) + alpha = alpha.expand(b, 1, 1) + + couplings = torch.cat([torch.cat([scores, bins0], -1), + torch.cat([bins1, alpha], -1)], 1) + + norm = - (ms + ns).log() + log_mu = torch.cat([norm.expand(m), ns.log()[None] + norm]) + log_nu = torch.cat([norm.expand(n), ms.log()[None] + norm]) + log_mu, log_nu = log_mu[None].expand(b, -1), log_nu[None].expand(b, -1) + + Z = log_sinkhorn_iterations(couplings, log_mu, log_nu, iters) + Z = Z - norm # multiply probabilities by M+N + return Z + + +def arange_like(x, dim: int): + return x.new_ones(x.shape[dim]).cumsum(0) - 1 # traceable in 1.1 + + +class SuperGlue(nn.Module): + """SuperGlue feature matching middle-end + + Given two sets of keypoints and locations, we determine the + correspondences by: + 1. Keypoint Encoding (normalization + visual feature and location fusion) + 2. Graph Neural Network with multiple self and cross-attention layers + 3. Final projection layer + 4. Optimal Transport Layer (a differentiable Hungarian matching algorithm) + 5. Thresholding matrix based on mutual exclusivity and a match_threshold + + The correspondence ids use -1 to indicate non-matching points. + + Paul-Edouard Sarlin, Daniel DeTone, Tomasz Malisiewicz, and Andrew + Rabinovich. SuperGlue: Learning Feature Matching with Graph Neural + Networks. In CVPR, 2020. https://arxiv.org/abs/1911.11763 + + """ + default_config = { + 'descriptor_dim': 256, + 'weights': 'indoor', + 'keypoint_encoder': [32, 64, 128, 256], + 'GNN_layers': ['self', 'cross'] * 9, + 'sinkhorn_iterations': 100, + 'match_threshold': 0.2, + } + + def __init__(self, config): + super().__init__() + self.config = {**self.default_config, **config} + + self.kenc = KeypointEncoder( + self.config['descriptor_dim'], self.config['keypoint_encoder']) + + self.gnn = AttentionalGNN( + feature_dim=self.config['descriptor_dim'], layer_names=self.config['GNN_layers']) + + self.final_proj = nn.Conv1d( + self.config['descriptor_dim'], self.config['descriptor_dim'], + kernel_size=1, bias=True) + + bin_score = torch.nn.Parameter(torch.tensor(1.)) + self.register_parameter('bin_score', bin_score) + + assert self.config['weights'] in ['indoor', 'outdoor'] + path = Path(__file__).parent + path = path / 'weights/superglue_{}.pth'.format(self.config['weights']) + self.load_state_dict(torch.load(str(path))) + print('Loaded SuperGlue model (\"{}\" weights)'.format( + self.config['weights'])) + + def forward(self, data): + """Run SuperGlue on a pair of keypoints and descriptors""" + desc0, desc1 = data['descriptors0'], data['descriptors1'] + kpts0, kpts1 = data['keypoints0'], data['keypoints1'] + + if kpts0.shape[1] == 0 or kpts1.shape[1] == 0: # no keypoints + shape0, shape1 = kpts0.shape[:-1], kpts1.shape[:-1] + return { + 'matches0': kpts0.new_full(shape0, -1, dtype=torch.int), + 'matches1': kpts1.new_full(shape1, -1, dtype=torch.int), + 'matching_scores0': kpts0.new_zeros(shape0), + 'matching_scores1': kpts1.new_zeros(shape1), + } + + # Keypoint normalization. + kpts0 = normalize_keypoints(kpts0, data['image0'].shape) + kpts1 = normalize_keypoints(kpts1, data['image1'].shape) + + # Keypoint MLP encoder. + desc0 = desc0 + self.kenc(kpts0, data['scores0']) + desc1 = desc1 + self.kenc(kpts1, data['scores1']) + + # Multi-layer Transformer network. + desc0, desc1 = self.gnn(desc0, desc1) + + # Final MLP projection. + mdesc0, mdesc1 = self.final_proj(desc0), self.final_proj(desc1) + + # Compute matching descriptor distance. + scores = torch.einsum('bdn,bdm->bnm', mdesc0, mdesc1) + scores = scores / self.config['descriptor_dim']**.5 + + # Run the optimal transport. + scores = log_optimal_transport( + scores, self.bin_score, + iters=self.config['sinkhorn_iterations']) + + # Get the matches with score above "match_threshold". + max0, max1 = scores[:, :-1, :-1].max(2), scores[:, :-1, :-1].max(1) + indices0, indices1 = max0.indices, max1.indices + mutual0 = arange_like(indices0, 1)[None] == indices1.gather(1, indices0) + mutual1 = arange_like(indices1, 1)[None] == indices0.gather(1, indices1) + zero = scores.new_tensor(0) + mscores0 = torch.where(mutual0, max0.values.exp(), zero) + mscores1 = torch.where(mutual1, mscores0.gather(1, indices1), zero) + valid0 = mutual0 & (mscores0 > self.config['match_threshold']) + valid1 = mutual1 & valid0.gather(1, indices1) + indices0 = torch.where(valid0, indices0, indices0.new_tensor(-1)) + indices1 = torch.where(valid1, indices1, indices1.new_tensor(-1)) + return { + 'matches0': indices0, # use -1 for invalid match + 'matches1': indices1, # use -1 for invalid match + 'matching_scores0': mscores0, + 'matching_scores1': mscores1, + } diff --git a/third_party/SuperGluePretrainedNetwork/models/superpoint.py b/third_party/SuperGluePretrainedNetwork/models/superpoint.py new file mode 100644 index 0000000000000000000000000000000000000000..b837d938f755850180ddc168e957742e874adacd --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/models/superpoint.py @@ -0,0 +1,202 @@ +# %BANNER_BEGIN% +# --------------------------------------------------------------------- +# %COPYRIGHT_BEGIN% +# +# Magic Leap, Inc. ("COMPANY") CONFIDENTIAL +# +# Unpublished Copyright (c) 2020 +# Magic Leap, Inc., All Rights Reserved. +# +# NOTICE: All information contained herein is, and remains the property +# of COMPANY. The intellectual and technical concepts contained herein +# are proprietary to COMPANY and may be covered by U.S. and Foreign +# Patents, patents in process, and are protected by trade secret or +# copyright law. Dissemination of this information or reproduction of +# this material is strictly forbidden unless prior written permission is +# obtained from COMPANY. Access to the source code contained herein is +# hereby forbidden to anyone except current COMPANY employees, managers +# or contractors who have executed Confidentiality and Non-disclosure +# agreements explicitly covering such access. +# +# The copyright notice above does not evidence any actual or intended +# publication or disclosure of this source code, which includes +# information that is confidential and/or proprietary, and is a trade +# secret, of COMPANY. ANY REPRODUCTION, MODIFICATION, DISTRIBUTION, +# PUBLIC PERFORMANCE, OR PUBLIC DISPLAY OF OR THROUGH USE OF THIS +# SOURCE CODE WITHOUT THE EXPRESS WRITTEN CONSENT OF COMPANY IS +# STRICTLY PROHIBITED, AND IN VIOLATION OF APPLICABLE LAWS AND +# INTERNATIONAL TREATIES. THE RECEIPT OR POSSESSION OF THIS SOURCE +# CODE AND/OR RELATED INFORMATION DOES NOT CONVEY OR IMPLY ANY RIGHTS +# TO REPRODUCE, DISCLOSE OR DISTRIBUTE ITS CONTENTS, OR TO MANUFACTURE, +# USE, OR SELL ANYTHING THAT IT MAY DESCRIBE, IN WHOLE OR IN PART. +# +# %COPYRIGHT_END% +# ---------------------------------------------------------------------- +# %AUTHORS_BEGIN% +# +# Originating Authors: Paul-Edouard Sarlin +# +# %AUTHORS_END% +# --------------------------------------------------------------------*/ +# %BANNER_END% + +from pathlib import Path +import torch +from torch import nn + +def simple_nms(scores, nms_radius: int): + """ Fast Non-maximum suppression to remove nearby points """ + assert(nms_radius >= 0) + + def max_pool(x): + return torch.nn.functional.max_pool2d( + x, kernel_size=nms_radius*2+1, stride=1, padding=nms_radius) + + zeros = torch.zeros_like(scores) + max_mask = scores == max_pool(scores) + for _ in range(2): + supp_mask = max_pool(max_mask.float()) > 0 + supp_scores = torch.where(supp_mask, zeros, scores) + new_max_mask = supp_scores == max_pool(supp_scores) + max_mask = max_mask | (new_max_mask & (~supp_mask)) + return torch.where(max_mask, scores, zeros) + + +def remove_borders(keypoints, scores, border: int, height: int, width: int): + """ Removes keypoints too close to the border """ + mask_h = (keypoints[:, 0] >= border) & (keypoints[:, 0] < (height - border)) + mask_w = (keypoints[:, 1] >= border) & (keypoints[:, 1] < (width - border)) + mask = mask_h & mask_w + return keypoints[mask], scores[mask] + + +def top_k_keypoints(keypoints, scores, k: int): + if k >= len(keypoints): + return keypoints, scores + scores, indices = torch.topk(scores, k, dim=0) + return keypoints[indices], scores + + +def sample_descriptors(keypoints, descriptors, s: int = 8): + """ Interpolate descriptors at keypoint locations """ + b, c, h, w = descriptors.shape + keypoints = keypoints - s / 2 + 0.5 + keypoints /= torch.tensor([(w*s - s/2 - 0.5), (h*s - s/2 - 0.5)], + ).to(keypoints)[None] + keypoints = keypoints*2 - 1 # normalize to (-1, 1) + args = {'align_corners': True} if torch.__version__ >= '1.3' else {} + descriptors = torch.nn.functional.grid_sample( + descriptors, keypoints.view(b, 1, -1, 2), mode='bilinear', **args) + descriptors = torch.nn.functional.normalize( + descriptors.reshape(b, c, -1), p=2, dim=1) + return descriptors + + +class SuperPoint(nn.Module): + """SuperPoint Convolutional Detector and Descriptor + + SuperPoint: Self-Supervised Interest Point Detection and + Description. Daniel DeTone, Tomasz Malisiewicz, and Andrew + Rabinovich. In CVPRW, 2019. https://arxiv.org/abs/1712.07629 + + """ + default_config = { + 'descriptor_dim': 256, + 'nms_radius': 4, + 'keypoint_threshold': 0.005, + 'max_keypoints': -1, + 'remove_borders': 4, + } + + def __init__(self, config): + super().__init__() + self.config = {**self.default_config, **config} + + self.relu = nn.ReLU(inplace=True) + self.pool = nn.MaxPool2d(kernel_size=2, stride=2) + c1, c2, c3, c4, c5 = 64, 64, 128, 128, 256 + + self.conv1a = nn.Conv2d(1, c1, kernel_size=3, stride=1, padding=1) + self.conv1b = nn.Conv2d(c1, c1, kernel_size=3, stride=1, padding=1) + self.conv2a = nn.Conv2d(c1, c2, kernel_size=3, stride=1, padding=1) + self.conv2b = nn.Conv2d(c2, c2, kernel_size=3, stride=1, padding=1) + self.conv3a = nn.Conv2d(c2, c3, kernel_size=3, stride=1, padding=1) + self.conv3b = nn.Conv2d(c3, c3, kernel_size=3, stride=1, padding=1) + self.conv4a = nn.Conv2d(c3, c4, kernel_size=3, stride=1, padding=1) + self.conv4b = nn.Conv2d(c4, c4, kernel_size=3, stride=1, padding=1) + + self.convPa = nn.Conv2d(c4, c5, kernel_size=3, stride=1, padding=1) + self.convPb = nn.Conv2d(c5, 65, kernel_size=1, stride=1, padding=0) + + self.convDa = nn.Conv2d(c4, c5, kernel_size=3, stride=1, padding=1) + self.convDb = nn.Conv2d( + c5, self.config['descriptor_dim'], + kernel_size=1, stride=1, padding=0) + + path = Path(__file__).parent / 'weights/superpoint_v1.pth' + self.load_state_dict(torch.load(str(path))) + + mk = self.config['max_keypoints'] + if mk == 0 or mk < -1: + raise ValueError('\"max_keypoints\" must be positive or \"-1\"') + + print('Loaded SuperPoint model') + + def forward(self, data): + """ Compute keypoints, scores, descriptors for image """ + # Shared Encoder + x = self.relu(self.conv1a(data['image'])) + x = self.relu(self.conv1b(x)) + x = self.pool(x) + x = self.relu(self.conv2a(x)) + x = self.relu(self.conv2b(x)) + x = self.pool(x) + x = self.relu(self.conv3a(x)) + x = self.relu(self.conv3b(x)) + x = self.pool(x) + x = self.relu(self.conv4a(x)) + x = self.relu(self.conv4b(x)) + + # Compute the dense keypoint scores + cPa = self.relu(self.convPa(x)) + scores = self.convPb(cPa) + scores = torch.nn.functional.softmax(scores, 1)[:, :-1] + b, _, h, w = scores.shape + scores = scores.permute(0, 2, 3, 1).reshape(b, h, w, 8, 8) + scores = scores.permute(0, 1, 3, 2, 4).reshape(b, h*8, w*8) + scores = simple_nms(scores, self.config['nms_radius']) + + # Extract keypoints + keypoints = [ + torch.nonzero(s > self.config['keypoint_threshold']) + for s in scores] + scores = [s[tuple(k.t())] for s, k in zip(scores, keypoints)] + + # Discard keypoints near the image borders + keypoints, scores = list(zip(*[ + remove_borders(k, s, self.config['remove_borders'], h*8, w*8) + for k, s in zip(keypoints, scores)])) + + # Keep the k keypoints with highest score + if self.config['max_keypoints'] >= 0: + keypoints, scores = list(zip(*[ + top_k_keypoints(k, s, self.config['max_keypoints']) + for k, s in zip(keypoints, scores)])) + + # Convert (h, w) to (x, y) + keypoints = [torch.flip(k, [1]).float() for k in keypoints] + + # Compute the dense descriptors + cDa = self.relu(self.convDa(x)) + descriptors = self.convDb(cDa) + descriptors = torch.nn.functional.normalize(descriptors, p=2, dim=1) + + # Extract descriptors + descriptors = [sample_descriptors(k[None], d[None], 8)[0] + for k, d in zip(keypoints, descriptors)] + + return { + 'keypoints': keypoints, + 'scores': scores, + 'descriptors': descriptors, + } diff --git a/third_party/SuperGluePretrainedNetwork/models/utils.py b/third_party/SuperGluePretrainedNetwork/models/utils.py new file mode 100644 index 0000000000000000000000000000000000000000..1206244aa2a004d9f653782de798bfef9e5e726b --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/models/utils.py @@ -0,0 +1,555 @@ +# %BANNER_BEGIN% +# --------------------------------------------------------------------- +# %COPYRIGHT_BEGIN% +# +# Magic Leap, Inc. ("COMPANY") CONFIDENTIAL +# +# Unpublished Copyright (c) 2020 +# Magic Leap, Inc., All Rights Reserved. +# +# NOTICE: All information contained herein is, and remains the property +# of COMPANY. The intellectual and technical concepts contained herein +# are proprietary to COMPANY and may be covered by U.S. and Foreign +# Patents, patents in process, and are protected by trade secret or +# copyright law. Dissemination of this information or reproduction of +# this material is strictly forbidden unless prior written permission is +# obtained from COMPANY. Access to the source code contained herein is +# hereby forbidden to anyone except current COMPANY employees, managers +# or contractors who have executed Confidentiality and Non-disclosure +# agreements explicitly covering such access. +# +# The copyright notice above does not evidence any actual or intended +# publication or disclosure of this source code, which includes +# information that is confidential and/or proprietary, and is a trade +# secret, of COMPANY. ANY REPRODUCTION, MODIFICATION, DISTRIBUTION, +# PUBLIC PERFORMANCE, OR PUBLIC DISPLAY OF OR THROUGH USE OF THIS +# SOURCE CODE WITHOUT THE EXPRESS WRITTEN CONSENT OF COMPANY IS +# STRICTLY PROHIBITED, AND IN VIOLATION OF APPLICABLE LAWS AND +# INTERNATIONAL TREATIES. THE RECEIPT OR POSSESSION OF THIS SOURCE +# CODE AND/OR RELATED INFORMATION DOES NOT CONVEY OR IMPLY ANY RIGHTS +# TO REPRODUCE, DISCLOSE OR DISTRIBUTE ITS CONTENTS, OR TO MANUFACTURE, +# USE, OR SELL ANYTHING THAT IT MAY DESCRIBE, IN WHOLE OR IN PART. +# +# %COPYRIGHT_END% +# ---------------------------------------------------------------------- +# %AUTHORS_BEGIN% +# +# Originating Authors: Paul-Edouard Sarlin +# Daniel DeTone +# Tomasz Malisiewicz +# +# %AUTHORS_END% +# --------------------------------------------------------------------*/ +# %BANNER_END% + +from pathlib import Path +import time +from collections import OrderedDict +from threading import Thread +import numpy as np +import cv2 +import torch +import matplotlib.pyplot as plt +import matplotlib +matplotlib.use('Agg') + + +class AverageTimer: + """ Class to help manage printing simple timing of code execution. """ + + def __init__(self, smoothing=0.3, newline=False): + self.smoothing = smoothing + self.newline = newline + self.times = OrderedDict() + self.will_print = OrderedDict() + self.reset() + + def reset(self): + now = time.time() + self.start = now + self.last_time = now + for name in self.will_print: + self.will_print[name] = False + + def update(self, name='default'): + now = time.time() + dt = now - self.last_time + if name in self.times: + dt = self.smoothing * dt + (1 - self.smoothing) * self.times[name] + self.times[name] = dt + self.will_print[name] = True + self.last_time = now + + def print(self, text='Timer'): + total = 0. + print('[{}]'.format(text), end=' ') + for key in self.times: + val = self.times[key] + if self.will_print[key]: + print('%s=%.3f' % (key, val), end=' ') + total += val + print('total=%.3f sec {%.1f FPS}' % (total, 1./total), end=' ') + if self.newline: + print(flush=True) + else: + print(end='\r', flush=True) + self.reset() + + +class VideoStreamer: + """ Class to help process image streams. Four types of possible inputs:" + 1.) USB Webcam. + 2.) An IP camera + 3.) A directory of images (files in directory matching 'image_glob'). + 4.) A video file, such as an .mp4 or .avi file. + """ + def __init__(self, basedir, resize, skip, image_glob, max_length=1000000): + self._ip_grabbed = False + self._ip_running = False + self._ip_camera = False + self._ip_image = None + self._ip_index = 0 + self.cap = [] + self.camera = True + self.video_file = False + self.listing = [] + self.resize = resize + self.interp = cv2.INTER_AREA + self.i = 0 + self.skip = skip + self.max_length = max_length + if isinstance(basedir, int) or basedir.isdigit(): + print('==> Processing USB webcam input: {}'.format(basedir)) + self.cap = cv2.VideoCapture(int(basedir)) + self.listing = range(0, self.max_length) + elif basedir.startswith(('http', 'rtsp')): + print('==> Processing IP camera input: {}'.format(basedir)) + self.cap = cv2.VideoCapture(basedir) + self.start_ip_camera_thread() + self._ip_camera = True + self.listing = range(0, self.max_length) + elif Path(basedir).is_dir(): + print('==> Processing image directory input: {}'.format(basedir)) + self.listing = list(Path(basedir).glob(image_glob[0])) + for j in range(1, len(image_glob)): + image_path = list(Path(basedir).glob(image_glob[j])) + self.listing = self.listing + image_path + self.listing.sort() + self.listing = self.listing[::self.skip] + self.max_length = np.min([self.max_length, len(self.listing)]) + if self.max_length == 0: + raise IOError('No images found (maybe bad \'image_glob\' ?)') + self.listing = self.listing[:self.max_length] + self.camera = False + elif Path(basedir).exists(): + print('==> Processing video input: {}'.format(basedir)) + self.cap = cv2.VideoCapture(basedir) + self.cap.set(cv2.CAP_PROP_BUFFERSIZE, 1) + num_frames = int(self.cap.get(cv2.CAP_PROP_FRAME_COUNT)) + self.listing = range(0, num_frames) + self.listing = self.listing[::self.skip] + self.video_file = True + self.max_length = np.min([self.max_length, len(self.listing)]) + self.listing = self.listing[:self.max_length] + else: + raise ValueError('VideoStreamer input \"{}\" not recognized.'.format(basedir)) + if self.camera and not self.cap.isOpened(): + raise IOError('Could not read camera') + + def load_image(self, impath): + """ Read image as grayscale and resize to img_size. + Inputs + impath: Path to input image. + Returns + grayim: uint8 numpy array sized H x W. + """ + grayim = cv2.imread(impath, 0) + if grayim is None: + raise Exception('Error reading image %s' % impath) + w, h = grayim.shape[1], grayim.shape[0] + w_new, h_new = process_resize(w, h, self.resize) + grayim = cv2.resize( + grayim, (w_new, h_new), interpolation=self.interp) + return grayim + + def next_frame(self): + """ Return the next frame, and increment internal counter. + Returns + image: Next H x W image. + status: True or False depending whether image was loaded. + """ + + if self.i == self.max_length: + return (None, False) + if self.camera: + + if self._ip_camera: + #Wait for first image, making sure we haven't exited + while self._ip_grabbed is False and self._ip_exited is False: + time.sleep(.001) + + ret, image = self._ip_grabbed, self._ip_image.copy() + if ret is False: + self._ip_running = False + else: + ret, image = self.cap.read() + if ret is False: + print('VideoStreamer: Cannot get image from camera') + return (None, False) + w, h = image.shape[1], image.shape[0] + if self.video_file: + self.cap.set(cv2.CAP_PROP_POS_FRAMES, self.listing[self.i]) + + w_new, h_new = process_resize(w, h, self.resize) + image = cv2.resize(image, (w_new, h_new), + interpolation=self.interp) + image = cv2.cvtColor(image, cv2.COLOR_RGB2GRAY) + else: + image_file = str(self.listing[self.i]) + image = self.load_image(image_file) + self.i = self.i + 1 + return (image, True) + + def start_ip_camera_thread(self): + self._ip_thread = Thread(target=self.update_ip_camera, args=()) + self._ip_running = True + self._ip_thread.start() + self._ip_exited = False + return self + + def update_ip_camera(self): + while self._ip_running: + ret, img = self.cap.read() + if ret is False: + self._ip_running = False + self._ip_exited = True + self._ip_grabbed = False + return + + self._ip_image = img + self._ip_grabbed = ret + self._ip_index += 1 + #print('IPCAMERA THREAD got frame {}'.format(self._ip_index)) + + + def cleanup(self): + self._ip_running = False + +# --- PREPROCESSING --- + +def process_resize(w, h, resize): + assert(len(resize) > 0 and len(resize) <= 2) + if len(resize) == 1 and resize[0] > -1: + scale = resize[0] / max(h, w) + w_new, h_new = int(round(w*scale)), int(round(h*scale)) + elif len(resize) == 1 and resize[0] == -1: + w_new, h_new = w, h + else: # len(resize) == 2: + w_new, h_new = resize[0], resize[1] + + # Issue warning if resolution is too small or too large. + if max(w_new, h_new) < 160: + print('Warning: input resolution is very small, results may vary') + elif max(w_new, h_new) > 2000: + print('Warning: input resolution is very large, results may vary') + + return w_new, h_new + + +def frame2tensor(frame, device): + return torch.from_numpy(frame/255.).float()[None, None].to(device) + + +def read_image(path, device, resize, rotation, resize_float): + image = cv2.imread(str(path), cv2.IMREAD_GRAYSCALE) + if image is None: + return None, None, None + w, h = image.shape[1], image.shape[0] + w_new, h_new = process_resize(w, h, resize) + scales = (float(w) / float(w_new), float(h) / float(h_new)) + + if resize_float: + image = cv2.resize(image.astype('float32'), (w_new, h_new)) + else: + image = cv2.resize(image, (w_new, h_new)).astype('float32') + + if rotation != 0: + image = np.rot90(image, k=rotation) + if rotation % 2: + scales = scales[::-1] + + inp = frame2tensor(image, device) + return image, inp, scales + + +# --- GEOMETRY --- + + +def estimate_pose(kpts0, kpts1, K0, K1, thresh, conf=0.99999): + if len(kpts0) < 5: + return None + + f_mean = np.mean([K0[0, 0], K1[1, 1], K0[0, 0], K1[1, 1]]) + norm_thresh = thresh / f_mean + + kpts0 = (kpts0 - K0[[0, 1], [2, 2]][None]) / K0[[0, 1], [0, 1]][None] + kpts1 = (kpts1 - K1[[0, 1], [2, 2]][None]) / K1[[0, 1], [0, 1]][None] + + E, mask = cv2.findEssentialMat( + kpts0, kpts1, np.eye(3), threshold=norm_thresh, prob=conf, + method=cv2.RANSAC) + + assert E is not None + + best_num_inliers = 0 + ret = None + for _E in np.split(E, len(E) / 3): + n, R, t, _ = cv2.recoverPose( + _E, kpts0, kpts1, np.eye(3), 1e9, mask=mask) + if n > best_num_inliers: + best_num_inliers = n + ret = (R, t[:, 0], mask.ravel() > 0) + return ret + + +def rotate_intrinsics(K, image_shape, rot): + """image_shape is the shape of the image after rotation""" + assert rot <= 3 + h, w = image_shape[:2][::-1 if (rot % 2) else 1] + fx, fy, cx, cy = K[0, 0], K[1, 1], K[0, 2], K[1, 2] + rot = rot % 4 + if rot == 1: + return np.array([[fy, 0., cy], + [0., fx, w-1-cx], + [0., 0., 1.]], dtype=K.dtype) + elif rot == 2: + return np.array([[fx, 0., w-1-cx], + [0., fy, h-1-cy], + [0., 0., 1.]], dtype=K.dtype) + else: # if rot == 3: + return np.array([[fy, 0., h-1-cy], + [0., fx, cx], + [0., 0., 1.]], dtype=K.dtype) + + +def rotate_pose_inplane(i_T_w, rot): + rotation_matrices = [ + np.array([[np.cos(r), -np.sin(r), 0., 0.], + [np.sin(r), np.cos(r), 0., 0.], + [0., 0., 1., 0.], + [0., 0., 0., 1.]], dtype=np.float32) + for r in [np.deg2rad(d) for d in (0, 270, 180, 90)] + ] + return np.dot(rotation_matrices[rot], i_T_w) + + +def scale_intrinsics(K, scales): + scales = np.diag([1./scales[0], 1./scales[1], 1.]) + return np.dot(scales, K) + + +def to_homogeneous(points): + return np.concatenate([points, np.ones_like(points[:, :1])], axis=-1) + + +def compute_epipolar_error(kpts0, kpts1, T_0to1, K0, K1): + kpts0 = (kpts0 - K0[[0, 1], [2, 2]][None]) / K0[[0, 1], [0, 1]][None] + kpts1 = (kpts1 - K1[[0, 1], [2, 2]][None]) / K1[[0, 1], [0, 1]][None] + kpts0 = to_homogeneous(kpts0) + kpts1 = to_homogeneous(kpts1) + + t0, t1, t2 = T_0to1[:3, 3] + t_skew = np.array([ + [0, -t2, t1], + [t2, 0, -t0], + [-t1, t0, 0] + ]) + E = t_skew @ T_0to1[:3, :3] + + Ep0 = kpts0 @ E.T # N x 3 + p1Ep0 = np.sum(kpts1 * Ep0, -1) # N + Etp1 = kpts1 @ E # N x 3 + d = p1Ep0**2 * (1.0 / (Ep0[:, 0]**2 + Ep0[:, 1]**2) + + 1.0 / (Etp1[:, 0]**2 + Etp1[:, 1]**2)) + return d + + +def angle_error_mat(R1, R2): + cos = (np.trace(np.dot(R1.T, R2)) - 1) / 2 + cos = np.clip(cos, -1., 1.) # numercial errors can make it out of bounds + return np.rad2deg(np.abs(np.arccos(cos))) + + +def angle_error_vec(v1, v2): + n = np.linalg.norm(v1) * np.linalg.norm(v2) + return np.rad2deg(np.arccos(np.clip(np.dot(v1, v2) / n, -1.0, 1.0))) + + +def compute_pose_error(T_0to1, R, t): + R_gt = T_0to1[:3, :3] + t_gt = T_0to1[:3, 3] + error_t = angle_error_vec(t, t_gt) + error_t = np.minimum(error_t, 180 - error_t) # ambiguity of E estimation + error_R = angle_error_mat(R, R_gt) + return error_t, error_R + + +def pose_auc(errors, thresholds): + sort_idx = np.argsort(errors) + errors = np.array(errors.copy())[sort_idx] + recall = (np.arange(len(errors)) + 1) / len(errors) + errors = np.r_[0., errors] + recall = np.r_[0., recall] + aucs = [] + for t in thresholds: + last_index = np.searchsorted(errors, t) + r = np.r_[recall[:last_index], recall[last_index-1]] + e = np.r_[errors[:last_index], t] + aucs.append(np.trapz(r, x=e)/t) + return aucs + + +# --- VISUALIZATION --- + + +def plot_image_pair(imgs, dpi=100, size=6, pad=.5): + n = len(imgs) + assert n == 2, 'number of images must be two' + figsize = (size*n, size*3/4) if size is not None else None + _, ax = plt.subplots(1, n, figsize=figsize, dpi=dpi) + for i in range(n): + ax[i].imshow(imgs[i], cmap=plt.get_cmap('gray'), vmin=0, vmax=255) + ax[i].get_yaxis().set_ticks([]) + ax[i].get_xaxis().set_ticks([]) + for spine in ax[i].spines.values(): # remove frame + spine.set_visible(False) + plt.tight_layout(pad=pad) + + +def plot_keypoints(kpts0, kpts1, color='w', ps=2): + ax = plt.gcf().axes + ax[0].scatter(kpts0[:, 0], kpts0[:, 1], c=color, s=ps) + ax[1].scatter(kpts1[:, 0], kpts1[:, 1], c=color, s=ps) + + +def plot_matches(kpts0, kpts1, color, lw=1.5, ps=4): + fig = plt.gcf() + ax = fig.axes + fig.canvas.draw() + + transFigure = fig.transFigure.inverted() + fkpts0 = transFigure.transform(ax[0].transData.transform(kpts0)) + fkpts1 = transFigure.transform(ax[1].transData.transform(kpts1)) + + fig.lines = [matplotlib.lines.Line2D( + (fkpts0[i, 0], fkpts1[i, 0]), (fkpts0[i, 1], fkpts1[i, 1]), zorder=1, + transform=fig.transFigure, c=color[i], linewidth=lw) + for i in range(len(kpts0))] + ax[0].scatter(kpts0[:, 0], kpts0[:, 1], c=color, s=ps) + ax[1].scatter(kpts1[:, 0], kpts1[:, 1], c=color, s=ps) + + +def make_matching_plot(image0, image1, kpts0, kpts1, mkpts0, mkpts1, + color, text, path, show_keypoints=False, + fast_viz=False, opencv_display=False, + opencv_title='matches', small_text=[]): + + if fast_viz: + make_matching_plot_fast(image0, image1, kpts0, kpts1, mkpts0, mkpts1, + color, text, path, show_keypoints, 10, + opencv_display, opencv_title, small_text) + return + + plot_image_pair([image0, image1]) + if show_keypoints: + plot_keypoints(kpts0, kpts1, color='k', ps=4) + plot_keypoints(kpts0, kpts1, color='w', ps=2) + plot_matches(mkpts0, mkpts1, color) + + fig = plt.gcf() + txt_color = 'k' if image0[:100, :150].mean() > 200 else 'w' + fig.text( + 0.01, 0.99, '\n'.join(text), transform=fig.axes[0].transAxes, + fontsize=15, va='top', ha='left', color=txt_color) + + txt_color = 'k' if image0[-100:, :150].mean() > 200 else 'w' + fig.text( + 0.01, 0.01, '\n'.join(small_text), transform=fig.axes[0].transAxes, + fontsize=5, va='bottom', ha='left', color=txt_color) + + plt.savefig(str(path), bbox_inches='tight', pad_inches=0) + plt.close() + + +def make_matching_plot_fast(image0, image1, kpts0, kpts1, mkpts0, + mkpts1, color, text, path=None, + show_keypoints=False, margin=10, + opencv_display=False, opencv_title='', + small_text=[]): + H0, W0 = image0.shape + H1, W1 = image1.shape + H, W = max(H0, H1), W0 + W1 + margin + + out = 255*np.ones((H, W), np.uint8) + out[:H0, :W0] = image0 + out[:H1, W0+margin:] = image1 + out = np.stack([out]*3, -1) + + if show_keypoints: + kpts0, kpts1 = np.round(kpts0).astype(int), np.round(kpts1).astype(int) + white = (255, 255, 255) + black = (0, 0, 0) + for x, y in kpts0: + cv2.circle(out, (x, y), 2, black, -1, lineType=cv2.LINE_AA) + cv2.circle(out, (x, y), 1, white, -1, lineType=cv2.LINE_AA) + for x, y in kpts1: + cv2.circle(out, (x + margin + W0, y), 2, black, -1, + lineType=cv2.LINE_AA) + cv2.circle(out, (x + margin + W0, y), 1, white, -1, + lineType=cv2.LINE_AA) + + mkpts0, mkpts1 = np.round(mkpts0).astype(int), np.round(mkpts1).astype(int) + color = (np.array(color[:, :3])*255).astype(int)[:, ::-1] + for (x0, y0), (x1, y1), c in zip(mkpts0, mkpts1, color): + c = c.tolist() + cv2.line(out, (x0, y0), (x1 + margin + W0, y1), + color=c, thickness=1, lineType=cv2.LINE_AA) + # display line end-points as circles + cv2.circle(out, (x0, y0), 2, c, -1, lineType=cv2.LINE_AA) + cv2.circle(out, (x1 + margin + W0, y1), 2, c, -1, + lineType=cv2.LINE_AA) + + # Scale factor for consistent visualization across scales. + sc = min(H / 640., 2.0) + + # Big text. + Ht = int(30 * sc) # text height + txt_color_fg = (255, 255, 255) + txt_color_bg = (0, 0, 0) + for i, t in enumerate(text): + cv2.putText(out, t, (int(8*sc), Ht*(i+1)), cv2.FONT_HERSHEY_DUPLEX, + 1.0*sc, txt_color_bg, 2, cv2.LINE_AA) + cv2.putText(out, t, (int(8*sc), Ht*(i+1)), cv2.FONT_HERSHEY_DUPLEX, + 1.0*sc, txt_color_fg, 1, cv2.LINE_AA) + + # Small text. + Ht = int(18 * sc) # text height + for i, t in enumerate(reversed(small_text)): + cv2.putText(out, t, (int(8*sc), int(H-Ht*(i+.6))), cv2.FONT_HERSHEY_DUPLEX, + 0.5*sc, txt_color_bg, 2, cv2.LINE_AA) + cv2.putText(out, t, (int(8*sc), int(H-Ht*(i+.6))), cv2.FONT_HERSHEY_DUPLEX, + 0.5*sc, txt_color_fg, 1, cv2.LINE_AA) + + if path is not None: + cv2.imwrite(str(path), out) + + if opencv_display: + cv2.imshow(opencv_title, out) + cv2.waitKey(1) + + return out + + +def error_colormap(x): + return np.clip( + np.stack([2-x*2, x*2, np.zeros_like(x), np.ones_like(x)], -1), 0, 1) diff --git a/third_party/SuperGluePretrainedNetwork/models/weights/superglue_indoor.pth b/third_party/SuperGluePretrainedNetwork/models/weights/superglue_indoor.pth new file mode 100644 index 0000000000000000000000000000000000000000..969252133f802cb03256c15a3881b8b39c1867d4 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/models/weights/superglue_indoor.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0e710469be25ebe1e2ccf68edcae8b2945b0617c8e7e68412251d9d47f5052b1 +size 48233807 diff --git a/third_party/SuperGluePretrainedNetwork/models/weights/superglue_outdoor.pth b/third_party/SuperGluePretrainedNetwork/models/weights/superglue_outdoor.pth new file mode 100644 index 0000000000000000000000000000000000000000..79db4b5340b02afca3cdd419672300bb009975af --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/models/weights/superglue_outdoor.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2f5f5e9bb3febf07b69df633c4c3ff7a17f8af26a023aae2b9303d22339195bd +size 48233807 diff --git a/third_party/SuperGluePretrainedNetwork/models/weights/superpoint_v1.pth b/third_party/SuperGluePretrainedNetwork/models/weights/superpoint_v1.pth new file mode 100644 index 0000000000000000000000000000000000000000..7648726e3a3dfa2581e86bfa9c5a2a05cfb9bf74 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/models/weights/superpoint_v1.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:52b6708629640ca883673b5d5c097c4ddad37d8048b33f09c8ca0d69db12c40e +size 5206086 diff --git a/third_party/SuperGluePretrainedNetwork/requirements.txt b/third_party/SuperGluePretrainedNetwork/requirements.txt new file mode 100644 index 0000000000000000000000000000000000000000..bf29a527d2077048833b9c1f25d12b7e4573b590 --- /dev/null +++ b/third_party/SuperGluePretrainedNetwork/requirements.txt @@ -0,0 +1,4 @@ +matplotlib>=3.1.3 +torch>=1.1.0 +opencv-python==4.1.2.30 +numpy>=1.18.1